From a8c350a5e26698d004cd491fa92d8336a8b8f016 Mon Sep 17 00:00:00 2001 From: Daniel Date: Fri, 5 Apr 2024 10:52:19 -0700 Subject: [PATCH] Meta-eval / feeback functions benchmarking notebooks, ranking-based eval utils, and docs update (#991) * implement recommendation metrics for benchmark framework ece fix Revert "ece fix" This reverts commit c58ee7e1ba71cc8d4c63a2bb3f01a1b0649cdf17. run actual evals add context relevance inference api to hugs ffs fmt larger dataset + smarter backoff + recall nb update (wip) fix how we handle ties in precision and recall saving results for GPT-3.5, GPT-4, Claude-1, and Claude-2 remove secrets * finished evals with truera context relevance model * add Verb 2S top 1 prompt * update ECE method pushed to server * save csv results for tmp scaling * save * implement meeting bank generator * example notebook for comprehensiveness benchmark WIP * gi# This is a combination of 2 commits. gainsight benchmarking done remove secrets * prepping comprehensiveness benchmark notebook * remove unused test script * moving results csvs * updates models * intermediate results code change * good stopping point * cleanup * symlink docs * huge doc updates * fix doc symlink * fix score range in docstring * add docstring for truera's context relevance model * update comprehensiveness notebook * update comprehensiveness notebook * fix * file renames * new symlinks * update mkdcos --------- Co-authored-by: Josh Reini <60949774+joshreini1@users.noreply.github.com> Co-authored-by: Josh Reini --- .../answer_relevance_benchmark_small.ipynb | 1 + .../answer_relevance_smoke_tests.ipynb | 1 - .../comprehensiveness_benchmark.ipynb | 1 + .../context_relevance_benchmark.ipynb | 1 + .../context_relevance_benchmark_small.ipynb | 1 + .../context_relevance_smoke_tests.ipynb | 1 - .../groundedness_benchmark.ipynb | 1 + .../groundedness_smoke_tests.ipynb | 1 - mkdocs.yml | 9 +- trulens_eval/trulens_eval/feedback/prompts.py | 1 + .../trulens_eval/feedback/provider/base.py | 9 +- .../trulens_eval/feedback/provider/hugs.py | 43 + .../trulens_eval/feedback/v2/feedback.py | 39 + ...=> answer_relevance_benchmark_small.ipynb} | 0 .../eval_as_recommendation.py | 104 + .../tests/comprehensiveness_benchmark.ipynb | 344 + .../tests/context_relevance_benchmark.ipynb | 544 + ...text_relevance_benchmark_calibration.ipynb | 595 + ...> context_relevance_benchmark_small.ipynb} | 0 .../datasets/meetingbank/human_scoring.json | 39602 ++++++++++++++++ .../ms_marco/ms_marco_train_v2.1_1.json | 5203 ++ .../ms_marco/ms_marco_train_v2.1_2.json | 5197 ++ .../ms_marco/ms_marco_train_v2.1_3.json | 5192 ++ .../ms_marco/ms_marco_train_v2.1_4.json | 1 + .../ms_marco/ms_marco_train_v2.1_5.json | 5200 ++ .../{ => summeval}/summeval_test_100.json | 0 ...sts.ipynb => groundedness_benchmark.ipynb} | 33 +- .../Claude-2_score_groundtruth_pairs.csv | 51 + .../GPT-3.5-Turbo_score_groundtruth_pairs.csv | 51 + ...4-Turbo-latest_score_groundtruth_pairs.csv | 51 + .../GPT-4-Turbo_score_groundtruth_pairs.csv | 51 + .../all_context_relevance_benchmark.csv | 5 + .../results_comprehensiveness_benchmark.csv | 1202 + .../results/results_temp_scaling_gpt-3.5.csv | 5 + .../results/results_temp_scaling_gpt-4.csv | 5 + .../results/results_verbalized_ece_t_0.3.csv | 3 + .../results/results_verbalized_ece_t_0.7.csv | 3 + .../results/results_verbalized_ece_t_0.csv | 3 + .../results/results_verbalized_ece_t_1.csv | 3 + trulens_eval/trulens_eval/tests/test_cases.py | 79 +- 40 files changed, 63593 insertions(+), 43 deletions(-) create mode 120000 docs/trulens_eval/evaluation/feedback_evaluations/answer_relevance_benchmark_small.ipynb delete mode 120000 docs/trulens_eval/evaluation/feedback_evaluations/answer_relevance_smoke_tests.ipynb create mode 120000 docs/trulens_eval/evaluation/feedback_evaluations/comprehensiveness_benchmark.ipynb create mode 120000 docs/trulens_eval/evaluation/feedback_evaluations/context_relevance_benchmark.ipynb create mode 120000 docs/trulens_eval/evaluation/feedback_evaluations/context_relevance_benchmark_small.ipynb delete mode 120000 docs/trulens_eval/evaluation/feedback_evaluations/context_relevance_smoke_tests.ipynb create mode 120000 docs/trulens_eval/evaluation/feedback_evaluations/groundedness_benchmark.ipynb delete mode 120000 docs/trulens_eval/evaluation/feedback_evaluations/groundedness_smoke_tests.ipynb rename trulens_eval/trulens_eval/tests/{answer_relevance_smoke_tests.ipynb => answer_relevance_benchmark_small.ipynb} (100%) create mode 100644 trulens_eval/trulens_eval/tests/benchmark_frameworks/eval_as_recommendation.py create mode 100644 trulens_eval/trulens_eval/tests/comprehensiveness_benchmark.ipynb create mode 100644 trulens_eval/trulens_eval/tests/context_relevance_benchmark.ipynb create mode 100644 trulens_eval/trulens_eval/tests/context_relevance_benchmark_calibration.ipynb rename trulens_eval/trulens_eval/tests/{context_relevance_smoke_tests.ipynb => context_relevance_benchmark_small.ipynb} (100%) create mode 100644 trulens_eval/trulens_eval/tests/datasets/meetingbank/human_scoring.json create mode 100644 trulens_eval/trulens_eval/tests/datasets/ms_marco/ms_marco_train_v2.1_1.json create mode 100644 trulens_eval/trulens_eval/tests/datasets/ms_marco/ms_marco_train_v2.1_2.json create mode 100644 trulens_eval/trulens_eval/tests/datasets/ms_marco/ms_marco_train_v2.1_3.json create mode 100644 trulens_eval/trulens_eval/tests/datasets/ms_marco/ms_marco_train_v2.1_4.json create mode 100644 trulens_eval/trulens_eval/tests/datasets/ms_marco/ms_marco_train_v2.1_5.json rename trulens_eval/trulens_eval/tests/datasets/{ => summeval}/summeval_test_100.json (100%) rename trulens_eval/trulens_eval/tests/{groundedness_smoke_tests.ipynb => groundedness_benchmark.ipynb} (97%) create mode 100644 trulens_eval/trulens_eval/tests/results/Claude-2_score_groundtruth_pairs.csv create mode 100644 trulens_eval/trulens_eval/tests/results/GPT-3.5-Turbo_score_groundtruth_pairs.csv create mode 100644 trulens_eval/trulens_eval/tests/results/GPT-4-Turbo-latest_score_groundtruth_pairs.csv create mode 100644 trulens_eval/trulens_eval/tests/results/GPT-4-Turbo_score_groundtruth_pairs.csv create mode 100644 trulens_eval/trulens_eval/tests/results/all_context_relevance_benchmark.csv create mode 100644 trulens_eval/trulens_eval/tests/results/results_comprehensiveness_benchmark.csv create mode 100644 trulens_eval/trulens_eval/tests/results/results_temp_scaling_gpt-3.5.csv create mode 100644 trulens_eval/trulens_eval/tests/results/results_temp_scaling_gpt-4.csv create mode 100644 trulens_eval/trulens_eval/tests/results/results_verbalized_ece_t_0.3.csv create mode 100644 trulens_eval/trulens_eval/tests/results/results_verbalized_ece_t_0.7.csv create mode 100644 trulens_eval/trulens_eval/tests/results/results_verbalized_ece_t_0.csv create mode 100644 trulens_eval/trulens_eval/tests/results/results_verbalized_ece_t_1.csv diff --git a/docs/trulens_eval/evaluation/feedback_evaluations/answer_relevance_benchmark_small.ipynb b/docs/trulens_eval/evaluation/feedback_evaluations/answer_relevance_benchmark_small.ipynb new file mode 120000 index 000000000..125a5be27 --- /dev/null +++ b/docs/trulens_eval/evaluation/feedback_evaluations/answer_relevance_benchmark_small.ipynb @@ -0,0 +1 @@ +../../../../trulens_eval/trulens_eval/tests/answer_relevance_benchmark_small.ipynb \ No newline at end of file diff --git a/docs/trulens_eval/evaluation/feedback_evaluations/answer_relevance_smoke_tests.ipynb b/docs/trulens_eval/evaluation/feedback_evaluations/answer_relevance_smoke_tests.ipynb deleted file mode 120000 index 36b9fbddc..000000000 --- a/docs/trulens_eval/evaluation/feedback_evaluations/answer_relevance_smoke_tests.ipynb +++ /dev/null @@ -1 +0,0 @@ -../../../../trulens_eval/trulens_eval/tests/answer_relevance_smoke_tests.ipynb \ No newline at end of file diff --git a/docs/trulens_eval/evaluation/feedback_evaluations/comprehensiveness_benchmark.ipynb b/docs/trulens_eval/evaluation/feedback_evaluations/comprehensiveness_benchmark.ipynb new file mode 120000 index 000000000..cba06a39b --- /dev/null +++ b/docs/trulens_eval/evaluation/feedback_evaluations/comprehensiveness_benchmark.ipynb @@ -0,0 +1 @@ +../../../../trulens_eval/trulens_eval/tests/comprehensiveness_benchmark.ipynb \ No newline at end of file diff --git a/docs/trulens_eval/evaluation/feedback_evaluations/context_relevance_benchmark.ipynb b/docs/trulens_eval/evaluation/feedback_evaluations/context_relevance_benchmark.ipynb new file mode 120000 index 000000000..5fe0e7f4a --- /dev/null +++ b/docs/trulens_eval/evaluation/feedback_evaluations/context_relevance_benchmark.ipynb @@ -0,0 +1 @@ +../../../../trulens_eval/trulens_eval/tests/context_relevance_benchmark.ipynb \ No newline at end of file diff --git a/docs/trulens_eval/evaluation/feedback_evaluations/context_relevance_benchmark_small.ipynb b/docs/trulens_eval/evaluation/feedback_evaluations/context_relevance_benchmark_small.ipynb new file mode 120000 index 000000000..897157139 --- /dev/null +++ b/docs/trulens_eval/evaluation/feedback_evaluations/context_relevance_benchmark_small.ipynb @@ -0,0 +1 @@ +../../../../trulens_eval/trulens_eval/tests/context_relevance_benchmark_small.ipynb \ No newline at end of file diff --git a/docs/trulens_eval/evaluation/feedback_evaluations/context_relevance_smoke_tests.ipynb b/docs/trulens_eval/evaluation/feedback_evaluations/context_relevance_smoke_tests.ipynb deleted file mode 120000 index 6c60e86de..000000000 --- a/docs/trulens_eval/evaluation/feedback_evaluations/context_relevance_smoke_tests.ipynb +++ /dev/null @@ -1 +0,0 @@ -../../../../trulens_eval/trulens_eval/tests/context_relevance_smoke_tests.ipynb \ No newline at end of file diff --git a/docs/trulens_eval/evaluation/feedback_evaluations/groundedness_benchmark.ipynb b/docs/trulens_eval/evaluation/feedback_evaluations/groundedness_benchmark.ipynb new file mode 120000 index 000000000..5134e0b80 --- /dev/null +++ b/docs/trulens_eval/evaluation/feedback_evaluations/groundedness_benchmark.ipynb @@ -0,0 +1 @@ +../../../../trulens_eval/trulens_eval/tests/groundedness_benchmark.ipynb \ No newline at end of file diff --git a/docs/trulens_eval/evaluation/feedback_evaluations/groundedness_smoke_tests.ipynb b/docs/trulens_eval/evaluation/feedback_evaluations/groundedness_smoke_tests.ipynb deleted file mode 120000 index 998519ff7..000000000 --- a/docs/trulens_eval/evaluation/feedback_evaluations/groundedness_smoke_tests.ipynb +++ /dev/null @@ -1 +0,0 @@ -../../../../trulens_eval/trulens_eval/tests/groundedness_smoke_tests.ipynb \ No newline at end of file diff --git a/mkdocs.yml b/mkdocs.yml index 7802a5584..a8f9f2cc9 100644 --- a/mkdocs.yml +++ b/mkdocs.yml @@ -206,11 +206,12 @@ nav: - Generating Test Cases: - trulens_eval/evaluation/generate_test_cases/index.md - Feedback Evaluations: - # Titles come from notebook and will be overridden if specified here. # PLACEHOLDER: - trulens_eval/evaluation/feedback_evaluations/index.md - - trulens_eval/evaluation/feedback_evaluations/answer_relevance_smoke_tests.ipynb - - trulens_eval/evaluation/feedback_evaluations/context_relevance_smoke_tests.ipynb - - trulens_eval/evaluation/feedback_evaluations/groundedness_smoke_tests.ipynb + - Answer Relevance Benchmark (small): trulens_eval/evaluation/feedback_evaluations/answer_relevance_benchmark_small.ipynb + - Comprehensiveness Benchmark: trulens_eval/evaluation/feedback_evaluations/comprehensiveness_benchmark.ipynb + - Context Relevance Benchmark (small): trulens_eval/evaluation/feedback_evaluations/context_relevance_benchmark_small.ipynb + - Context Relevance Benchmark (large): trulens_eval/evaluation/feedback_evaluations/context_relevance_benchmark.ipynb + - Groundedness Benchmark: trulens_eval/evaluation/feedback_evaluations/groundedness_benchmark.ipynb - 🎺 Tracking: # PLACEHOLDER: - trulens_eval/tracking/index.md - Instrumentation Overview: diff --git a/trulens_eval/trulens_eval/feedback/prompts.py b/trulens_eval/trulens_eval/feedback/prompts.py index 2c2153b90..6795aebe1 100644 --- a/trulens_eval/trulens_eval/feedback/prompts.py +++ b/trulens_eval/trulens_eval/feedback/prompts.py @@ -31,6 +31,7 @@ LLM_GROUNDEDNESS_USER = v2.Groundedness.user_prompt.template CONTEXT_RELEVANCE_SYSTEM = v2.ContextRelevance.system_prompt.template +QS_RELEVANCE_VERB_2S_TOP1 = v2.QuestionStatementRelevanceVerb2STop1Confidence.prompt.template CONTEXT_RELEVANCE_USER = v2.ContextRelevance.user_prompt.template ANSWER_RELEVANCE_SYSTEM = v2.PromptResponseRelevance.system_prompt.template diff --git a/trulens_eval/trulens_eval/feedback/provider/base.py b/trulens_eval/trulens_eval/feedback/provider/base.py index b82565965..824bd7a82 100644 --- a/trulens_eval/trulens_eval/feedback/provider/base.py +++ b/trulens_eval/trulens_eval/feedback/provider/base.py @@ -300,7 +300,7 @@ def generate_score_and_reasons( ) return score, {} - def context_relevance(self, question: str, context: str) -> float: + def context_relevance(self, question: str, context: str, temperature: float = 0.0) -> float: """ Uses chat completion model. A function that completes a template to check the relevance of the context to the question. @@ -336,7 +336,8 @@ def context_relevance(self, question: str, context: str) -> float: prompts.CONTEXT_RELEVANCE_USER, question=question, context=context - ) + ), + temperature=temperature ) def qs_relevance(self, question: str, context: str) -> float: @@ -352,7 +353,7 @@ def qs_relevance(self, question: str, context: str) -> float: return self.context_relevance(question, context) def context_relevance_with_cot_reasons(self, question: str, - context: str) -> Tuple[float, Dict]: + context: str, temperature: float = 0.0) -> Tuple[float, Dict]: """ Uses chat completion model. A function that completes a template to check the relevance of the context to the question. @@ -388,7 +389,7 @@ def context_relevance_with_cot_reasons(self, question: str, "RELEVANCE:", prompts.COT_REASONS_TEMPLATE ) - return self.generate_score_and_reasons(system_prompt, user_prompt) + return self.generate_score_and_reasons(system_prompt, user_prompt, temperature) def qs_relevance_with_cot_reasons(self, question: str, context: str) -> Tuple[float, Dict]: diff --git a/trulens_eval/trulens_eval/feedback/provider/hugs.py b/trulens_eval/trulens_eval/feedback/provider/hugs.py index 6b9241d9f..f81d0f5e1 100644 --- a/trulens_eval/trulens_eval/feedback/provider/hugs.py +++ b/trulens_eval/trulens_eval/feedback/provider/hugs.py @@ -24,6 +24,7 @@ HUGS_NLI_API_URL = "https://api-inference.huggingface.co/models/ynie/roberta-large-snli_mnli_fever_anli_R1_R2_R3-nli" HUGS_DOCNLI_API_URL = "https://api-inference.huggingface.co/models/MoritzLaurer/DeBERTa-v3-base-mnli-fever-docnli-ling-2c" HUGS_PII_DETECTION_API_URL = "https://api-inference.huggingface.co/models/bigcode/starpii" +HUGS_CONTEXT_RELEVANCE_API_URL = "https://api-inference.huggingface.co/models/truera/context_relevance" HUGS_HALLUCINATION_API_URL = "https://api-inference.huggingface.co/models/vectara/hallucination_evaluation_model" import functools @@ -187,6 +188,48 @@ def get_scores(text): return l1, dict(text1_scores=scores1, text2_scores=scores2) + @_tci + def context_relevance(self, prompt: str, context: str) -> float: + """ + Uses Huggingface's truera/context_relevance model, a + model that uses computes the relevance of a given context to the prompt. + The model can be found at https://huggingface.co/truera/context_relevance. + **Usage:** + ```python + from trulens_eval import Feedback + from trulens_eval.feedback.provider.hugs import Huggingface + huggingface_provider = Huggingface() + + feedback = Feedback(huggingface_provider.context_relevance).on_input_output() + ``` + The `on_input_output()` selector can be changed. See [Feedback Function + Guide](https://www.trulens.org/trulens_eval/feedback_function_guide/) + + Args: + prompt (str): The given prompt. + context (str): Comparative contextual information. + + Returns: + float: A value between 0 and 1. 0 being irrelevant and 1 + being a relevant context for addressing the prompt. + """ + + if prompt[len(prompt) - 1] != '.': + prompt += '.' + ctx_relevnace_string = prompt + '' + context + payload = {"inputs": ctx_relevnace_string} + hf_response = self.endpoint.post( + url=HUGS_CONTEXT_RELEVANCE_API_URL, payload=payload + ) + + for label in hf_response: + if label['label'] == 'context_relevance': + return label['score'] + + raise RuntimeError( + "'context_relevance' not found in huggingface api response." + ) + # TODEP @_tci def positive_sentiment(self, text: str) -> float: diff --git a/trulens_eval/trulens_eval/feedback/v2/feedback.py b/trulens_eval/trulens_eval/feedback/v2/feedback.py index 5380718fe..7a1c648fa 100644 --- a/trulens_eval/trulens_eval/feedback/v2/feedback.py +++ b/trulens_eval/trulens_eval/feedback/v2/feedback.py @@ -205,6 +205,45 @@ class ContextRelevance(Relevance, WithPrompt): ) +class QuestionStatementRelevanceVerb2STop1Confidence(Relevance, WithPrompt): + prompt: ClassVar[PromptTemplate] = PromptTemplate.from_template( + """You are a RELEVANCE grader; providing the relevance of the given STATEMENT to the given QUESTION. +Respond only as a number from 0 to 10 where 0 is the least relevant and 10 is the most relevant. + +A few additional scoring guidelines: + +- Long STATEMENTS should score equally well as short STATEMENTS. + +- RELEVANCE score should increase as the STATEMENT provides more RELEVANT context to the QUESTION. + +- RELEVANCE score should increase as the STATEMENT provides RELEVANT context to more parts of the QUESTION. + +- STATEMENT that is RELEVANT to some of the QUESTION should score of 2, 3 or 4. Higher score indicates more RELEVANCE. + +- STATEMENT that is RELEVANT to most of the QUESTION should get a score of 5, 6, 7 or 8. Higher score indicates more RELEVANCE. + +- STATEMENT that is RELEVANT to the entire QUESTION should get a score of 9 or 10. Higher score indicates more RELEVANCE. + +- STATEMENT must be relevant and helpful for answering the entire QUESTION to get a score of 10. + +- Answers that intentionally do not answer the question, such as 'I don't know', should also be counted as the most relevant. + +- Never elaborate. + +QUESTION: {question} + +STATEMENT: {statement} + +RELEVANCE: + +Finally, provide the probability on a scale of 0 to 10 that your REVELANCE scoring is correct. Give ONLY the probability, no +other words or explanation.\n\nFor example: +""" + + ) + class PromptResponseRelevance(Relevance, WithPrompt): system_prompt: ClassVar[PromptTemplate] = PromptTemplate.from_template( """You are a RELEVANCE grader; providing the relevance of the given RESPONSE to the given PROMPT. diff --git a/trulens_eval/trulens_eval/tests/answer_relevance_smoke_tests.ipynb b/trulens_eval/trulens_eval/tests/answer_relevance_benchmark_small.ipynb similarity index 100% rename from trulens_eval/trulens_eval/tests/answer_relevance_smoke_tests.ipynb rename to trulens_eval/trulens_eval/tests/answer_relevance_benchmark_small.ipynb diff --git a/trulens_eval/trulens_eval/tests/benchmark_frameworks/eval_as_recommendation.py b/trulens_eval/trulens_eval/tests/benchmark_frameworks/eval_as_recommendation.py new file mode 100644 index 000000000..b4014c8e2 --- /dev/null +++ b/trulens_eval/trulens_eval/tests/benchmark_frameworks/eval_as_recommendation.py @@ -0,0 +1,104 @@ +import pandas as pd +import numpy as np +from sklearn.metrics import ndcg_score +from typing import List +import time +import random + +import logging +log = logging.getLogger(__name__) + + + +"""score passages with feedback function, retrying if feedback function fails. + Args: df: dataframe with columns 'query_id', 'query', 'passage', 'is_selected' + feedback_func: function that takes query and passage as input and returns a score + backoff_time: time to wait between retries + n: number of samples to estimate conditional probabilities of feedback_func's scores +""" +def score_passages(df, feedback_func_name, feedback_func, backoff_time=0.5, n=5, temperature=0.0): + grouped = df.groupby('query_id') + scores = [] + true_relevance = [] + + for name, group in grouped: + query_scores = [] + query_relevance = [] + for _, row in group.iterrows(): + sampled_score = None + if feedback_func_name == 'TruEra' or n == 1: + sampled_score = feedback_func(row['query'], row['passage'], temperature) # hard-coded for now, we don't need to sample for TruEra BERT-based model + time.sleep(backoff_time) + else: + sampled_scores = [] + for _ in range(n): + sampled_scores.append(feedback_func(row['query'], row['passage'], temperature)) + time.sleep(backoff_time) + sampled_score = sum(sampled_scores) / len(sampled_scores) + query_scores.append(sampled_score) + query_relevance.append(row['is_selected']) + # print(f"Feedback avg score for query {name} is {sampled_score}, is_selected is {row['is_selected']}") + + print(f"Feedback function {name} scored {len(query_scores)} out of {len(group)} passages.") + scores.append(query_scores) + true_relevance.append(query_relevance) + + return scores, true_relevance + +def compute_ndcg(scores, true_relevance): + ndcg_values = [ndcg_score([true], [pred]) for true, pred in zip(true_relevance, scores)] + return np.mean(ndcg_values) + +def compute_ece(scores, true_relevance, n_bins=10): + ece = 0 + for bin in np.linspace(0, 1, n_bins): + bin_scores = [] + bin_truth = [] + for score_list, truth_list in zip(scores, true_relevance): + for score, truth in zip(score_list, truth_list): + if bin <= score < bin + 1/n_bins: + bin_scores.append(score) + bin_truth.append(truth) + + if bin_scores: + bin_avg_confidence = np.mean(bin_scores) + bin_accuracy = np.mean(bin_truth) + ece += np.abs(bin_avg_confidence - bin_accuracy) * len(bin_scores) / sum(map(len, scores)) + + return ece + +def precision_at_k(scores, true_relevance, k): + sorted_scores = sorted(scores, reverse=True) + kth_score = sorted_scores[min(k-1, len(scores)-1)] + + # Indices of items with scores >= kth highest score + top_k_indices = [i for i, score in enumerate(scores) if score >= kth_score] + + # Calculate precision + true_positives = sum(np.take(true_relevance, top_k_indices)) + return true_positives / len(top_k_indices) if top_k_indices else 0 + +def recall_at_k(scores, true_relevance, k): + """ + Calculate the recall at K. + + Parameters: + true_relevance (list of int): List of binary values indicating relevance (1 for relevant, 0 for not). + scores (list of float): List of scores assigned by the model. + k (int): Number of top items to consider for calculating recall. + + Returns: + float: Recall at K. + """ + sorted_scores = sorted(scores, reverse=True) + kth_score = sorted_scores[min(k-1, len(scores)-1)] + + # Indices of items with scores >= kth highest score + top_k_indices = [i for i, score in enumerate(scores) if score >= kth_score] + + # Calculate recall + relevant_indices = np.where(true_relevance)[0] + hits = sum(idx in top_k_indices for idx in relevant_indices) + total_relevant = sum(true_relevance) + + return hits / total_relevant if total_relevant > 0 else 0 diff --git a/trulens_eval/trulens_eval/tests/comprehensiveness_benchmark.ipynb b/trulens_eval/trulens_eval/tests/comprehensiveness_benchmark.ipynb new file mode 100644 index 000000000..b5f387d81 --- /dev/null +++ b/trulens_eval/trulens_eval/tests/comprehensiveness_benchmark.ipynb @@ -0,0 +1,344 @@ +{ + "cells": [ + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "# 📓 Comprehensiveness Evaluations\n", + "\n", + "In many ways, feedbacks can be thought of as LLM apps themselves. Given text, they return some result. Thinking in this way, we can use TruLens to evaluate and track our feedback quality. We can even do this for different models (e.g. gpt-3.5 and gpt-4) or prompting schemes (such as chain-of-thought reasoning).\n", + "\n", + "This notebook follows an evaluation of a set of test cases generated from human annotated datasets. In particular, we generate test cases from [MeetingBank](https://arxiv.org/abs/2305.17529) to evaluate our comprehensiveness feedback function.\n", + "\n", + "MeetingBank is one of the datasets dedicated to automated evaluations on summarization tasks, which are closely related to the comprehensiveness evaluation in RAG with the retrieved context (i.e. the source) and response (i.e. the summary). It contains human annotation of numerical score (**1** to **5**). \n", + "\n", + "\n", + "For evaluating comprehensiveness feedback functions, we compute the annotated \"informativeness\" scores, a measure of how well the summaries capture all the main points of the meeting segment. A good\n", + "summary should contain all and only the important information of the source., and normalized to **0** to **1** score as our **expected_score** and to match the output of feedback functions." + ] + }, + { + "cell_type": "code", + "execution_count": 21, + "metadata": {}, + "outputs": [], + "source": [ + "from test_cases import generate_meetingbank_comprehensiveness_benchmark\n", + "\n", + "test_cases_gen = generate_meetingbank_comprehensiveness_benchmark(human_annotation_file_path=\"./datasets/meetingbank/human_scoring.json\", meetingbank_file_path=\"/home/daniel/MeetingBank.json\")\n", + "length = sum(1 for _ in test_cases_gen)\n", + "test_cases_gen = generate_meetingbank_comprehensiveness_benchmark(human_annotation_file_path=\"./datasets/meetingbank/human_scoring.json\", meetingbank_file_path=\"/home/daniel/MeetingBank.json\")" + ] + }, + { + "cell_type": "code", + "execution_count": 23, + "metadata": {}, + "outputs": [], + "source": [ + "comprehensiveness_golden_set = []\n", + "for i in range(length):\n", + " comprehensiveness_golden_set.append(next(test_cases_gen))\n", + "\n", + "assert(len(comprehensiveness_golden_set) == length)" + ] + }, + { + "cell_type": "code", + "execution_count": 24, + "metadata": {}, + "outputs": [ + { + "data": { + "text/plain": [ + "[{'query': \"speaker 10: Is public comment next, Madam Clerk.\\nspeaker 2: And item ten is next door to. Well.\\nspeaker 10: That was pulled as well.\\nspeaker 2: Item ten Report from Parks, Recreation and Marine and Financial Management Recommendation to authorize the city manager to execute three new permits to operate Kiteboarding and stand up paddle boarding. Stand Up Paddle Boarding. Rental and instruction concessions on City of Long Beach Beaches District three.\\nspeaker 1: Can you turn this over to Councilman Price?\\nspeaker 8: Thank you. So this has been an item that we've received a lot of inquiry about over the last couple of weeks, actually, several months. But really, the the item has ramped up the discussion. So with that, I'd like to see if Parks Rec and Marine has a report to share with us that hopefully incorporate some of the\\nspeaker 8: concerns that have been raised.\\nspeaker 3: I'd like to hand this over to L.V. to Halloran, our bureau manager for our Marine Bureau in the Parks Recreation Marine Department, Alveda.\\nspeaker 2: Thank you, Councilwoman and mayor. The city has designated a kiteboarding area in Belmont Shore between Claremont and Laverne Avenue. Kitesurfing, also known as Kiteboarding, is an adventure water sport that is gaining popularity over the last few months and few years.\\nspeaker 2: A car boarder uses a harness, the power of the wind with a large, controllable kite to propel themselves across the water on a kite board that is very similar to a wakeboard or a small surfboard. The wind and surf conditions at Belmont Shore make the Claremont area an ideal site for the sport.\\nspeaker 2: In the spring of 2015, the city began the process of renewing the kite surfing concession permits. A public meeting was held on April 28th, 2015. This meeting was attended by the local residents and by the kite surfing community.\\nspeaker 2: At that meeting, everyone was given the opportunity to voice any concerns that they had or requirements that they would like to see. At that meeting, a compromise regarding the shared use of the beach was reached, and this compromise was presented to the California Coastal Commission.\\nspeaker 2: On July 29, 2015, the California Coastal Commission authorized a coastal development permit for the establishment of the designated Kiteboarding Lesson Area, a Kiteboarding Beach launch and exit area. 315 by 30 foot. Vendor areas. And the issuance of a maximum of three concession permits.\\nspeaker 2: As a result of this, an RFP was advertised in the Press Telegram on April 29th. As you all know, an RFP is a solicitation that provides for a full and open competitive bid process. At the end of the process, the city received five responses to the RFP.\\nspeaker 2: The proposals were evaluated by a committee of city staff who reviewed them against the stated criteria on the RFP and made a determination for award in the best interest of the city. The criteria for selection included several factors such as demonstrated competence, experience in the performance of comparable engagements, expertize, and the availability of key personnel and the\\nspeaker 2: overall conformance responsiveness to the terms of the RFP. The panel selected three responders. Southern California Kiteboarding Off the Hook, Kiteboarding and Captain Kirks, Inc.. Financial Management Purchasing Division sent out the notice of intent to award on June 22nd, 2015.\\nspeaker 2: Two letters of protest were received within the five day protest period. In accordance with the protest procedures, the purchasing and business services manager in the Department of Financial Management evaluated the protest and determined that there was no basis in support of either protest.\\nspeaker 2: Letters of explanation were provided to both the protesters on a moving, moving forward basis. Staff is now requesting the city council authorize us to issue the permits to the selected responders. I'd like to note an important notice here that all licenses and required documents such as a business license, insurance certificates, etc., are required to be valid at\\nspeaker 2: the time of contract issuance. In addition, as a result of a limited limitation placed upon the city by the Coastal Commission and as agreed upon by the Kitesurfing community and the residents, and in the best interest of the city of Long Beach.\\nspeaker 2: Vendors will not have the authorization to engage in the sales of equipment or sundry items as part of the authorized activity on the beach. And in addition to that, they will not be allowed to install permanent kiosk type structures.\\nspeaker 2: That is the end of my report.\\nspeaker 8: Thank you very much for that report. I just have a few follow up questions that I want to make sure that we get clarity on before we vote tonight. So the the three vendors that have been selected through this process, Southern California, Kitesurfing off the hook, Kiteboarding and Captain Kirk's, do they at this time or are they\\nspeaker 8: expected to have all necessary certifications and requirements in place before the permits are executed?\\nspeaker 2: Yes. One of the one of the Coastal Commission requirements was for these individuals to have ICAO's surf certification at the time of the submission of the RFP. The three selected vendors supplied copies of the certification.\\nspeaker 8: Okay. So during this process, it was determined through your methodology that they did have that certification? Yes, ma'am. Okay. And then in regards to those who applied for consideration but were not selected, have any requested meetings with city staff?\\nspeaker 8: And if so, could you give us an overview of efforts to accommodate them and explain the process?\\nspeaker 2: As I mentioned in my staff report to the two of the two incumbents who were not selected, submitted a protest letter through purchasing. Both were. Both were investigated by the manager of the purchasing and Business Business Services and were told that their purchase had no validation.\\nspeaker 2: In addition to that, I myself met with one of the proposers who was not selected, and we discussed at length the reasons why that particular proposal was not selected and why the other ones were selected over that over his proposal.\\nspeaker 8: Okay. Now, I understand that a resident of the city of Long Beach, in fact, of that area, was one of the ones that had applied but wasn't selected. Based on your understanding of the process. Is it is it your opinion that that that particular application either did not meet the qualifications or was not as preferable as the\\nspeaker 8: ones that were selected?\\nspeaker 2: Based on what we what was submitted, the other three incumbents that were that were selected, they ranked higher in our ranking when we went ahead and we reviewed four. Could they demonstrate that they were competent in teaching the board boarding, that they have experience in that area?\\nspeaker 2: Were they able to acquire the key personnel and that they have key personnel already in place, that they expressed financial stability and that they can form and respond to the RFP as requested so that this individual who I sat down with scored at a lower level than the other three.\\nspeaker 8: And I don't want to go into the details of it. I just want to make sure that you feel comfortable that the process was consistent, that it was fair, and that everything that folks wanted considered throughout this process was, in fact considered resulting in a a recommendation that you're comfortable with having gone through this process.\\nspeaker 2: Yes. The process by how it's set up is designed to be fair. So I feel very comfortable, as do the members of my committee, the selection committee that we selected.\\nspeaker 8: Thank you.\\nspeaker 2: Those individuals.\\nspeaker 8: Thank you. Thank you very much for your work on this.\\nspeaker 1: Vice Mayor a long theology of any comments.\\nspeaker 2: Councilman Mongeau I am thrilled that we are exploring Kiteboarding. I think that it is a fantastic sport. It teaches balance and other things young people can learn kiteboarding while standing on the shore. I think it's a great opportunity for Long Beach to get into this active and dynamic industry.\\nspeaker 2: It helps individuals who used to enjoy water skiing behind boats. Take a more environmentally friendly skiing approach, letting the wind pull them in. So I know that members of my family are active kite boarders. I think it's been a great alternative for our family in terms of not going out and polluting lakes and rivers as we've learned\\nspeaker 2: through the years. And so I've been very supportive of this item and I appreciate the great process that the team went through to ensure the fairness of the process. I think that Councilman Price did an excellent job of articulating the importance of that to this council, and I look forward to coming out and seeing many of your\\nspeaker 2: classes and engaging the community in this exciting sport.\\nspeaker 1: Okay. Thank you. A public comment on this item. Seeing nonmembers, please go ahead and cast your votes.\\nspeaker 2: Motion carries.\\nspeaker 1: Okay. Thank you. I'm going to I'm going to go ahead. And also, just because I know we have a lot of our I've been asked because we have a group of seniors here for item 11. Let's just go in here item 11.\\nspeaker 1: I'm sorry, not item 11. Item 14 for the seniors that are here. Let's go and do item 14, please.\\nspeaker 8: 15.\\n\",\n", + " 'response': 'Recommendation to authorize city manager, or Designee, to execute three new permits to operate Kiteboarding and Stand-Up Paddle boarding, rental and instruction concessions on city of long Beach beaches, for a period of one year, with the option to renew for two additional one-year periods, at the discretion of the city manager. (district 3)',\n", + " 'expected_score': 0.8},\n", + " {'query': \"speaker 10: Is public comment next, Madam Clerk.\\nspeaker 2: And item ten is next door to. Well.\\nspeaker 10: That was pulled as well.\\nspeaker 2: Item ten Report from Parks, Recreation and Marine and Financial Management Recommendation to authorize the city manager to execute three new permits to operate Kiteboarding and stand up paddle boarding. Stand Up Paddle Boarding. Rental and instruction concessions on City of Long Beach Beaches District three.\\nspeaker 1: Can you turn this over to Councilman Price?\\nspeaker 8: Thank you. So this has been an item that we've received a lot of inquiry about over the last couple of weeks, actually, several months. But really, the the item has ramped up the discussion. So with that, I'd like to see if Parks Rec and Marine has a report to share with us that hopefully incorporate some of the\\nspeaker 8: concerns that have been raised.\\nspeaker 3: I'd like to hand this over to L.V. to Halloran, our bureau manager for our Marine Bureau in the Parks Recreation Marine Department, Alveda.\\nspeaker 2: Thank you, Councilwoman and mayor. The city has designated a kiteboarding area in Belmont Shore between Claremont and Laverne Avenue. Kitesurfing, also known as Kiteboarding, is an adventure water sport that is gaining popularity over the last few months and few years.\\nspeaker 2: A car boarder uses a harness, the power of the wind with a large, controllable kite to propel themselves across the water on a kite board that is very similar to a wakeboard or a small surfboard. The wind and surf conditions at Belmont Shore make the Claremont area an ideal site for the sport.\\nspeaker 2: In the spring of 2015, the city began the process of renewing the kite surfing concession permits. A public meeting was held on April 28th, 2015. This meeting was attended by the local residents and by the kite surfing community.\\nspeaker 2: At that meeting, everyone was given the opportunity to voice any concerns that they had or requirements that they would like to see. At that meeting, a compromise regarding the shared use of the beach was reached, and this compromise was presented to the California Coastal Commission.\\nspeaker 2: On July 29, 2015, the California Coastal Commission authorized a coastal development permit for the establishment of the designated Kiteboarding Lesson Area, a Kiteboarding Beach launch and exit area. 315 by 30 foot. Vendor areas. And the issuance of a maximum of three concession permits.\\nspeaker 2: As a result of this, an RFP was advertised in the Press Telegram on April 29th. As you all know, an RFP is a solicitation that provides for a full and open competitive bid process. At the end of the process, the city received five responses to the RFP.\\nspeaker 2: The proposals were evaluated by a committee of city staff who reviewed them against the stated criteria on the RFP and made a determination for award in the best interest of the city. The criteria for selection included several factors such as demonstrated competence, experience in the performance of comparable engagements, expertize, and the availability of key personnel and the\\nspeaker 2: overall conformance responsiveness to the terms of the RFP. The panel selected three responders. Southern California Kiteboarding Off the Hook, Kiteboarding and Captain Kirks, Inc.. Financial Management Purchasing Division sent out the notice of intent to award on June 22nd, 2015.\\nspeaker 2: Two letters of protest were received within the five day protest period. In accordance with the protest procedures, the purchasing and business services manager in the Department of Financial Management evaluated the protest and determined that there was no basis in support of either protest.\\nspeaker 2: Letters of explanation were provided to both the protesters on a moving, moving forward basis. Staff is now requesting the city council authorize us to issue the permits to the selected responders. I'd like to note an important notice here that all licenses and required documents such as a business license, insurance certificates, etc., are required to be valid at\\nspeaker 2: the time of contract issuance. In addition, as a result of a limited limitation placed upon the city by the Coastal Commission and as agreed upon by the Kitesurfing community and the residents, and in the best interest of the city of Long Beach.\\nspeaker 2: Vendors will not have the authorization to engage in the sales of equipment or sundry items as part of the authorized activity on the beach. And in addition to that, they will not be allowed to install permanent kiosk type structures.\\nspeaker 2: That is the end of my report.\\nspeaker 8: Thank you very much for that report. I just have a few follow up questions that I want to make sure that we get clarity on before we vote tonight. So the the three vendors that have been selected through this process, Southern California, Kitesurfing off the hook, Kiteboarding and Captain Kirk's, do they at this time or are they\\nspeaker 8: expected to have all necessary certifications and requirements in place before the permits are executed?\\nspeaker 2: Yes. One of the one of the Coastal Commission requirements was for these individuals to have ICAO's surf certification at the time of the submission of the RFP. The three selected vendors supplied copies of the certification.\\nspeaker 8: Okay. So during this process, it was determined through your methodology that they did have that certification? Yes, ma'am. Okay. And then in regards to those who applied for consideration but were not selected, have any requested meetings with city staff?\\nspeaker 8: And if so, could you give us an overview of efforts to accommodate them and explain the process?\\nspeaker 2: As I mentioned in my staff report to the two of the two incumbents who were not selected, submitted a protest letter through purchasing. Both were. Both were investigated by the manager of the purchasing and Business Business Services and were told that their purchase had no validation.\\nspeaker 2: In addition to that, I myself met with one of the proposers who was not selected, and we discussed at length the reasons why that particular proposal was not selected and why the other ones were selected over that over his proposal.\\nspeaker 8: Okay. Now, I understand that a resident of the city of Long Beach, in fact, of that area, was one of the ones that had applied but wasn't selected. Based on your understanding of the process. Is it is it your opinion that that that particular application either did not meet the qualifications or was not as preferable as the\\nspeaker 8: ones that were selected?\\nspeaker 2: Based on what we what was submitted, the other three incumbents that were that were selected, they ranked higher in our ranking when we went ahead and we reviewed four. Could they demonstrate that they were competent in teaching the board boarding, that they have experience in that area?\\nspeaker 2: Were they able to acquire the key personnel and that they have key personnel already in place, that they expressed financial stability and that they can form and respond to the RFP as requested so that this individual who I sat down with scored at a lower level than the other three.\\nspeaker 8: And I don't want to go into the details of it. I just want to make sure that you feel comfortable that the process was consistent, that it was fair, and that everything that folks wanted considered throughout this process was, in fact considered resulting in a a recommendation that you're comfortable with having gone through this process.\\nspeaker 2: Yes. The process by how it's set up is designed to be fair. So I feel very comfortable, as do the members of my committee, the selection committee that we selected.\\nspeaker 8: Thank you.\\nspeaker 2: Those individuals.\\nspeaker 8: Thank you. Thank you very much for your work on this.\\nspeaker 1: Vice Mayor a long theology of any comments.\\nspeaker 2: Councilman Mongeau I am thrilled that we are exploring Kiteboarding. I think that it is a fantastic sport. It teaches balance and other things young people can learn kiteboarding while standing on the shore. I think it's a great opportunity for Long Beach to get into this active and dynamic industry.\\nspeaker 2: It helps individuals who used to enjoy water skiing behind boats. Take a more environmentally friendly skiing approach, letting the wind pull them in. So I know that members of my family are active kite boarders. I think it's been a great alternative for our family in terms of not going out and polluting lakes and rivers as we've learned\\nspeaker 2: through the years. And so I've been very supportive of this item and I appreciate the great process that the team went through to ensure the fairness of the process. I think that Councilman Price did an excellent job of articulating the importance of that to this council, and I look forward to coming out and seeing many of your\\nspeaker 2: classes and engaging the community in this exciting sport.\\nspeaker 1: Okay. Thank you. A public comment on this item. Seeing nonmembers, please go ahead and cast your votes.\\nspeaker 2: Motion carries.\\nspeaker 1: Okay. Thank you. I'm going to I'm going to go ahead. And also, just because I know we have a lot of our I've been asked because we have a group of seniors here for item 11. Let's just go in here item 11.\\nspeaker 1: I'm sorry, not item 11. Item 14 for the seniors that are here. Let's go and do item 14, please.\\nspeaker 8: 15.\\n\",\n", + " 'response': 'The city has received a lot of inquiry about kiteboarding, and a public meeting was held to discuss the sport. After an RFP process, three responders were selected and staff is now requesting that the city council authorize the issuance of permits to them.',\n", + " 'expected_score': 0.67},\n", + " {'query': \"speaker 10: Is public comment next, Madam Clerk.\\nspeaker 2: And item ten is next door to. Well.\\nspeaker 10: That was pulled as well.\\nspeaker 2: Item ten Report from Parks, Recreation and Marine and Financial Management Recommendation to authorize the city manager to execute three new permits to operate Kiteboarding and stand up paddle boarding. Stand Up Paddle Boarding. Rental and instruction concessions on City of Long Beach Beaches District three.\\nspeaker 1: Can you turn this over to Councilman Price?\\nspeaker 8: Thank you. So this has been an item that we've received a lot of inquiry about over the last couple of weeks, actually, several months. But really, the the item has ramped up the discussion. So with that, I'd like to see if Parks Rec and Marine has a report to share with us that hopefully incorporate some of the\\nspeaker 8: concerns that have been raised.\\nspeaker 3: I'd like to hand this over to L.V. to Halloran, our bureau manager for our Marine Bureau in the Parks Recreation Marine Department, Alveda.\\nspeaker 2: Thank you, Councilwoman and mayor. The city has designated a kiteboarding area in Belmont Shore between Claremont and Laverne Avenue. Kitesurfing, also known as Kiteboarding, is an adventure water sport that is gaining popularity over the last few months and few years.\\nspeaker 2: A car boarder uses a harness, the power of the wind with a large, controllable kite to propel themselves across the water on a kite board that is very similar to a wakeboard or a small surfboard. The wind and surf conditions at Belmont Shore make the Claremont area an ideal site for the sport.\\nspeaker 2: In the spring of 2015, the city began the process of renewing the kite surfing concession permits. A public meeting was held on April 28th, 2015. This meeting was attended by the local residents and by the kite surfing community.\\nspeaker 2: At that meeting, everyone was given the opportunity to voice any concerns that they had or requirements that they would like to see. At that meeting, a compromise regarding the shared use of the beach was reached, and this compromise was presented to the California Coastal Commission.\\nspeaker 2: On July 29, 2015, the California Coastal Commission authorized a coastal development permit for the establishment of the designated Kiteboarding Lesson Area, a Kiteboarding Beach launch and exit area. 315 by 30 foot. Vendor areas. And the issuance of a maximum of three concession permits.\\nspeaker 2: As a result of this, an RFP was advertised in the Press Telegram on April 29th. As you all know, an RFP is a solicitation that provides for a full and open competitive bid process. At the end of the process, the city received five responses to the RFP.\\nspeaker 2: The proposals were evaluated by a committee of city staff who reviewed them against the stated criteria on the RFP and made a determination for award in the best interest of the city. The criteria for selection included several factors such as demonstrated competence, experience in the performance of comparable engagements, expertize, and the availability of key personnel and the\\nspeaker 2: overall conformance responsiveness to the terms of the RFP. The panel selected three responders. Southern California Kiteboarding Off the Hook, Kiteboarding and Captain Kirks, Inc.. Financial Management Purchasing Division sent out the notice of intent to award on June 22nd, 2015.\\nspeaker 2: Two letters of protest were received within the five day protest period. In accordance with the protest procedures, the purchasing and business services manager in the Department of Financial Management evaluated the protest and determined that there was no basis in support of either protest.\\nspeaker 2: Letters of explanation were provided to both the protesters on a moving, moving forward basis. Staff is now requesting the city council authorize us to issue the permits to the selected responders. I'd like to note an important notice here that all licenses and required documents such as a business license, insurance certificates, etc., are required to be valid at\\nspeaker 2: the time of contract issuance. In addition, as a result of a limited limitation placed upon the city by the Coastal Commission and as agreed upon by the Kitesurfing community and the residents, and in the best interest of the city of Long Beach.\\nspeaker 2: Vendors will not have the authorization to engage in the sales of equipment or sundry items as part of the authorized activity on the beach. And in addition to that, they will not be allowed to install permanent kiosk type structures.\\nspeaker 2: That is the end of my report.\\nspeaker 8: Thank you very much for that report. I just have a few follow up questions that I want to make sure that we get clarity on before we vote tonight. So the the three vendors that have been selected through this process, Southern California, Kitesurfing off the hook, Kiteboarding and Captain Kirk's, do they at this time or are they\\nspeaker 8: expected to have all necessary certifications and requirements in place before the permits are executed?\\nspeaker 2: Yes. One of the one of the Coastal Commission requirements was for these individuals to have ICAO's surf certification at the time of the submission of the RFP. The three selected vendors supplied copies of the certification.\\nspeaker 8: Okay. So during this process, it was determined through your methodology that they did have that certification? Yes, ma'am. Okay. And then in regards to those who applied for consideration but were not selected, have any requested meetings with city staff?\\nspeaker 8: And if so, could you give us an overview of efforts to accommodate them and explain the process?\\nspeaker 2: As I mentioned in my staff report to the two of the two incumbents who were not selected, submitted a protest letter through purchasing. Both were. Both were investigated by the manager of the purchasing and Business Business Services and were told that their purchase had no validation.\\nspeaker 2: In addition to that, I myself met with one of the proposers who was not selected, and we discussed at length the reasons why that particular proposal was not selected and why the other ones were selected over that over his proposal.\\nspeaker 8: Okay. Now, I understand that a resident of the city of Long Beach, in fact, of that area, was one of the ones that had applied but wasn't selected. Based on your understanding of the process. Is it is it your opinion that that that particular application either did not meet the qualifications or was not as preferable as the\\nspeaker 8: ones that were selected?\\nspeaker 2: Based on what we what was submitted, the other three incumbents that were that were selected, they ranked higher in our ranking when we went ahead and we reviewed four. Could they demonstrate that they were competent in teaching the board boarding, that they have experience in that area?\\nspeaker 2: Were they able to acquire the key personnel and that they have key personnel already in place, that they expressed financial stability and that they can form and respond to the RFP as requested so that this individual who I sat down with scored at a lower level than the other three.\\nspeaker 8: And I don't want to go into the details of it. I just want to make sure that you feel comfortable that the process was consistent, that it was fair, and that everything that folks wanted considered throughout this process was, in fact considered resulting in a a recommendation that you're comfortable with having gone through this process.\\nspeaker 2: Yes. The process by how it's set up is designed to be fair. So I feel very comfortable, as do the members of my committee, the selection committee that we selected.\\nspeaker 8: Thank you.\\nspeaker 2: Those individuals.\\nspeaker 8: Thank you. Thank you very much for your work on this.\\nspeaker 1: Vice Mayor a long theology of any comments.\\nspeaker 2: Councilman Mongeau I am thrilled that we are exploring Kiteboarding. I think that it is a fantastic sport. It teaches balance and other things young people can learn kiteboarding while standing on the shore. I think it's a great opportunity for Long Beach to get into this active and dynamic industry.\\nspeaker 2: It helps individuals who used to enjoy water skiing behind boats. Take a more environmentally friendly skiing approach, letting the wind pull them in. So I know that members of my family are active kite boarders. I think it's been a great alternative for our family in terms of not going out and polluting lakes and rivers as we've learned\\nspeaker 2: through the years. And so I've been very supportive of this item and I appreciate the great process that the team went through to ensure the fairness of the process. I think that Councilman Price did an excellent job of articulating the importance of that to this council, and I look forward to coming out and seeing many of your\\nspeaker 2: classes and engaging the community in this exciting sport.\\nspeaker 1: Okay. Thank you. A public comment on this item. Seeing nonmembers, please go ahead and cast your votes.\\nspeaker 2: Motion carries.\\nspeaker 1: Okay. Thank you. I'm going to I'm going to go ahead. And also, just because I know we have a lot of our I've been asked because we have a group of seniors here for item 11. Let's just go in here item 11.\\nspeaker 1: I'm sorry, not item 11. Item 14 for the seniors that are here. Let's go and do item 14, please.\\nspeaker 8: 15.\\n\",\n", + " 'response': 'Recommendation to authorize city manager, or Designee, to execute three new permits to receive and expend city support from parks, recreation and marine, in an amount not to exceed, for a period of two years, with the option to renew for two additional one -Year periods, at the discretion of the city manager.)',\n", + " 'expected_score': 0.53}]" + ] + }, + "execution_count": 24, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "comprehensiveness_golden_set[:3]" + ] + }, + { + "cell_type": "code", + "execution_count": 25, + "metadata": {}, + "outputs": [], + "source": [ + "import os\n", + "os.environ[\"OPENAI_API_KEY\"] = \"...\" # for groundtruth feedback function\n" + ] + }, + { + "cell_type": "code", + "execution_count": 26, + "metadata": {}, + "outputs": [], + "source": [ + "from trulens_eval import feedback\n", + "from trulens_eval.feedback import GroundTruthAgreement\n", + "from trulens_eval import Feedback, Select, Tru\n", + "\n", + "import numpy as np\n", + "\n", + "\n", + "tru = Tru()\n", + "\n", + "provider = feedback.OpenAI(model_engine=\"gpt-4-turbo-preview\")" + ] + }, + { + "cell_type": "code", + "execution_count": 27, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "✅ In comprehensiveness_with_cot_reasons, input source will be set to __record__.main_input or `Select.RecordInput` .\n", + "✅ In comprehensiveness_with_cot_reasons, input summary will be set to __record__.main_output or `Select.RecordOutput` .\n" + ] + } + ], + "source": [ + "# comprehensiveness of summary with transcript as reference\n", + "f_comprehensiveness_openai = (\n", + " Feedback(provider.comprehensiveness_with_cot_reasons)\n", + " .on_input_output()\n", + " .aggregate(np.mean)\n", + ")\n" + ] + }, + { + "cell_type": "code", + "execution_count": 28, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "✅ In Mean Absolute Error, input prompt will be set to __record__.calls[0].args.args[0] .\n", + "✅ In Mean Absolute Error, input response will be set to __record__.calls[0].args.args[1] .\n", + "✅ In Mean Absolute Error, input score will be set to __record__.main_output or `Select.RecordOutput` .\n" + ] + } + ], + "source": [ + "# Create a Feedback object using the numeric_difference method of the ground_truth object\n", + "ground_truth = GroundTruthAgreement(comprehensiveness_golden_set)\n", + "# Call the numeric_difference method with app and record and aggregate to get the mean absolute error\n", + "f_mae = Feedback(ground_truth.mae, name = \"Mean Absolute Error\").on(Select.Record.calls[0].args.args[0]).on(Select.Record.calls[0].args.args[1]).on_output()" + ] + }, + { + "cell_type": "code", + "execution_count": 29, + "metadata": {}, + "outputs": [], + "source": [ + "from benchmark_frameworks.eval_as_recommendation import compute_ndcg, compute_ece, recall_at_k, precision_at_k\n", + "\n", + "scores = []\n", + "true_scores = [] # human prefrences / scores" + ] + }, + { + "cell_type": "code", + "execution_count": 30, + "metadata": {}, + "outputs": [], + "source": [ + "import time\n", + "import pandas as pd\n", + "\n", + "\n", + "for i in range(len(comprehensiveness_golden_set)):\n", + " source = comprehensiveness_golden_set[i][\"query\"]\n", + " summary = comprehensiveness_golden_set[i][\"response\"]\n", + " expected_score = comprehensiveness_golden_set[i][\"expected_score\"]\n", + " feedback_score = f_comprehensiveness_openai(source, summary)[0]\n", + "\n", + " scores.append(feedback_score)\n", + " true_scores.append(expected_score)\n", + "\n", + " end_time = time.time()\n", + "\n", + " if i % 200 == 0:\n", + " df_results = pd.DataFrame({'scores': scores, 'true_scores': true_scores})\n", + "\n", + " # Save the DataFrame to a CSV file\n", + " df_results.to_csv('./results/results_comprehensiveness_benchmark.csv', index=False)\n", + "\n", + "\n", + " " + ] + }, + { + "cell_type": "code", + "execution_count": 32, + "metadata": {}, + "outputs": [], + "source": [ + "ece = compute_ece([scores], [true_scores], n_bins=10) # ECE might not make much sense here as we have groundtruth in numeric values\n", + "\n", + "mae = sum(abs(score - true_score) for score, true_score in zip(scores, true_scores)) / len(scores)\n" + ] + }, + { + "cell_type": "code", + "execution_count": 33, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "ECE: 0.2151285714285715; MAE: 0.2493357142857129\n" + ] + } + ], + "source": [ + "print(f\"ECE: {ece}; MAE: {mae}\")" + ] + }, + { + "cell_type": "code", + "execution_count": 11, + "metadata": {}, + "outputs": [ + { + "data": { + "text/plain": [ + "1201" + ] + }, + "execution_count": 11, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "len(true_scores)" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "## Visualization to help investigation in LLM alignments with (mean) absolute errors" + ] + }, + { + "cell_type": "code", + "execution_count": 17, + "metadata": {}, + "outputs": [], + "source": [ + "\n", + "import csv\n", + "scores = []\n", + "true_scores = []\n", + "\n", + "# Open the CSV file and read its contents\n", + "with open(\"./results/results_comprehensiveness_benchmark.csv\", 'r') as csvfile:\n", + " # Create a CSV reader object\n", + " csvreader = csv.reader(csvfile)\n", + " \n", + " # Skip the header row\n", + " next(csvreader)\n", + " \n", + " # Iterate over each row in the CSV\n", + " for row in csvreader:\n", + " # Append the scores and true_scores to their respective lists\n", + " scores.append(float(row[0]))\n", + " true_scores.append(float(row[1]))" + ] + }, + { + "cell_type": "code", + "execution_count": 19, + "metadata": {}, + "outputs": [ + { + "data": { + "image/png": "iVBORw0KGgoAAAANSUhEUgAAA90AAAHqCAYAAAAZLi26AAAAOXRFWHRTb2Z0d2FyZQBNYXRwbG90bGliIHZlcnNpb24zLjguMiwgaHR0cHM6Ly9tYXRwbG90bGliLm9yZy8g+/7EAAAACXBIWXMAAA9hAAAPYQGoP6dpAAD6SUlEQVR4nOzdd1gTWRcH4F8SehelWBAUKzZcVBZ7wb7Ye8feC7p+YkNdFbusvWFZy1qxrAULllXXFRtWLNiwAIIISJdkvj9miYa0CUwI5bzPM0/IzM2cOzFm5uTeuVfAMAwDQgghhBBCCCGE8E6o6woQQgghhBBCCCFFFSXdhBBCCCGEEEKIllDSTQghhBBCCCGEaAkl3YQQQgghhBBCiJZQ0k0IIYQQQgghhGgJJd2EEEIIIYQQQoiWUNJNCCGEEEIIIYRoCSXdhBBCCCGEEEKIllDSTQghhBBCCCGEaAkl3UQjAoEA8+bN0/h1b968gUAgwM6dO3mvEyGEEEIIIYQUVJR0F0I7d+6EQCCAQCDAtWvX5LYzDAMHBwcIBAL88ssvOqhh3rx58wbe3t5wdnaGkZER7O3t0bRpU/j5+em6aoXe5cuXpZ8ddYuuJScnw8/PDzVr1oSpqSlKliwJV1dXTJo0CR8/ftR19QghhCjx43WKouXff//VdRXV6tWrFwQCAf73v//puipaU5TOszmvb0QiEWxtbdGjRw+Eh4frunqEQE/XFSC5Z2RkhH379qFx48Yy669cuYL379/D0NBQRzXLvYiICNSvXx/GxsYYOnQonJycEBUVhbt372Lp0qWYP3++rqtYqFWvXh27d++WWefr6wszMzPMmjVLR7WS9+3bNzRt2hRPnz7F4MGDMWHCBCQnJ+Px48fYt28funbtijJlyui6moQQQlRYsGABKlSoILe+UqVKOqgNd0lJSfjrr7/g5OSEP//8E0uWLCkQP0bzqaieZydOnIj69evj27dvePDgATZt2oTLly/j0aNHsLe313X1SDFGSXch1qFDBxw6dAhr1qyBnt73f8p9+/bBzc0NcXFxOqxd7qxevRrJyckICwuDo6OjzLZPnz7la11SUlJgamqarzG1zc7ODgMGDJBZt2TJEpQqVUpu/Y8kEgkyMzNhZGSk7SoCAI4dO4Z79+5h79696Nevn8y29PR0ZGZm5ks9gKL5OSCEkPzQvn171KtXT6PXZGVlQSKRwMDAQG5bXr+PGYZBeno6jI2NVZY7cuQIxGIxtm/fjpYtW+Lvv/9Gs2bNch33RwXlnFJUz7NNmjRBjx49pM+rVq2KMWPG4I8//sD06dN5iUFIblD38kKsb9+++Pz5M86fPy9dl5mZicOHD8t9gWZLSUnB1KlT4eDgAENDQ1StWhUrVqwAwzAy5TIyMjBlyhTY2NjA3NwcnTp1wvv37xXu88OHDxg6dCjs7OxgaGiIGjVqYPv27bk6ppcvX6JcuXJyCTcA2Nrayq07c+YMmjVrBnNzc1hYWKB+/frYt2+fTJlDhw7Bzc0NxsbG0uTyw4cPMmWGDBkCMzMzvHz5Eh06dIC5uTn69+8PgE04AwICUKNGDRgZGcHOzg6jRo3Cly9fZPZx+/ZttG3bFqVKlYKxsTEqVKiAoUOHqjzeX375BRUrVlS4zcPDQ+Zi5fz582jcuDGsrKxgZmaGqlWrYubMmSr3n1sCgQDjx4/H3r17UaNGDRgaGiI4OFjafevy5csy5ZXds//06VP06NED1tbWMDIyQr169XDixAm18V++fAkAaNSokdw2IyMjWFhYyMXp1asXbGxsYGxsjKpVq8q13N+7dw/t27eHhYUFzMzM0KpVK7kujtldIq9cuYKxY8fC1tYW5cqVk24/c+YMmjRpAlNTU5ibm6Njx454/PixzD6io6Ph7e2NcuXKwdDQEKVLl0bnzp3x5s0btcdNCCHFSfa5Y8WKFQgICICzszMMDQ3x5MkTzJs3DwKBAE+ePEG/fv1QokQJac++rKws/Pbbb9LyTk5OmDlzJjIyMmT27+TkhF9++QVnz55FvXr1YGxsjM2bN6ut1969e9G6dWu0aNEC1atXx969exWWU3fu4eMYuFxb7N+/H25ubtJroVq1auH3339XeYyF+TyriSZNmsgcb7YVK1agYcOGKFmyJIyNjeHm5obDhw/LvT77eujYsWOoWbOm9Do3ODhYruzly5dRr149GBkZwdnZGZs3b5Z+BnLas2eP9NrU2toaffr0wbt372TKvHjxAt27d4e9vT2MjIxQrlw59OnTB4mJibl+P4juUEt3Iebk5AQPDw/8+eefaN++PQD2yyoxMRF9+vTBmjVrZMozDINOnTrh0qVLGDZsGFxdXXH27Fn8+uuv+PDhA1avXi0tO3z4cOzZswf9+vVDw4YNcfHiRXTs2FGuDjExMfj555+lX0o2NjY4c+YMhg0bhqSkJEyePFmjY3J0dMSFCxdw8eJFtGzZUmXZnTt3YujQoahRowZ8fX1hZWWFe/fuITg4WPqjw86dO+Ht7Y369evD398fMTEx+P3333H9+nXcu3cPVlZW0v1lZWWhbdu2aNy4MVasWAETExMAwKhRo6T7mThxIl6/fo1169bh3r17uH79OvT19fHp0ye0adMGNjY2mDFjBqysrPDmzRsEBQWpPIbevXtj0KBBuHXrFurXry9d//btW/z7779Yvnw5AODx48f45ZdfULt2bSxYsACGhoaIiIjA9evXNXp/NXHx4kUcPHgQ48ePR6lSpeDk5ISEhATOr3/8+DEaNWqEsmXLYsaMGTA1NcXBgwfRpUsXHDlyBF27dlX62uwfXf744w/Mnj1bZbe+Bw8eoEmTJtDX18fIkSPh5OSEly9f4q+//sKiRYukdWnSpAksLCwwffp06OvrY/PmzWjevDmuXLkCd3d3mX2OHTsWNjY2mDt3LlJSUgAAu3fvxuDBg9G2bVssXboUqamp2LhxIxo3box79+7ByckJANC9e3c8fvwYEyZMgJOTEz59+oTz588jMjJSWoYQQoqDxMREuV53AoEAJUuWlFm3Y8cOpKenY+TIkTA0NIS1tbV0W8+ePVG5cmUsXrxY2kAwfPhw7Nq1Cz169MDUqVNx8+ZN+Pv7Izw8HEePHpXZ97Nnz9C3b1+MGjUKI0aMQNWqVVXW+ePHj7h06RJ27doFgG3gWL16NdatWyfT+s7l3JPXY+BybXH+/Hn07dsXrVq1wtKlSwEA4eHhuH79OiZNmqT0OAvzeVYT2T94lyhRQmb977//jk6dOqF///7IzMzE/v370bNnT5w8eVLuevfatWsICgrC2LFjYW5ujjVr1qB79+6IjIyUfpbv3buHdu3aoXTp0pg/fz7EYjEWLFgAGxsbuTotWrQIc+bMQa9evTB8+HDExsZi7dq1aNq0qfTaNDMzE23btkVGRgYmTJgAe3t7fPjwASdPnkRCQgIsLS01fi+IjjGk0NmxYwcDgLl16xazbt06xtzcnElNTWUYhmF69uzJtGjRgmEYhnF0dGQ6duwofd2xY8cYAMzChQtl9tejRw9GIBAwERERDMMwTFhYGAOAGTt2rEy5fv36MQAYPz8/6bphw4YxpUuXZuLi4mTK9unTh7G0tJTW6/Xr1wwAZseOHSqP7dGjR4yxsTEDgHF1dWUmTZrEHDt2jElJSZEpl5CQwJibmzPu7u5MWlqazDaJRMIwDMNkZmYytra2TM2aNWXKnDx5kgHAzJ07V7pu8ODBDABmxowZMvu6evUqA4DZu3evzPrg4GCZ9UePHpX+m2giMTGRMTQ0ZKZOnSqzftmyZYxAIGDevn3LMAzDrF69mgHAxMbGarR/LmrUqME0a9ZMZh0ARigUMo8fP5ZZf+nSJQYAc+nSJZn1iv59W7VqxdSqVYtJT0+XrpNIJEzDhg2ZypUrq6xTamoqU7VqVQYA4+joyAwZMoQJDAxkYmJi5Mo2bdqUMTc3l75XP8bK1qVLF8bAwIB5+fKldN3Hjx8Zc3NzpmnTptJ12f+3GjduzGRlZUnXf/36lbGysmJGjBghEyM6OpqxtLSUrv/y5QsDgFm+fLnK4yOEkKIs+7tU0WJoaCgtl33usLCwYD59+iSzDz8/PwYA07dvX5n12dcow4cPl1k/bdo0BgBz8eJF6TpHR0cGABMcHMy57itWrGCMjY2ZpKQkhmEY5vnz5wwA5ujRozLluJx78noMXK4tJk2axFhYWMics7gorOdZZbKvT7Zv387ExsYyHz9+ZIKDg5lKlSoxAoGACQ0NlTv+H2VmZjI1a9ZkWrZsKbMeAGNgYCC9RmYYhrl//z4DgFm7dq10nZeXF2NiYsJ8+PBBuu7FixeMnp4e82O69ebNG0YkEjGLFi2SifPw4UNGT09Puv7evXsMAObQoUMqj5sUHtS9vJDr1asX0tLScPLkSXz9+hUnT55U2rX89OnTEIlEmDhxosz6qVOngmEYnDlzRloOgFy5nK3WDMPgyJEj8PLyAsMwiIuLky5t27ZFYmIi7t69q9Hx1KhRA2FhYRgwYADevHmD33//HV26dIGdnR22bt0qLXf+/Hl8/foVM2bMkLvPOPvX2tu3b+PTp08YO3asTJmOHTuiWrVqOHXqlFz8MWPGyDw/dOgQLC0t0bp1a5njc3Nzg5mZGS5dugQA0hbzkydP4tu3b5yP18LCAu3bt8fBgwdluvgfOHAAP//8M8qXLy+z/+PHj0MikXDef140a9YMLi4uuXptfHw8Ll68iF69euHr16/S9+3z589o27YtXrx4IdfF/0fGxsa4efMmfv31VwBsj4Vhw4ahdOnSmDBhgrT7XWxsLP7++28MHTpU+l5ly/4ciMVinDt3Dl26dJHpyl+6dGn069cP165dQ1JSksxrR4wYAZFIJH1+/vx5JCQkoG/fvjKfA5FIBHd3d+nnwNjYGAYGBrh8+bLc7QeEEFLcrF+/HufPn5dZsq81ftS9e3eFLYIAMHr0aJnn2dcoPj4+MuunTp0KAHLn9goVKqBt27ac67x371507NgR5ubmAIDKlSvDzc1Npos5l3MPH8fA5drCysoKKSkpMrcaclFYz7PqDB06FDY2NihTpgzatWuHxMRE7N69W6Y3YfbxZ/vy5QsSExPRpEkThdetnp6ecHZ2lj6vXbs2LCws8OrVK+nxX7hwAV26dJEZfK5SpUrSnqjZgoKCIJFI0KtXL5njtLe3R+XKlaXHmd2SffbsWaSmpnI6dlKwUdJdyNnY2MDT0xP79u1DUFAQxGKxzAASP3r79i3KlCkjPZFkq169unR79qNQKJT5ggEg1yUrNjYWCQkJ2LJlC2xsbGQWb29vALkb/KxKlSrYvXs34uLi8ODBAyxevBh6enoYOXIkLly4AOD7vTk1a9ZUup/s41HUlaxatWrS7dn09PRk7isC2PtpEhMTYWtrK3eMycnJ0uNr1qwZunfvjvnz56NUqVLo3LkzduzYIXdvliK9e/fGu3fvcOPGDemx3blzB71795Yp06hRIwwfPhx2dnbo06cPDh48qNUEXNGIs1xFRESAYRjMmTNH7n3LnvpN3WfD0tISy5Ytw5s3b/DmzRsEBgaiatWqWLduHX777TcAkJ7wVH0OYmNjkZqaqvBzUL16dUgkErn7qHIe+4sXLwAALVu2lDuec+fOSY/F0NAQS5cuxZkzZ2BnZ4emTZti2bJliI6OVnmshBBSFDVo0ACenp4yS4sWLeTKqTrf5NyWfY2ScwR0e3t7WFlZyZ3bNTmXhYeH4969e2jUqBEiIiKkS/PmzXHy5Elp4sjl3MPHMXC5thg7diyqVKmC9u3bo1y5chg6dKjC+40VKYznWXXmzp2L8+fP4+jRoxg0aBASExMhFMqnOydPnsTPP/8MIyMjWFtbw8bGBhs3blR4v3TOHxsAtrt69o/rnz59QlpamsJR+XOue/HiBRiGQeXKleWOMzw8XHqcFSpUgI+PD7Zt24ZSpUqhbdu2WL9+Pd3PXYjRPd1FQL9+/TBixAhER0ejffv2Mvcpa1N2wjdgwAAMHjxYYZnatWvnev8ikQi1atVCrVq14OHhgRYtWmDv3r3w9PTM9T5VMTQ0lPtilkgksLW1VTqISvYv8wKBAIcPH8a///6Lv/76C2fPnsXQoUOxcuVK/PvvvzAzM1Ma18vLCyYmJjh48CAaNmyIgwcPQigUomfPntIyxsbG+Pvvv3Hp0iWcOnUKwcHBOHDgAFq2bIlz587J/FrMF0Wjuyq750ssFss8z/5sTJs2TWkLgyZTxjg6OmLo0KHo2rUrKlasiL1792LhwoWcX6+pnMeefTy7d+9WOOXIj7MHTJ48GV5eXjh27BjOnj2LOXPmwN/fHxcvXkTdunW1VmdCCCmsVI0mrmwb1ym81I1U/qM9e/YAAKZMmYIpU6bIbT9y5Ii0UUETuT0GLtcWtra2CAsLw9mzZ3HmzBmcOXMGO3bswKBBg6T3pXNRmM6zqtSqVUt6ndilSxekpqZixIgRaNy4MRwcHAAAV69eRadOndC0aVNs2LABpUuXhr6+Pnbs2CE3GC8ApddYTI5BiLmQSCQQCAQ4c+aMwv3+eL24cuVKDBkyBMePH8e5c+cwceJE+Pv7499//5VrJCIFHyXdRUDXrl0xatQo/Pvvvzhw4IDSctmDlH39+lWmtfvp06fS7dmPEokEL1++lPnV8tmzZzL7yx7ZXCwWay0RzpY9indUVBQASFvhHz16pDR5yz6eZ8+eyQ3K9uzZM4UjpOfk7OyMCxcuoFGjRpxO3D///DN+/vlnLFq0CPv27UP//v2xf/9+DB8+XOlrTE1N8csvv+DQoUNYtWoVDhw4gCZNmsjNjykUCtGqVSu0atUKq1atwuLFizFr1ixcunRJ6+9/tuyBSHIOqJazZSG7e5m+vj6vdStRogScnZ3x6NEjmTjZzxWxsbGBiYmJ3OcXYD/7QqFQeiJWJvvzZmtry+l4nJ2dMXXqVEydOhUvXryAq6srVq5cKb2gI4QQkjvZ1ygvXryQ9tQD2IFdExISOJ3bFWEYBvv27UOLFi0wduxYue2//fYb9u7dC29vb07nHj6PQd21hYGBAby8vODl5QWJRIKxY8di8+bNmDNnjsZzoheW8yxXS5YswdGjR7Fo0SJs2rQJAPvjiZGREc6ePQtDQ0Np2R07duQqhq2tLYyMjBARESG3Lec6Z2dnMAyDChUqoEqVKmr3nd34NHv2bPzzzz9o1KgRNm3apNUfRIh2UPfyIsDMzAwbN27EvHnz4OXlpbRchw4dIBaLsW7dOpn1q1evhkAgkN53kv2Yc/TzgIAAmecikQjdu3fHkSNHFH4Zx8bGanwsV69eVXjfUvb9T9k/ArRp0wbm5ubw9/dHenq6TNnsXx7r1asHW1tbbNq0SaYr1pkzZxAeHq5wNPacevXqBbFYLO1m9aOsrCxp8vnlyxe5XzxdXV0BgHMX848fP2Lbtm24f/++TNdygL1HOidF+3/69CkiIyPVxsstR0dHiEQi/P333zLrN2zYIPPc1tYWzZs3x+bNm6U/lPxI3Wfj/v37CueZf/v2LZ48eSL9HNjY2KBp06bYvn273HFn/3uIRCK0adMGx48fl5m2KyYmBvv27UPjxo3lpkbJqW3btrCwsMDixYsVfj6zjyc1NVXu8+js7Axzc3NOnwNCCCGqdejQAYD8NcmqVasAgNO5XZHr16/jzZs38Pb2Ro8ePeSW3r1749KlS/j48SOncw8fx8Dl2uLz588y24VCobSXoarzTmE9z2rK2dkZ3bt3x86dO6W3eolEIggEApleem/evMGxY8dyFUMkEsHT0xPHjh3Dx48fpesjIiLkxjDo1q0bRCIR5s+fL/dvyzCM9N8zKSkJWVlZMttr1aoFoVBI1xOFFLV0FxHKunf/yMvLCy1atMCsWbPw5s0b1KlTB+fOncPx48cxefJk6a+Mrq6u6Nu3LzZs2IDExEQ0bNgQISEhCn/BW7JkCS5dugR3d3eMGDECLi4uiI+Px927d3HhwgWFyaIqS5cuxZ07d9CtWzfpSePu3bv4448/YG1tLR3MzcLCAqtXr8bw4cNRv3596fyX9+/fR2pqKnbt2gV9fX0sXboU3t7eaNasGfr27SudMszJyUlh17GcmjVrhlGjRsHf3x9hYWFo06YN9PX18eLFCxw6dAi///47evTogV27dmHDhg3o2rUrnJ2d8fXrV2zduhUWFhbSk6sq2XODT5s2Tfpjxo8WLFiAv//+Gx07doSjoyM+ffqEDRs2oFy5ctI5PwH23qlmzZrJzaPNF0tLS/Ts2RNr166FQCCAs7MzTp48qfBeq/Xr16Nx48aoVasWRowYgYoVKyImJgY3btzA+/fvcf/+faVxzp8/Dz8/P3Tq1Ak///wzzMzM8OrVK2zfvh0ZGRmYN2+etOyaNWvQuHFj/PTTTxg5ciQqVKiAN2/e4NSpUwgLCwMALFy4UDrP+dixY6Gnp4fNmzcjIyMDy5YtU3vcFhYW2LhxIwYOHIiffvoJffr0gY2NDSIjI3Hq1Ck0atQI69atw/Pnz9GqVSv06tULLi4u0NPTw9GjRxETE4M+ffpo/H4TQkhhdubMGWlvuh81bNhQZsAtTdSpUweDBw/Gli1bkJCQgGbNmiE0NBS7du1Cly5dFN4zzsXevXshEomUJu2dOnXCrFmzsH//fvj4+HA69+T1GLhcWwwfPhzx8fFo2bIlypUrh7dv32Lt2rVwdXWVaUXPqbCeZ3Pj119/xcGDBxEQEIAlS5agY8eOWLVqFdq1a4d+/frh06dPWL9+PSpVqoQHDx7kKsa8efNw7tw5NGrUCGPGjJE2ctWsWVPm8+Ds7IyFCxfC19cXb968QZcuXWBubo7Xr1/j6NGjGDlyJKZNm4aLFy9i/Pjx6NmzJ6pUqYKsrCzs3r1b4TUiKSTyfbx0kmc/ThmmSs4pwxiGnZJhypQpTJkyZRh9fX2mcuXKzPLly2WmfWAYhklLS2MmTpzIlCxZkjE1NWW8vLyYd+/eyU0ZxjAMExMTw4wbN45xcHBg9PX1GXt7e6ZVq1bMli1bpGW4Thl2/fp1Zty4cUzNmjUZS0tLRl9fnylfvjwzZMgQmWkosp04cYJp2LAhY2xszFhYWDANGjRg/vzzT5kyBw4cYOrWrcsYGhoy1tbWTP/+/Zn379/LlBk8eDBjamqqtF5btmxh3NzcGGNjY8bc3JypVasWM336dObjx48MwzDM3bt3mb59+zLly5dnDA0NGVtbW+aXX35hbt++rfJ4f9S/f38GAOPp6Sm3LSQkhOncuTNTpkwZxsDAgClTpgzTt29f5vnz5zLlAMhN/6WOsinDxo0bp7B8bGws0717d8bExIQpUaIEM2rUKObRo0cK/31fvnzJDBo0iLG3t2f09fWZsmXLMr/88gtz+PBhlXV69eoVM3fuXObnn39mbG1tGT09PcbGxobp2LGjzHQw2R49esR07dqVsbKyYoyMjJiqVasyc+bMkSlz9+5dpm3btoyZmRljYmLCtGjRgvnnn39kyqj7v3Xp0iWmbdu2jKWlJWNkZMQ4OzszQ4YMkf47x8XFMePGjWOqVavGmJqaMpaWloy7uztz8OBBlcdLCCFFiaopw348V2RfGyiaZjF7ui1FU2V++/aNmT9/PlOhQgVGX1+fcXBwYHx9fWWmqGQYxddBimRmZjIlS5ZkmjRporJchQoVmLp160qfqzv35PUYuFxbHD58mGnTpg1ja2vLGBgYMOXLl2dGjRrFREVFqTyWwnqeVSZ7yjBlU2w1b96csbCwYBISEhiGYZjAwECmcuXKjKGhIVOtWjVmx44d0n+vHym7HnJ0dGQGDx4ssy4kJISpW7cuY2BgwDg7OzPbtm1jpk6dyhgZGcm9/siRI0zjxo0ZU1NTxtTUlKlWrRozbtw45tmzZwzDsP8+Q4cOZZydnRkjIyPG2tqaadGiBXPhwgWV7wMpuAQMk4tRAAghhBBCCCGEKNWlSxc8fvxYOjo7Kb7onm5CCCGEEEIIyYO0tDSZ5y9evMDp06fRvHlz3VSIFCjU0k0IIYQQQggheVC6dGkMGTIEFStWxNu3b7Fx40ZkZGTg3r17qFy5sq6rR3SMBlIjhBBCCCGEkDxo164d/vzzT0RHR8PQ0BAeHh5YvHgxJdwEAHUvJ4QQUoytX78eTk5OMDIygru7O0JDQ1WWDwgIQNWqVWFsbAwHBwdMmTJFbpo4Qgghxc+OHTvw5s0bpKenIzExEcHBwfjpp590XS1SQFDSTQghpFg6cOAAfHx84Ofnh7t376JOnTpo27atwinwAGDfvn2YMWMG/Pz8EB4ejsDAQBw4cAAzZ87M55oTQgghpDChe7oJIYQUS+7u7qhfv7507leJRAIHBwdMmDABM2bMkCs/fvx4hIeHIyQkRLpu6tSpuHnzJq5du5Zv9SaEEEJI4VLs7umWSCT4+PEjzM3NIRAIdF0dQggp8BiGwdevX1GmTBkIhfx1kEpPT0dmZiZv+2MYRu573dDQEIaGhnJlMzMzcefOHfj6+krXCYVCeHp64saNGwr337BhQ+zZswehoaFo0KABXr16hdOnT2PgwIG8HQPRHJ3XCSGE6ArXa6Ril3R//PgRDg4Ouq4GIYQUOu/evUO5cuV42Vd6ejoqOJoh+pOYl/0BgJmZGZKTk2XW+fn5Yd68eXJl4+LiIBaLYWdnJ7Pezs4OT58+Vbj/fv36IS4uDo0bNwbDMMjKysLo0aOpe7mO0XmdEEKIrqm7Rip2Sbe5uTkA9o2xsLDQcW0IIaTgS0pKgoODg/T7kw+ZmZmI/iTG2ztOsDDPe+t50lcJHN3eyH23K2rlzq3Lly9j8eLF2LBhA9zd3REREYFJkybht99+w5w5c3iLQzRD53VCCCG6wvUaqdgl3dldzywsLOjkTAghGtBG110zcwHMzPO+Xwk0+24vVaoURCIRYmJiZNbHxMTA3t5e4WvmzJmDgQMHYvjw4QCAWrVqISUlBSNHjsSsWbN47XpPuKPzOiGEEF1Td41EVwiEEEJ0RsxIeFs0YWBgADc3N5lB0SQSCUJCQuDh4aHwNampqXKJtUgkAsDe00UIIYQQokixa+kmhBBCAMDHxweDBw9GvXr10KBBAwQEBCAlJQXe3t4AgEGDBqFs2bLw9/cHAHh5eWHVqlWoW7eutHv5nDlz4OXlJU2+CSGEEEJyoqSbEEKIzkjAQIK8txLnZh+9e/dGbGws5s6di+joaLi6uiI4OFg6uFpkZKRMy/bs2bMhEAgwe/ZsfPjwATY2NvDy8sKiRYvyXH9CCCGEFF3Fbp7upKQkWFpaIjExUeW9X2KxGN++fcvHmhGSOwYGBnQvKdEqrt+budln9LPyvA2kZl81ktc6ksJBG59PQgghhAuu5yBq6c6BYRhER0cjISFB11UhhBOhUIgKFSrAwMBA11UhRGMSSKDZ3djK90MIIYQQUhBR0p1DdsJta2sLExMTrYzWSwhfJBIJPn78iKioKJQvX54+r6TQETMMxDx0uOJjH4QQQggh2kBJ9w/EYrE04S5ZsqSuq0MIJzY2Nvj48SOysrKgr6+v6+oQQgghhBBCfkBJ9w+y7+E2MTHRcU0I4S67W7lYLKakmxQ6uhxIjRBCCCEkP1DSrQB10SWFCX1eSWEmAQMxJd2EEEIIKcJoyGNCCCGEEEIIIURLKOkmas2bNw92dnYQCAQ4duyYrqsj482bNxAIBAgLCwMAXL58GQKBgEaf18DbhC84/uwJnnyKyde48cnJWH7iCtae+QeZmZn5GjvozD2s3nYBT19E5WtcIi+7ezkfCyGEEEJIQaTTpPvvv/+Gl5cXypQpwzmhu3z5Mn766ScYGhqiUqVK2Llzp9brWRgMGTIEAoEAAoEABgYGqFSpEhYsWICsrKw87Tc8PBzz58/H5s2bERUVhfbt2+e5rvPmzYOrqyvn8u/fv4eBgQFq1qyptmzDhg0RFRUFS0vLPNSwYNHWjx2nnj9DzQ1r0OKP7Zhy9gx+2b8HVdetxprQG7zH+lHMl2S4/vo7mvltxR9X7mLLhZtw812PBr5rtZ589xsfiMbdVmDV1hAcOR2G4f/bi8bdVuDE+ftajUtIcbJ+/Xo4OTnByMgI7u7uCA0NVVk+ICAAVatWhbGxMRwcHDBlyhSkp6fnU22/E4uBy5eBP/9kH8XifK8CIYSQIkqnSXdKSgrq1KmD9evXcyr/+vVrdOzYES1atEBYWBgmT56M4cOH4+zZs1quaeHQrl07REVF4cWLF5g6dSrmzZuH5cuX52pfYrEYEokEL1++BAB07twZ9vb2MDQ05LPKnOzcuRO9evVCUlISbt68qbKsgYEB7O3t6T5nNY6GP8GE4JNIzfoms/6bRIKAf//BvEshWokbn5wMz4VbIZbIz6mclpkFN19u3wW50WHwOkR+/KJw27KN5ynx1pHsKcP4WIjuHThwAD4+PvDz88Pdu3dRp04dtG3bFp8+fVJYft++fZgxYwb8/PwQHh6OwMBAHDhwADNnzszXegcFAU5OQIsWQL9+7KOTE7ueEEIIySudJt3t27fHwoUL0bVrV07lN23ahAoVKmDlypWoXr06xo8fjx49emD16tVarmnhYGhoCHt7ezg6OmLMmDHw9PTEiRMnAAAZGRmYNm0aypYtC1NTU7i7u+Py5cvS1+7cuRNWVlY4ceIEXFxcYGhoiKFDh8LLywsAIBQKZRLZbdu2oXr16jAyMkK1atWwYcMGmbq8f/8effv2hbW1NUxNTVGvXj3cvHkTO3fuxPz583H//n1py7yq3goMw2DHjh0YOHAg+vXrh8DAQJXvgaLu5Vu3boWDgwNMTEzQtWtXrFq1ClZWVtLt2S3vu3fvhpOTEywtLdGnTx98/fpVWqZ58+aYMGECJk+ejBIlSsDOzg5bt25FSkoKvL29YW5ujkqVKuHMmTMy9Xn06BHat28PMzMz2NnZYeDAgYiLi5PZ78SJEzF9+nRYW1vD3t4e8+bNk253cnICAHTt2hUCgUD6PK9mhKj+oeqPh2HI1EIzT6clf6gt0y/gT97j3rz3GklfVbecLdt4nve4RD0JjwvRvVWrVmHEiBHw9vaGi4sLNm3aBBMTE2zfvl1h+X/++QeNGjVCv3794OTkhDZt2qBv375qW8f5FBQE9OgBvH8vu/7DB3Y9Jd6EEELyqlDd033jxg14enrKrGvbti1u3NBud1gAQEqK8iVnNzhVZdPSuJXlgbGxsbS77vjx43Hjxg3s378fDx48QM+ePdGuXTu8ePFCWj41NRVLly7Ftm3b8PjxY6xZswY7duwAAERFRSEqir3/de/evZg7dy4WLVqE8PBwLF68GHPmzMGuXbsAAMnJyWjWrBk+fPiAEydO4P79+5g+fTokEgl69+6NqVOnokaNGtJ99u7dW+kxXLp0CampqfD09MSAAQOwf/9+pGjw/ly/fh2jR4/GpEmTEBYWhtatW2PRokVy5V6+fIljx47h5MmTOHnyJK5cuYIlS5bIlNm1axdKlSqF0NBQTJgwAWPGjEHPnj3RsGFD3L17F23atMHAgQORmpoKAEhISEDLli1Rt25d3L59G8HBwYiJiUGvXr3k9mtqaoqbN29i2bJlWLBgAc6fZxPAW7duAQB27NiBqKgo6fO8OP/yBb4paGnOac4l/pPQxLQMtWUevovmPe7sZcc5laN7vAnJvczMTNy5c0fmPC0UCuHp6an0PN2wYUPcuXNHmmS/evUKp0+fRocOHfKlzmIxMGkSoKijRPa6yZOpqzkhhJC8KVRThkVHR8POzk5mnZ2dHZKSkpCWlgZjY2O512RkZCAj4/uFflJSUu6Cm5kp39ahA3Dq1PfntrbAf4mXnGbN2JvFsjk5AT+0fErloaskwzAICQnB2bNnMWHCBERGRmLHjh2IjIxEmTJlAADTpk1DcHAwduzYgcWLFwNg5ynfsGED6tSpI91Xdouwvb29dJ2fnx9WrlyJbt26AQAqVKiAJ0+eYPPmzRg8eDD27duH2NhY3Lp1C9bW1gCASpUqSV9vZmYGPT09mX0qExgYiD59+kAkEqFmzZqoWLEiDh06hCFDhnB6L9auXYv27dtj2rRpAIAqVargn3/+wcmTJ2XKSSQS7Ny5E+bm5gCAgQMHIiQkRCZBr1OnDmbPng0A8PX1xZIlS1CqVCmMGDECADB37lxs3LgRDx48wM8//4x169ahbt260vcXALZv3w4HBwc8f/4cVapUAQDUrl0bfn5+AIDKlStj3bp1CAkJQevWrWFjYwOA/Xfg8n5xcenNK07lHsYo7g5aGKVncBvb4K8LD1Gtcmkt10YHQkOBlSuBbduA/z7jBYWYpynD+NgHyZu4uDiIxWKF5+mnT58qfE2/fv0QFxeHxo0bg2EYZGVlYfTo0Sq7l/N2Xgdw9ap8C/ePGAZ4944t17x5rsMQQggp5gpVS3du+Pv7w9LSUro4ODjoukpac/LkSZiZmcHIyAjt27dH7969MW/ePDx8+BBisRhVqlSBmZmZdLly5Yr0nm2AvR+6du3aKmOkpKTg5cuXGDZsmMy+Fi5cKN1XWFgY6tatK024cyshIQFBQUEYMGCAdN2AAQPUdjH/0bNnz9CgQQOZdTmfA2w3bvMfkpHSpUvL3YP443sjEolQsmRJ1KpVS7ou+0Iz+3X379/HpUuXZN6natWqAYDM+57zPVcUm0+ljE05lTMzNNBaHfIb11v8Kzjk7TNbIDEMMGYMcPAgMHeurmsjR8zwt5DC5/Lly1i8eDE2bNiAu3fvIigoCKdOncJvv/2m9DV8ntejOHZu4VqOEEIIUaRQtXTb29sjJkZ2WqOYmBhYWFgobOUG2BZJHx8f6fOkpKTcnaCTk5VvE4lkn6tKmIQ5fud480bzuijRokULbNy4EQYGBihTpgz09Nh/3uTkZIhEIty5cweiHHU1+6EF39jYWO0AZMn/vQ9bt26Fu7u7zLbsfSv7t9DUvn37kJ6eLhOHYRhIJBKZlmI+6OvryzwXCASQ5OiCrajMj+uy37vs1yUnJ8PLywtLly6Vi1e69PfWVC6x+TSmXgOsu616QDoA8G3UhPfYAkBte6SRPv9fSx71KuL6LfUt/D1+qcd7bJ0TCIBjxwBfX2DBAl3XhhRhpUqVgkgkUnieVtZTZ86cORg4cCCGDx8OAKhVqxZSUlIwcuRIzJo1C8Kc50zweF4HUJpjxxau5QghhBBFClXS7eHhgdOnT8usO3/+PDw8PJS+xtDQkJ8Rt025tQ5qtazaXZnKdOPOVrduXYjFYnz69AlNmuQtkbKzs0OZMmXw6tUr9O/fX2GZ2rVrY9u2bYiPj1fY2m1gYAAxhxvkAgMDMXXqVLmu5GPHjsX27dvl7rlWpGrVqnL3QfNxXzQXP/30E44cOQInJyfpDyC5oa+vz+n94srYwAA/lS6NuyqabqyNjFC3dFneYmYb4emOLRdUJ/zrhnrxHnepbzc07rZCZZmy9kVnmjk5Dg7Anj26roVCfA2CRgOp6Z6BgQHc3NwQEhKCLl26AGB/hAwJCcH48eMVviY1NVUusc7+AZdRcpsVb+d1AE2aAOXKsYOmKQonELDb83jqJIQQUszptHt5cnIywsLCEBYWBoCdEiwsLAyRkZEA2F+zBw0aJC0/evRovHr1CtOnT8fTp0+xYcMGHDx4EFOmTNFF9QuNKlWqoH///hg0aBCCgoLw+vVrhIaGwt/fH6d+vBedo/nz58Pf3x9r1qzB8+fP8fDhQ+zYsQOrVq0CAPTt2xf29vbo0qULrl+/jlevXuHIkSPSgXScnJyk/9ZxcXEy9+ZlCwsLw927dzF8+HDUrFlTZunbty927drFaQ7yCRMm4PTp01i1ahVevHiBzZs348yZM/kypdi4ceMQHx+Pvn374tatW3j58iXOnj0Lb29vjZJoJycnhISEIDo6Gl++KJ7ySlOHe/aDs1UJhdvMDQxwecgIXuLkNKF9QzRwLqd0e++GteBexUkrsdf91kvpNjMTQxzYoJ1j1pmVK4EjR3RdC7UkEEDMwyIBTRNYEPj4+GDr1q3YtWsXwsPDMWbMGOksDwAwaNAg+Pr6Sst7eXlh48aN2L9/P16/fo3z589jzpw58PLykuuZpQ0iEfD77+zfOU8L2c8DAuQ7tBFCCCGa0GnSffv2bdStWxd169YFwJ6s69ati7n/3XcYFRUlTcABdsCuU6dO4fz586hTpw5WrlyJbdu2oW3btjqpf2GyY8cODBo0CFOnTkXVqlXRpUsX3Lp1C+XLl9d4X8OHD8e2bduwY8cO1KpVC82aNcPOnTtRoUIFAGxrx7lz52Bra4sOHTqgVq1aWLJkifQCqnv37mjXrh1atGgBGxsb/Pmn/BRRgYGBcHFxkd4D/aOuXbvi06dPcr0eFGnUqBE2bdqEVatWoU6dOggODsaUKVNgZGSk8XFrqkyZMrh+/TrEYjHatGmDWrVqYfLkybCyslLYZVKZlStX4vz583BwcJD+X+HD+UFDsb97L1S2LokSRsZwsLDEytbtcX/0BJgZaO9+7sCxPXF2ljdKmhlDALbLefmSlrgxfxxmd/dU9/Jcc61RHteCpqGhWwUIBWxcQ0M9LPXtiuA9E7QWVyeOHwemTWPnO7p7V9e1IcVI7969sWLFCsydOxeurq4ICwtDcHCwdMyLyMhI6UwYADB79mxMnToVs2fPhouLC4YNG4a2bdti8+bN+Vbnbt2Aw4eBsjk695Qrx67/b8xQQgghJNcEjLL+W0VUUlISLC0tkZiYCAsLC5lt6enpeP36NSpUqJAvSRnRjREjRuDp06e4evWqrqvCC/rcEhkPHgANG7JTD44bB6xbl+ddqvrezOs+bz+2g5l53n//Tf4qQb0aMbzWkRQOfH0+xWJ2lPKoKPYe7iZNqIWbEEKIalzPQYXqnm5CcmPFihVo3bo1TE1NcebMGezatQsbNmzQdbUI4V9sLNCpE5twt2oFrF6t6xoRUmiIRDQtGCGEEO2gpJsUeaGhoVi2bBm+fv2KihUrYs2aNdKRcgkpMjIzge7dgbdvgUqV2CnCcoyMXxBl35PNx34IIYQQQgoiSrpJkXfw4EFdV4EQ7WIYYOxYtm+shQVw4gSgYOaAgoiSbkIIIYQUdTodSI0QQggPGAawtASEQmD/fqB6dV3XiBBCCCGE/IdaugkhpLATCtkpwoYOBWrU0HVtNCJhBJAweW+l5mMfhBBCCCHaQEm3AhKJRNdVIISzYjYBAfnR+/eArS2QPcVbIUu4AepeTgghhJCij5LuHxgYGEAoFOLjx4+wsbGBgYEBBAK6kCMFF8MwiI2NhUAggH4hGDSL8OjLF3aEcjs74MgRwMZG1zUihBBCCCEKUNL9A6FQiAoVKiAqKgofP37UdXUI4UQgEKBcuXIQ0YSyxUdWFtCnD/D8OZCWBhTi3jliCCHmYXgRMQ91IYQQQgjRBkq6czAwMED58uWRlZUFsZgu40jBp6+vTwl3cfPrr8C5c4CJCTtSuZ2drmtECCGEEEKUoKRbgeyuutRdlxBS4AQGAgEB7N9//AG4uuqyNnnG8DSQGkMDqRFCCCGkgKKkmxBCCotr14AxY9i/580DunfXaXX4QAOpEUIIIaSoo3m6CSGkMBCL2SnBvn0DevYE5szRdY0IIYQQQggH1NJNCCGFgUjE3r89dy6wYwc7N3cRIGaEEDM8DKRGM+cRQgghpICipJsQQgqLatWAgwd1XQteSSCAhIdOVxJQ1k0IIYSQgomSblLgfE6Pw/Y3/vialQBTkQWGOU5HKZPS+RJ7dth+3IyLgEggxKCKzdCvQqN8ibvm9nWsvfcvJGBQ2sQMF7oPgZGRkdbjJqdnYvGpi3gZ+wU2ZiaY49UKdpZmWo8LAI2GrEbWf82T5iYGuLB5fL7EXbnoOM6efAAAEIoEOHh6IiwsLPIldq4sXQrUrw+0bKnrmhBCCCGEkFwQMAxTrJoHkpKSYGlpicTExIJ9oV1MLXg8BklZ8XLrTUUWmF9zq9birgsPxq43fyvctstjDFysHLQSNyIhFp4HdyrcVsWqJM71GqqVuAAwad9fOP8kQj6uXSkcGdtPa9OQdRy/EXGJaQq3NXApi7W+vbUS9/37JAzt+bvCbSKRAGeuzdZK3DzZvx/o2xfQ0wOePAEqV9ZJNbTxvZm9zxMPnGFqnvfPWspXMTrVfknf7cUQndcJIYToCtdzUNG4KZAUCQsfj1OYcANAijgJ8x6N0ErcoMibShNuABh8YyNSvylOEvNKWcINAM8TPqP/yQNaifu/Q2cUJtwA8DwmDt027NVK3An+B5Qm3AAQ+uQDzl97opXYyhJuABCLGXg199dK3Fy7fRvw9mb/njJFZwm3tmXf083HQgghhBBSENFVCikQUr+lIiErTmWZZHESEr995j328id/qS0z6mYg73E7HflDbZnrHyN5jysWi/HX/acqy7yI+Yz38Ym8xw598kFtmdmbg3mP691zndoyGRlZvMfNtY8fgc6dgfR0oGNHwL+A/SBACCGEEEI4o6SbFAg73izlVG7byyW8x85iJGrLPPv6kfe4Dz7HcCr35FM0r3F33wjjVG7e8Qu8xtWlD++/cCq3dH6QlmvCQVoa0LUrm3i7uAD79rEjlxdR7EBq/CyEEEIIIQURJd2kQEj8prhbeU7JWfy3vnKhy4EPLkS+5HV/L2O5vddxySm8xi0Mwu681W0FGAYYMQIIDQWsrdkpwugeVUIIIYSQQo2SblIg2BhyG528hIGtlmuimC7b0DpUqsLr/mqXs+NUrlwJS17jFgaNW1TVbQWysthWbT094PBhwNlZt/XJBxIIIeZh4WPaMUIIIYQQbaCrFFIgDCn/K6dywyvM5D22gVD9zHn1S1biPW4rhwqcylWysuE1bs/6tTn9iLCgS2te4+pSrbrcRp8fN6WDlmuihr4+sHMncOsW0KKFbuuST3Q9kNr69evh5OQEIyMjuLu7IzQ0VGnZ5s2bQyAQyC0dO3bM7eGTAiQzEwgIACZMYB8zM3VdI0IIIUUFJd2kQNDX10dZI9VJqK1BWZjom/Aee3nd/mrLBNQdyHvcwPY91JbpW7UW73EBYGiTeiq3u1dwgLUZ/+91nzZ11JbZPXcw73FXbhiitkxJm/yZn1yhjx8ByX9jCwgEgKur7upSjBw4cAA+Pj7w8/PD3bt3UadOHbRt2xafPn1SWD4oKAhRUVHS5dGjRxCJROjZs2c+15zwbfp0wMSEnShg3Tr20cSEXU8IIYTkFSXdpMCYUnUJyhkp7k5rb+iA6dVXaSVuQ9uq8KupOAHWEwhxtpkv9PX1tRL76aAJSlud2zo6w79ZO63Endq2CYY2dlMYu1nVCtgxTP0PArkxZWArNHApq3T7xL6NUaVySa3EPnx2ktJt5hZG+PPEFK3EVSsuDmjUiB087etX3dRBhyT/dQ3nY9HUqlWrMGLECHh7e8PFxQWbNm2CiYkJtm/frrC8tbU17O3tpcv58+dhYmJCSXchN306sHw5IBbLrheL2fWUeBNCCMkrAcMwuhwjKt9xncCc6M63b9/w5/v1iMl4h1KG9hhQbrLWkt6cDr65gaPvQqEv0MOMmp3gYsWtW3JehUV/xPBzR5EhzkLjso7Y2KZLvsQFgJ3X7uDh+2iUs7bEuOYeMDDIn5Gye03fjrdRCQAAj9qOCPi1e77EvRMagVk++yERMyhR0hQHTvrkS1yFMjOBNm2AK1eAihXZAdRKaudHh7zQxvdm9j5336sFE/O8f+ZSv4oxsO5DznXMzMyEiYkJDh8+jC5dukjXDx48GAkJCTh+/LjafdSqVQseHh7YsmVLXqpO8igvn8/MTLZFO2fC/SORCEhNBQwM8lhRQgghRQ7Xc5D6m1kJyWf6+voYVGGyTmL3cvJALyePfI/ral8GtweNy/e4ADCksZtO4h5cNlQncd0aVELwtdk6iS2DYdibR69cAczNgb/+KpAJd2GTlJQk89zQ0BCGhoZy5eLi4iAWi2FnJzuwoJ2dHZ4+VT2PPQCEhobi0aNHCAwMzFuFiU5t2KA64QbY7Rs2AJMn50uVCCGEFEHUvZwQQnRh/Xpgyxb2Hu4//2Tn5C6G+Bi5PHsBAAcHB1haWkoXf39/rdQ7MDAQtWrVQoMGDbSyf5I/XnKckZFrOUIIIUQRaukmhJD8duHC92azpUuBYjz6tYQRQpLLkcdl98PeKfXu3TuZ7l2KWrkBoFSpUhCJRIiJiZFZHxMTA3t7e5WxUlJSsH//fixYsCCPtSa6xnVWvmIwex8hhBAtopZuQgjJT+npwODBbJ/VQYOAadN0XaMixcLCQmZRlnQbGBjAzc0NISEh0nUSiQQhISHw8FB9i8mhQ4eQkZGBAQMG8Fp3kv/GjmXv2VZFJGLLEUIIIblFSTchhOQnIyPg2DGgWzdg82a2e3kxxnf3ck34+Phg69at2LVrF8LDwzFmzBikpKTA29sbADBo0CD4+vrKvS4wMBBdunRBSboHv9AzMAB81Iyl6ONDg6gRQgjJG+peTggh+a1+feDIEV3Xotjr3bs3YmNjMXfuXERHR8PV1RXBwcHSwdUiIyMhFMom88+ePcO1a9dw7tw5XVSZaMGyZezjqlWyg6qJRGzCnb2dEEIIyS2aMowQQvLD4sVA27aAm25Gi88LbU4ZtvmuG4zN8v77b1pyFkb9dIe+24shvj6fmZnsKOUvX7L3cI8dSy3chBBCVKMpwwghpKDYsQOYNQtYtAh48QIoU0bXNSowJBBCwsOdTnzsgxRvBgY0LRghhBDtoKsUQgjRpuvXgVGj2L+nTaOEmxBCCCGkmKGWbkII0Za3b9kB0759A7p3B/z8dF2jAkfMCCHmYcowPvZBCCGEEKINdJVCCCHakJwMdO4MfPoE1KkD7NoFCOkrNycJBLwtpGBYv349nJycYGRkBHd3d4SGhiot27x5cwgEArmlYzGeu14dsRi4fBn480/28cfB3wghhBRM1NJNlHqacB5XP60Dw4hRzsQNHRzm50vc90nRGBPmDwkYCCHAWtdf4WRRLl9ir7h/GSfePIG+UIhZdVuiZbkq+RI34PJVrP/3NgDA0tAAt6eMy5e4KSkpaDd7B5IzvkFfJMTeX/uicnnbfIndvN1S6d9CAXDxzP/yJe725X/h0IZLAACBEDj9chX/QSQSdi7u+/cBW1vgxAkwJiZ4cfc1ol7HwszKBLWbVIO+AX0Fk6LlwIED8PHxwaZNm+Du7o6AgAC0bdsWz549g62t/HdLUFAQMjMzpc8/f/6MOnXqoGfPnvlZ7UIjKAiYNAl4//77unLlgN9/ZzvVEEIIKZho9HIiJyHjPfa8HqRwW3XzdmhVdrrWYnf8e6LSbaeartFa3J1Pb2LB3RC59UIAIR1HwdFSO/Pxvk9KQosNgQq3WRsb4eakMVqJCwANJvyOb2KJwm33NkzRWtyW7ZdCouRbp2xpC+zdoZ1j/vz5MwbUW6RwG+/Jd2oq0KsXcO4ccOkSnujbYc2kXXjz5IO0iHkJUwyc1QVew1tCUMDn6tbm6OWrbzfkbfTyKfX+oe92HXN3d0f9+vWxbt06AIBEIoGDgwMmTJiAGTNmqH19QEAA5s6di6ioKJiamnKKWVzO60FBQI8eQM6rtuyvj8OHKfEmhJD8xvUcRH0diYyMjAylCTcAhH8Nxo2YHVqJrSrh5rI9t868faIw4QYACYAWpzbj27dvWomtLOEGgPi0dLTasE0rcX+eqDzhBoC6Y1drJW6vAeuUJtwA8CEqCYeP3tRKbGUJNwAwEsCryjT+gpmYAMePA9ev47lxGfyv4zJEPv0oU+TrlxRsmLYXh9cE8xeXEB3KzMzEnTt34OnpKV0nFArh6emJGzducNpHYGAg+vTpwznhLi7EYraFW1EzSfa6yZOpqzkhhBRUlHQTGUc+qO/WfOfLbt7jvk+K5lTuTdJ79YU0NPmfE2rL9L/0J+9x3X/fqLZMZNJX3uMCQEaW8oQ7W/Ctp7zH/RSXorbMus2XeY870GOe2jJZ39S/J2rFxHy/AhaJgPr1Eeh3CGKxBBIlvzb8sfAovn5R/74UVWIIeVuIbsXFxUEsFsPOzk5mvZ2dHaKj1X/Hh4aG4tGjRxg+fLjKchkZGUhKSpJZirqrV2W7lOfEMMC7d2w5QgghBQ9dpRAZ8ZmvdBJ3bNgSTuXGhS3jPfY3Rn2ydSeO/2Q/Pi2dU7kLT5/zGrfDbG6t5zN3nuE1ri7FRXO7KJ8zdHPug0RHA/XqAUOHAhkZbNyPX3D/76eQqOhV8O1bFq4dv537uIWchBHwtpDCLTAwELVq1UKDBg1UlvP394elpaV0cXBwyKca6k5UFL/lCCGE5C9KukmuJGXE8ro/MXhoZdQiXQ58cPDBY173F5fIrVW1eI32wHpwM5c/OqWnA127sk1R//7LPgfwJSZR7UtFIhE+RyfkLi4hBUipUqUgEokQExMjsz4mJgb29vYqX5uSkoL9+/dj2LBhauP4+voiMTFRurx79y5P9S4MSpfmtxwhhJD8RUk3yRULQxte9ycs4B9FXbah9apdg9f9lbQw4XV/RUn1uo6av4hhgJEj2WS7RAngxAnA0hIAYGWrflAniVgCaztLzeMWERKeupZLCvh3SHFgYGAANzc3hIR8HyNDIpEgJCQEHh4eKl976NAhZGRkYMCAAWrjGBoawsLCQmYp6po0YUcpVzbmokAAODiw5QghhBQ8dJVCZFjrV9BJ3I2u6ke1BYDlrpN4j60vUP/foG6psrzHLWFkyKmcZzV+py07PLMfp3L+3u15jatLJWzNOJVbsmes5jtfsQLYvZu9h/vQIaByZekmm7LWqN2kKoQq5ufW0xehSZf6msctIiSMkLeF6J6Pjw+2bt2KXbt2ITw8HGPGjEFKSgq8vb0BAIMGDYKvr6/c6wIDA9GlSxeULKmdmSIKO5GInRYMkE+8s58HBLDlCCGEFDx0lUJkdC+3QW0ZtxIDeY9bzkJ118NsLhbOvMde6eGltsyfLbglqpoInaw+wStnYc57XFNTUxiI1P/Xb1e/Gu+xrUsYqy0zsC//Cei+mwvUlhHp5aI/w6lTwP/+m188IABo1UquyLD5vSDUE0IoVLz/gTO7wLwEjdRMiobevXtjxYoVmDt3LlxdXREWFobg4GDp4GqRkZGIynHj8bNnz3Dt2jVOXcuLs27d2GnByub4DbhcOZoujBBCCjqap5vIic14gwOvhyrcVtW8NVqXlW+l4Iuu5une/PgGlt6/JLdeAOCiFufpfvL+PTrvOaRwm6WhAW5PUT+afG7pap7u5u2WKt1mW8oUB/eM10pcVfN0QwCceaXhPN1JSYCTE/DlCzBqFLBxo9K+n4//fYGAiTvx7tn3ZMPM0gQDZnZG51GexXqe7t9CW8KIh3m605OzMKfBRfpuL4aK23ldLGZHKY+KYu/hbtKEWrgJIURXuJ6DKOkmSj35EoxrseshkYhR1qQOvMr750vc90nRGB22GAzYpHed63Q4WZTLl9iL71zAqchw6AtF+J9rc7R3dMmXuEsvXMa22/cAAKb6+gibqp3EM6eUlBS0nrUdaZlZ0BcJEejTE7UqlMmX2DmT78vB/8uXuBt/C8KJ7dcAsDnyaU2T7R9duABs2AAcOADo66ssyjAMnt15hajXsTC1NIFrs+owMFT9moJCm0n3/JuevCXdfu4X6Lu9GKLzOiGEEF2hpFsJOjkTQohmKOkmBRmd1wkhhOgK13MQ3dNNCCGaWLQIeM7v3OnFmRiAGAIeFkLyJj4eqFULKFmSfYyP13WNCrfYWKBCBcDMjH2M5XemUUIIKVTy3rxACCHFxYYNwOzZwKpVQEQEO0UYIaTQs7cHfpxePD6eTb7t7IDoaN3Vq7CysgISE78/T0kBbG3Z2RQTEnRVK0II0R1q6SaEEC4uXgQm/jfQ3/TplHDzhKYMI7qWM+H+UUwMu51wlzPh/lFiIrudEEKKG2rpJoQQdSIigB492GGDBwxgk27CCzEjhJiHhJmPfZDiJz5eecKdLSaGLWdtnT91KsxiY5Un3NkSE9lyNjb5UydCCCkI6CqFEEJUSUwEOnVipwZzdwe2blU6NRghpHBp1ozfcsVdgwb8liOEkKKCWroJIUQZsRjo1w8IDwfKlgWOHgWMjHRdqyKFgQAS5P1HDIaHfZDi5+NHfssVd1wHS6NB1QghxQ0l3YQQokxyMtvSbWQEHDsGlC6t6xoVOdS9nOhSmTLcRikvU0b7dSkKbGzYQdO4lCOEkOKErlIIIUQZS0sgJAS4dAmoV0/XtSGE8OzKFX7LFXehofyWI4SQooKSbkIIyenz5+9/GxoCP/+su7oUcRJGwNtCiKasrdlpwVSxs6NB1LiysWF/q1TF0pJaugkhxQ8l3YQQ8qPISKBGDeDXX9l7uolWiSHkbSEkN6KjlSfeNE+35hISlCfeNE83IaS4oqsUQgjJlpICdO7MzhF07hyQnq7rGhFC8kF0NNvBpWZNtlW7Zk32OSXcuZOQAHz6BDg5Aaam7OOnT5RwE0KKLxpIjRBCAEAiAYYMAcLC2L6PJ06wV4tEq/jqGk7dy0leWVsDDx/quhZFh40N8Pq1rmtBCCEFA7V0E0IIAPz2G3D4MKCvDwQFAY6Ouq4RIYQQQggpAqilmxBCDh8G5s1j/964EWjcWKfVKU4kEELCw++/fOyDEEIIIUQbKOnmiMmKAJN2HJB8BoT2EBh3hUDPQetxv4m/IjL5DBIznkEkNEBpk2awMW4AgUC7F5hvEt7C7/kCmXWNSzTCiMpDtRoXAKofnS+3Lryrn9bjno94gbFn/oKYYQAAZvoGONd3IOytrLQaNykpCU3mB0Lyw7qOdatiyYAOWo0LAJ2HbcDnhFTpc309IS4d8NF63P8N34L7oZEy64ZNaY6e3p5ajZuUlIReNiMh/vZ9gLRmzZ0xO3Qd+2TyZGDYMK3WgcgSMwKIeegazsc+CCGEEEK0QedNA+vXr4eTkxOMjIzg7u6OUDWTNwYEBKBq1aowNjaGg4MDpkyZgnQtDnbEMFmQJMwEE9cBSNkGpB0DUjaCifOE5OsyMP8laNrwIfkiTr9tg/txS/D26wm8SjyEa1FjcPF9P6RlxWot7vR7vnIJNwBc+3Idg0O1l5CEfvigMOEG2ET8/IcwrcX+afN6jDp9QppwA0Dyt0w0/CMQ404d11rc0ZuPoFGOhBsATt17hlpTV2st7pcvX9C4+wqZhBsAvmVJ0Lj7Cpy5rL0bG9vVni2XcANA4OrLaFd7ttbiBozbgu5Ww2QSbgC4cvklfkupCXTtCixfrrX4hBBCCCGkeNJp0n3gwAH4+PjAz88Pd+/eRZ06ddC2bVt8+vRJYfl9+/ZhxowZ8PPzQ3h4OAIDA3HgwAHMnDlTa3Vkvq4A0o/890wMIOu/R4ZNwlMDtRI3Pv0hQmN+hZjJAMCAQRYYsMlCUmYErkeNA8PwP53Ro4QniPmm+P3PNjR0JO9xAWBw6DaV2yeGaif57X5gLxIylP9wc+ZlBMKiPvIeNykpCdefyyefP3KdFsB7XADwGq76c7to7VmtxOWSVA9st0wrsU9tPK90298CB7Q+KgT0qPNPfqN5ugkhhBBS1Ok06V61ahVGjBgBb29vuLi4YNOmTTAxMcH27dsVlv/nn3/QqFEj9OvXD05OTmjTpg369u2rtnU8txhJApC6G4Dy1mwmeTMYJpP32M++7AAgUBibgRhJmS8QnfoP73GXP1+ptowY/Cf7Y6/u5VSu6/n1vMe+F6N+TpjeRw7wHrfxfPU/2Ii10JPi1t1XnMoNmbKD99hcxH5M4n2fv5j2l13BMOjLhKMkk/Z9nYCSNl1gGCEkPCwMo/OOW4QQQgghCunsKiUzMxN37tyBp+f3eziFQiE8PT1x48YNha9p2LAh7ty5I02yX716hdOnT6NDB+X3vmZkZCApKUlm4SzjGoBvqsswiUDmHe775IBhxIhOvSJt2VZEABE+plzkNa4mEniebPNSXASnck+T43iNy9U3Sc4O4HnHNZ3eFcLvj0pTFgVxKhcR+ZnXuLqUkSb7w1gPvMBQPMYaXIQhkyVdP7nprPyuGiGEEEIIKeJ01pcyLi4OYrEYdnZ2Muvt7Ozw9OlTha/p168f4uLi0LhxYzAMg6ysLIwePVpl93J/f3/Mn6/4PmG1mFT1ZQCA4feecgnzDYzcXb45QoKBmOe4mkhAAqxgpbP4xcmjDzG6rkKR0oCJwnA8AAAcQhVkCL5/Dca9j9dVtYotMQQQg4eB1HjYByGFgVgMXL0KREUBpUsDTZoAIpGua1V4JSYCHTsCkZFA+fLAqVOApaWua0UIKWoKVX+8y5cvY/HixdiwYQPu3r2LoKAgnDp1Cr/99pvS1/j6+iIxMVG6vHv3jntAvSocyzlz3ycHQoEhjEV2astZGPAbVxNOVk46i13cTGrfjNf9lbUvvlcT5ZkkzMRNiACcRgUcQyWZ7QPm9NBNxQghhIOgIMDJCWjRAujXj310cmLXE81VqgRYWQHXrwPv3rGPVlbsekII4ZPOku5SpUpBJBIhJka2FS8mJgb29vYKXzNnzhwMHDgQw4cPR61atdC1a1csXrwY/v7+kCjp/mtoaAgLCwuZhTP9OoCoMpS/TSLAoCEEeuW575MDgUAAZ8u+gIqWGwEAR/POvMYFgJJ61rzvkwuuU4JpY+owEYd7eRuWK8d73FY1K3IqV85Gg88sBwfWj+BU7q9tRWfqrMELe8GcycACXIcpsvAApbAWdeXu427n3UpHNSy+JAxfg6np+kgI0a6gIKBHD+D9e9n1Hz6w6ynx1kylSsDLl4q3vXxJiTchhF86S7oNDAzg5uaGkJAQ6TqJRIKQkBB4eHgofE1qaiqEQtkqi/7rU6WNqbsEAgEEVssAgRGAnH23RIDAAgIL+am1+OBs2QcljVwh/0/EPne1mQljPRve4676Sf2USaOduCVthcX5garnHhcA2NOtN+9xA7zV/2gyrUMj3uMCQEkrE7VlSpQowXvcmQFD1JYJfrCQ97gDfu2COfgXZZGCKJhgATyQlWOu+3ZDm/Mel6jHxyBq2QshRZVYDEyaBCi61MleN3kyW46ol5ioPOHO9vIlW44QQvig06sUHx8fbN26Fbt27UJ4eDjGjBmDlJQUeHt7AwAGDRoEX19faXkvLy9s3LgR+/fvx+vXr3H+/HnMmTMHXl5e0uSbbwL9GhCUDAKMfsH3W+ANAeOeEJQ6ynsrdzaR0BCNS2+Ei/VoGIpKSteXMnJFw9LrUMGiu1biAsCuBspH1fZ2GAQP25+1Eje8q5/KD6Q2WrkBwMnKCuf6D1LYr8BYTw8vJ07VSlwAeLhyitL+DBPa/IzBrRpoJe7xwLFKu5nr6wlx7cg0rcRt2rKSysR743Etta7Hx6NuLXukQQ9+aIhEgaHM5o5jWmPqtnHaiU0IIXl09ap8C/ePGIbtHn31av7VqTDr2JHfcoQQoo5OJ6Xt3bs3YmNjMXfuXERHR8PV1RXBwcHSwdUiIyNlWrZnz54NgUCA2bNn48OHD7CxsYGXlxcWLVqk1XoK9CpCYLUcDLMQkCQDQnMIBAZajQmwiXe1EiNQ1WoYMiWJEAoMoC801Xpc4HvivfXFdsRmxKJfuT5wsnLUetzH/yXWv9+/gH1vbqFzuVqY6faL1uNWKmmDlxOnIj09HVvD7sLe3Bw9a9TSelwAeLByCgBg3emrePohDmPb14eLFrqz55Tdzfzvf59h5+EbaNO4Gvp00c4PKj9q2rISmj5YiNevX8On3x/QN9DDwStaHjXczg64fh3GDx9iS8OGOLjqBO6df4ARKwejoouDdmMTlSQQQMLDIGi53cf69euxfPlyREdHo06dOli7di0aNFD+Y1dCQgJmzZqFoKAgxMfHw9HREQEBASpn0SAkr6Ki+C1X3EVG8luOEELUETDa6JddgCUlJcHS0hKJiYma3d9NCCl8EhNpGFoeaON7M3uf/S72g4FZ3n/EzEzOxL6W+zSq44EDBzBo0CBs2rQJ7u7uCAgIwKFDh/Ds2TPY2trKx8jMRKNGjWBra4uZM2eibNmyePv2LaysrFCnTp08HwPJneJwXr98mR00TZ1Ll4DmzbVdm8KvcWN20DR1GjUCrl3Tfn0IIYUX13MQ3QRHCCmaXr0CKlcGli5VfCMkKfZWrVqFESNGwNvbGy4uLti0aRNMTEywfft2heW3b9+O+Ph4HDt2DI0aNYKTkxOaNWtGCTfRuiZNgHLl5MZ+lBIIAAcHthxR79QpfssRQog6lHQTQoqepCSgUycgNhY4cgTIzNR1jYgSfA+klpSUJLNkZGQojJuZmYk7d+7A09NTuk4oFMLT0xM3btxQ+JoTJ07Aw8MD48aNg52dHWrWrInFixdDTKNXES0TiYDff2f/zpl4Zz8PCKD5urmytASc1cy66uxMHaUIIfyhpJsQUrSIxUD//sDjx0CZMsCxY4ChodqXEd2QgI/pwr7fF+7g4ABLS0vp4u/vrzBuXFwcxGKxdAyRbHZ2doiOjlb4mlevXuHw4cMQi8U4ffo05syZg5UrV2LhQv5H3Cckp27dgMOHgbJlZdeXK8eu79ZNN/UqrCIilCfezs7sdkII4YtOB1IjhBDezZoFnDwJGBmxCXeZMrquEclH7969k7mnypDHH1wkEglsbW2xZcsWiEQiuLm54cOHD1i+fDn8/LQzuwIhP+rWDejcmR2lPCoKKF2a7VJOLdy5ExHBDv3RsSM7aFr58myXcmrhJoTwjZJuQkjRsWcPew83AAQGAvXr67Y+RC2Gp9HLmf/2YWFhwWkwrVKlSkEkEiEmJkZmfUxMDOzt7RW+pnTp0tDX15eZorJ69eqIjo5GZmYmDAy0P6sFISIRDZbGJ0tLGiyNEKJ91L2cEFI0vHkDDB/O/j1zJtCvn06rQwo2AwMDuLm5ISQkRLpOIpEgJCQEHh4eCl/TqFEjREREQCKRSNc9f/4cpUuXpoSbEEIIIUpR0k0IKRqcnNiRhHr0AH77Tde1IRzxcj/3f4umfHx8sHXrVuzatQvh4eEYM2YMUlJS4O3tDQAYNGgQfH19peXHjBmD+Ph4TJo0Cc+fP8epU6ewePFijBs3jrf3gxBCCCFFDyXdhJCiY/Ro4OBBQEhfbYUF36OXa6J3795YsWIF5s6dC1dXV4SFhSE4OFg6uFpkZCSioqKk5R0cHHD27FncunULtWvXxsSJEzFp0iTMmDGDt/ejKFi/fj2cnJxgZGQEd3d3hIaGqiyfkJCAcePGoXTp0jA0NESVKlVw+vTpfKrtd7GxQIUKgJkZ+xgbm+9VKFLCwtiR1bOXsDBd14gQQnSH7ukmhBReDMPewz1yJGBtza5TNpEtIQqMHz8e48ePV7jt8uXLcus8PDzw77//arlWhdeBAwfg4+ODTZs2wd3dHQEBAWjbti2ePXsGW1tbufKZmZlo3bo1bG1tcfjwYZQtWxZv376FlZVVvtbbyoodUCtbSgpga8ve75uQkK9VKRIUfQ3Xrcs+Mkz+1oUQQgoCag4ihBReCxcCvr5A48bAt2+6rg3JBV12Lyf8W7VqFUaMGAFvb2+4uLhg06ZNMDExwfbt2xWW3759O+Lj43Hs2DE0atQITk5OaNasGerUqZNvdc6ZcP8oMZHdTrhT97sn/S5KCCmOKOkmhBROQUHA3Lns31OmAPr6uq0PyRXJf6OX87EQ3crMzMSdO3fg6ekpXScUCuHp6YkbN24ofM2JEyfg4eGBcePGwc7ODjVr1sTixYshFovzpc6xscoT7myJidTVnCuuXcipqzkhpLih7uWEkMInLAwYOJD9e+JEYMQInVaHEALExcVBLBZL74nPZmdnh6dPnyp8zatXr3Dx4kX0798fp0+fRkREBMaOHYtv374pnfs8IyMDGRkZ0udJSUm5rnODBtzLvX6d6zDFRnYXci7lqJs5IaQ4oaSbEFK4fPoEdO4MpKYCrVsDK1fqukYkD/jqGk7dywsniUQCW1tbbNmyBSKRCG5ubvjw4QOWL1+uNOn29/fH/PnzeYnPtQWbWroJIYTkBXUvJ4QUHhkZQLduQGQkULkycOAAoEe/HRZmdE930VGqVCmIRCLExMTIrI+JiYG9vb3C15QuXRpVqlSBSCSSrqtevTqio6ORmZmp8DW+vr5ITEyULu/evct1nW1s+C1HCCGEKEJXqxxkZsXidfw8fEm7BAkyIRQYoaRJO1Sw9oOe0FxrcRmGwfPkB7gedw4f0l5BT2CAWpYN0KhUW5QwKKW1uADQ5MxcpCNLbv2t9ou1Grfjge14nPhZbr2DsRmuDhyj1di15gRAnKO/m62ZCS7PGKXVuMP89uLRK9mLVAGA8xtGwNxce5+v26ERmDnpT7n1fb0bwXtkS63FBYB2lkMVrg9OVDzYklRUFPDhAzuk8IkTQIkSGsW9cf4BVk7bj5SkdOm6KrUdsPTAGBgZGWm0L0KILAMDA7i5uSEkJARdunQBwLZkh4SEKB0hvlGjRti3bx8kEgmE/0319/z5c5QuXRoGBgYKX2NoaAhDQ0Ne6hwayo5SzqUcUe/ePW5dzO/d035dCCGkIKGWbjVSMp/izofG+Jx2BhKkA5BAwqQiNiUIt9//jIysKLX7yA2GYXD84y5sfbUYT5PuIvFbPD5nRuPv2JNY9tQHr5LDtRIXAOqfmakw4c7eFqulfnYuW1YoTLgB4F1aMipuWa6VuADgMnu1XMINAJ+SU+Eye7XW4jYdGiCXcAMAA8Bz7FZ8/fpVK3GPHrihMOEGgD93XMfkUTu0EhdQnnCr2wYAcHJir35PnwaqVdMobuCSv7Bg5E6ZhBsAnj94h241ZiE5OV3JK4k2UUt30eLj44OtW7di165dCA8Px5gxY5CSkgJvb28AwKBBg+Dr6ystP2bMGMTHx2PSpEl4/vw5Tp06hcWLF2PcuHH5Ul8bG/Y3PFUsLamlmytXV37LEUJIUUFJtxqPY/qDgeKpiCRMGh5F99NK3HsJ13Et7gwbB5LvMSFBFpOJ7a+XIUPMf5Iw7NpGtWU63NZOEpoK1aOqSFRuzT0uSfXInUd4j3v62iNkfFN9VJ5jt/IeFwA2BlxQuf3Jg/daias2qVZWJjn5+982NkDDhhrFTU5Ox+HNl5RuZyQMhjdbpNE+CSHyevfujRUrVmDu3LlwdXVFWFgYgoODpYOrRUZGIirq+4/VDg4OOHv2LG7duoXatWtj4sSJmDRpEmbMmJFvdU5IUJ540zzdmlM3QBoNoEYIKY4o6VbhS9pVZEm+qCyTIX6L1MxXvMe+EnsSAiVT4DBgkC5Jxd2Eq7zHffA19/fG5YUTx1ZsruX4di0ikvd9zt98jlM5vlu7t60/z6lcj/YreI2ba0+fAhUrAoGBud6Fn7f6Hy8S41OotVsHqKW76Bk/fjzevn2LjIwM3Lx5E+7u7tJtly9fxs6dO2XKe3h44N9//0V6ejpevnyJmTNnytzjnR8SEtgxGp2cAFNT9vHTJ0q4c4th5LuQ37tHCTchpPiipFuFzymnuJVL/YvXuFmSLHxIew1GRcuvAEK8TlY8BUt+eBKrnW71RN7Gw4rnt82toAO3OJVLSkjjNW6uxMcDXl7s0ME7dgC5nLv35WNuLfcXg27nav8k9xjwM1c3XcuTvLKxYacFS05mH6lLed64urJJdvZCXcoJIcUZJd0qcW050VELi4BadooDEd+jcxeWj01WFtC7NxARAZQvDwQFAblu/eJ20EL6RiSEEEIIITyjS0wVbEy78lqOKz2hHsqbVFbavRwAGEhQybQGr3E14WJTmtf90QdRuakD+R1JfMiIppzKlbLR3sjpnPj4ABcusH09T5zgNsSwEtXrludUzrNHvVzHILlD3csJ0UxmJhAQAEyYwD4qmVmNcPTkCft7rkDAPj55ousaEUKKIsp1VLA0bgB9oer+ZcZ6lWGk78B77OY2Xkq7lwsggInIHK4lNBtMioum1pV53ycXr0b+yqncG47lNMHlUr19jUq8x101tRPv++Si14DGnMrtOzFZuxVRRgBg61Zg7Vr2+e7dQJ06edqlX6D6Adys7Sxo2jAdoKSbEO6mTwdMTIApU4B169hHExN2PdGcQADUqAFI/hvTVCJhn1NHQkII3yjpVqOm/UEIoPhCXCSwQA07xdMu5VVtK3d42nUHAAh/+GcSQABDoTFGVPSFgZCfeUp/tNLdW20Zbc3VbW9orHK7uUA7A+s8XjhF5XaRQICVfb14j9vItRLMTRTPQ5vtwoYRvMcFgPlLe6rc3rB5Fa3EVTsPN4Dgaz7A2LHsk4ULga5570liZGSEIb92VLpdpCdE4OX8Gy2ZEEI0NX06sHy5/NAWYjG7nhJvzahLrCnxJoTwScAwxWssyaSkJFhaWiIxMREWFhacXpMl+Yo3X/zxOeU0JEwaREIz2Jh2g6PVVAiF2m0Ze5vyHP98Pof3qa+gLzRELcsGaGDdEub6aiYWzaP2FxYj7luy3HptJdzZfC+exJ8R8nOQd3SoiPXtu2s19k/z1iA9S/ZqpnrpUjgybqBW485Z9xfO3Xwhs05PJMT1nZO1GjfyVTRGDNgqN5rstDm/oE2HulqNrWzqsODE7eyIO4sWsX389u7l9con/O4bLByzE/GfkgAAAqEAbk2qwm/bUOjxfe98EZKb702u+2z611jomeb9B8SslAz87bWB1zqSwkEbn8+CJjOTbdFWNZakSASkpgIGqn/LJWBPLzU43KH3+DHg4qL9+hBCCi+u5yBKugkhBRPDUFNDAUFJNynIisN5PSCA7UquzurVwOTJ2q5N4ScSfe9SropQmOtJMwghxQTXcxB1LyeE6J5EAqxcCaSkfF9HCXexQPd0E6Ley5f8livuuCTcmpQjhBB1KOkmhOje7NnAtGlA69Z0lVPMMIyAt4WQosrZmd9yxR3X6SFpGklCCF/o64QQolv79gH+/uzf48bRVQ4hhOQwdizbJVoVkej7GJREtYcP+S1HCCHq0NUtIUR3QkOBof8Nqva//wH9++u2PiTfSSDgbSGkqDIwAHx8VJfx8aFB1LjiOjgaDaJGCOELDddLCNGNDx+ALl2AjAzAy4sdsZwUO3zdj033dJOibtky9nHVKtnBvUQiNuHO3k64UTdWZ/EaZpgQom3U0k0IyX9paWzCHRXFztuyd6/6vpOEEFLMLVvGTgu2ejUwfjz7mJpKCXduMQw7LVj2XU1CIfucEm5CCN+opZsQkv9evwYiI4GSJYETJwBzc13XiOgIX4Og0UBqpLgwMKBpwfjk4kLTghFCtI+SbkJI/nNxAW7dYruYV6yo69oQHaLu5YQQQggp6ijpJoTkn7Q0wNiY/bt8eXYhhBBCCCGkCKN7ugkh+ePBA6BCBeDYMV3XhBQgNE83IYQQQoo6SroJIdr36RPQqRMQEwNs2ECj1BBCCCGEkGKDupdzEJ/+BoffTkAmkyJdZyy0Qm+nbTAzsNZq7LNRN3Aw8hziMhMhEgjgYlERI5y7wdG0tFbjNju6Du/SkuTWv+o3U6txF54+j10PHsmt71q1EpZ19dJq7IaT1yItM0tmXY3yNtgzY4BW4873P45LV57KrNMTCXHh1K9ajRvzIR7DW/ojK/P7CDICATAvcBgatKjBX6DMTKBHD+DtW6BSJWD/fnQoORwSsWzibWiqj+MfN/MXV4HTx+/g96WnZXJ+CysT7Dk6DkZGRlqNTRRjeLqnm1q6CSGEEFJQUUu3GuEJ57DvzVCZhBsA0iQJ2PmqBz4mP9Za7P+F/Y41L/5EdMZnZDFZyJB8w72EZxh7xx8hMaFai1tx32KFCXf2Nm1ptWGrwoQbAI4+i0CD1eu1Frvu2NVyCTcAPI6MRb1xAVqL27F7gFzCDQBZYgmat1uKr1+/aiXuw1sRGNJ4oUzCDbAN0H5DA7Fl0XF+AjEMMG4ccPUqYGEBnDiBdhWmySXcAJCR8g3tLIfyE1eBGZP2IGDJablG9qSEVHRqsRwJCelai02UY8B+TPK86PpACCGEEEKUoKRbjZDoJSq3B72foJW4ga+O41HSS6XbVz/bg8TMZN7jjrl0SG0ZbSXekUmqj+dLRqZW4v40drXK7WKGwf+2/sV73Bs3nyMlJUNlGa+eG3iPCwDTe6ne79FtV/gJtHYtsG0bO/np/v1o9/NytS/p4Tien9g/SEhIx93Q1yrL9O6wgve4hBBCCCGEUNKtwpWoNZzKPUu4yHvs0x+vqdzOANj++hjvcc9GveB9n1y4LFGd+GarzLGcJri0kJ27F8F7XF+/o7zvk4sLQdx6SUz4JY9J6M2bwJQp7N/LlgHt23N6WXJCat7iKjC0p/r/ywzDUGu3Dkgg4G0hJC/i44FatYCSJdnH+Hhd16hwu3KFvWUpe7nC02+5xVViItC4MTvpR+PG7HNCSOFBSbcKz5LOcSr3b9w2XuOmZqUjXaK6BRQAHibwnwhy9TQujtf9feN1b0XL2k3cPodcbfmNW9fxl08+5i2QmxswYQIwZAjg45O3feVRcrL6/08AsH7FKS3XhOREo5eTgsDenk22Hz1ik+1Hj9jn9va6rlnhJBAAzZvLrmvenF1PNFepEmBlBVy/Drx7xz5aWbHrCSGFAw2kpoKE412CjI7uJqR7GIuHb5kSXvcnkXD9XOeRnh4QEACIxYXmSktCo6oTUuzY27MTKygSE8Nuj47O3zoVZuq+7gUCmsBCE5UqAS+V3G348iW7PUJ3bTCEEI6opVuFSubNOJWrZ83v6NYmekYwEOqrLVfdwonXuJqoVqqUzmIXNyO8G/G6vwGT23Iq5+Bsq/nOs7LY+7i//dB3QSTSfD88MzZW//8JAEZN8NRyTUhOkv9GL+djIURT8fHKE+5sMTHU1Zwrrl3Iqas5N4mJyhPubC9fUldzQgoDSrpV8CwznVO5mtYd+Y9t10BtmeHO3XiP616yLO/75OLFjCm8luNbgyrleN+n77QOnMqZm5vzGreLN7cfk7acn6H5zqdNAyZOBLp0yXVThgHHBFkTW/eNVltGIABs7a14j00IKbiacfs65FyuuMvZpTyv5Yq7jhwvL7mWI4ToDiXdaniUHKVye8cyi7QSd4xzTziZlFG6fVTF7rA2sOA97p9tB6stE9pmJO9xAcBCX/XdDgZaiQrc26A+kd88uSfvcdt61oK+vur/gn8dGst7XACYsba/yu1NO7pqvtPAQOD339m/vb0V9jEMTtyudjcnovmfq9vW3gqVq6m+OXN3kHZmIiCq8TJdGEPdVUnufOQ4dAXXcoTwKTKS33KEEN2hpFsNN5ve+KXsEggh2/qmJzBGL4ctqGDhoZW4QqEQa3+ajoGOHWGlbw4BBBBBiCpmjlheZzI6ldPez+6v+s2EqVBxAvyq30yU0lLX8jtTJ+AnO8VdmiuVsMRjLbZy39swBSIFSWIpC2NOSXlunf/rV1SprPiY/zo0lvdW7mzNfnFDwLFJEAjlj3nU3M7wXTdIsx1euwaMGcP+PX8+0KOH0qLKEm+BkFtSnlvrd4xAj37ucusNDPVw8Myv1MqtIzSQGtGlMsp/285VOUL4VL48v+UIIbojYJji1T6QlJQES0tLJCYmwsKC/5ZiQoqdN2+ABg2A2FigZ0/gwIFCM3Aa4UYb35vZ+3TZPx0iE8M870+cmoEnfZbRd3sxlJfPZ3w8O0q5Op8/A9bWuaxgMXLlCreu45cvU5d9LhIT2VHK1UlIACwttV0bQogiXM9B1NJNCMm95GSgc2c24f7pJ2DnTkq4iUaopZvokrU1YGenuoydHSXcXNE98vyytAScnVWXcXamhJuQwoCSbkJI7j15wrZ029kBx44BJia6rhEpZHQ9evn69evh5OQEIyMjuLu7IzQ0VGnZnTt3QiAQyCxGRka5PXRSQERHK0+87exoujBNqes/Wbz6V+ZdRITyxNvZmaYLI6SwoKSbEJJ7DRoA//4LnDgBODjoujaEaOTAgQPw8fGBn58f7t69izp16qBt27b49OmT0tdYWFggKipKurx9+zYfa0y0JTqa7UJesybbql2zJvucEu7cYRi2C/mPLl+mhDu3IiLYLuSNGrGn2kaN2OeUcBNSeKgeLpoQQhTJyAAM/7sPt3p13daFFGp8jTyem32sWrUKI0aMgLe3NwBg06ZNOHXqFLZv344ZMxRPmScQCGBvr3okfFI4WVsDDx/quhZFR7NmlGTzydKSHbOUEFI4UUs3IUQzt28DlSrJN2MQkgts0s3HPd2axc3MzMSdO3fg6ekpXScUCuHp6YkbN24ofV1ycjIcHR3h4OCAzp074/Hjx7k9dEIIIYQUE5R0E0K4+/iRHTjt/fvvc3ITUoAkJSXJLBkZGQrLxcXFQSwWwy7Hzbx2dnaIVtKnuGrVqti+fTuOHz+OPXv2QCKRoGHDhnj//j3vx0EIIYSQooOSbkIIN2lpQNeubOLt4gLs2qXrGpEigO/Ryx0cHGBpaSld/P39eaurh4cHBg0aBFdXVzRr1gxBQUGwsbHB5s2beYtRFNDgdNqVlgaMHw+0bcs+pqXpukaF29Gj7KQb2cvRo7quESGkKKJ7ugkh6jEMMGIEEBrK3vh44gRAcyGTAujdu3cy82QaGiqeA7xUqVIQiUSIiYmRWR8TE8P5nm19fX3UrVsXETSakVT24HSbNm2Cu7s7AgIC0LZtWzx79gy2trYKX2NhYYFnz55Jnwto2kGlunQBjh///vzcOWD9erYD0rFjuqpV4aXoo9atG/tI96MTQvhELd2EEPWWLgX27gX09IDDh9VPHEoIRwyPC8AmcD8uypJuAwMDuLm5ISQkRLpOIpEgJCQEHh4enOouFovx8OFDlC5dWm3Zb9++QU9PD48ePeK07/ygjTr9ODidi4sLNm3aBBMTE2zfvl3pa7IHp8tecnb5J6ycCfePjh9ntxPu1P22Q7/9EEL4REk3IUS1ixeBmTPZv9esAVq00G19SJHCd/dyTfj4+GDr1q3YtWsXwsPDMWbMGKSkpEhHMx80aBB8fX2l5RcsWIBz587h1atXuHv3LgYMGIC3b99i+PDhamPp6+ujfPnyEIvFGtdTW/iuEw1Opz1pacoT7mzHj1NXc664diGnruaEEL5Q0k0IUc3DA+jXDxg7FhgzRte1IYQ3vXv3xooVKzB37ly4uroiLCwMwcHB0pbWyMhIREVFSct/+fIFI0aMQPXq1dGhQwckJSXhn3/+gYuLC6d4s2bNwsyZMxEfH6+V48kNPuuUX4PTZWRkyA2YV9T9+iu/5Yq77C7kfJUjhBB16J5uQohqxsbA7t1AAWqhI0XIj33D87qfXBg/fjzGjx+vcNvlHNPirV69GqtXr85dIADr1q1DREQEypQpA0dHR5iamspsv3v3bq73XVjr5OHhIdOdv2HDhqhevTo2b96M3377TeFr/P39MX/+fK3Wq6B58YLfcoQQQvIXJd2EEHmZmezo5MOGAUIhe3ObHn1dEC3IZddwRfsp6LoUwJtu+axTfg1O5+vrCx8fH+nzpKQkODg45K7ShUTlyuygaVzKEUIIKXjoKpoQIothgAkTgC1bgGvXaGowQnji5+en6yrI4bNOPw5Ol53MZw9Op6w3QU7Zg9N16NBBaRlDQ0OlA+QVVcuXs6OUcylH1AsK4tZ1PChI+3UhhBQPlHRr4E3SWzxMeoK6FrVQzqJcvsXNFIvxNCEKloYmcDSzzre4ANB6ZyBiU1OxpmMnNHV0zLe4Cw+ewYnbz9GqZgX4D+qUb3GTkpKwZGMIbEuaY/JwT/Uv4NGNi4/x8nk0funzM6ysTNW/gCfvX37E9SOhqNOiBqrVr8xe2W3ZwrZu9+6ttbiZmZn4++wjmJgYomGrGlqLo8jbD58RFZOImtXLwMyY5gTWJYbhZ2qewjS9z507dxAeHg4AqFGjBurWravjGvFXJx8fHwwePBj16tVDgwYNEBAQIDc4XdmyZaXzpy9YsAA///wzKlWqhISEBCxfvpzz4HTFibExOy2YqsHUOndmyxH1unbltxwhhKij86R7/fr1WL58OaKjo1GnTh2sXbsWDRo0UFo+ISEBs2bNQlBQEOLj4+Ho6IiAgACVv4rnVcCzdbiTECZ9fvDDEQCAp00LDK7YX2txY9OS0f/v7XiX+kW6TggBOjnUgn897Z4JKv6+Sub5kGPsMQ+p7oK5bdppLW4tH9n7JU+GvcTJMHbdw1VTtBb3VthrTFlwRGbd4dNhAIBrQdO0FhcAejdbhMT4VOnzPesvAgAWbBiEBk2qai3u9pn78OcS2aFZ6zIx8BdchwhgpwnTwv+r5OQ09Gu+BJkZWTLrzS2NsffidBgYGPAeM9uC30/h3N/hMuuMjfSxem5P1KxaRmtxiXK5HXlc0X4Kuk+fPqFPnz64fPkyrKysALDntBYtWmD//v2wsbEp9HXq3bs3YmNjMXfuXERHR8PV1VVucDqh8PsYrtmD00VHR6NEiRJwc3PTaHC64uTYMeXThtE83ZpjGNXTghWmH/IIIQWfgGF097Vy4MABDBo0CJs2bYK7uzsCAgJw6NAhPHv2DLa2tnLlMzMz0ahRI9ja2mLmzJkoW7Ys3r59CysrK9SpU4dTzKSkJFhaWiIxMREWFhZqy/s9XIRXqa+Vbne3ro/xlUdxiq2J2LRkNA9eBYmS0YFqlyiLA8210xKQM+HOSVuJd86EWxFtJN6PnrzH6Nn7VZbRVuL9y09zkfVN+QBl2kq8A8ZuwalN52XWlWW+Yi0uwhzfcMOqOjziH/M+UWlychp6eCxUul0gBM7cX8RrzGyjfffi0fMopdvXL+yDOtXzrwdLYaLp96Ym+3TaPhtCk7z3NpCkpuPN0IW81pFvvXv3xqtXr/DHH3+gevXqAIAnT55g8ODBqFSpEv7880+qUy5o4/NZkKWlsaOUv3jB3sO9fDm1cOfF0aOyXc2DgqiFmxDCHddzUJ6nDBOLxQgLC8OXL1/UF85h1apVGDFiBLy9veHi4oJNmzbBxMQE27dvV1h++/btiI+Px7Fjx9CoUSM4OTmhWbNmnBNuTWVkZKhMuAHgZvwtrcQecn2X0oQbAB58+YDrMS95j6su4QaAneFPeI+rS+oSbgDoPIzDzXQaOrDtksqEGwDmjv2D97gA5BJuUyYTC/APzPENT2CN3xKqISMzk/e4w39R/cMKIwGme2/lPe7bD59VJtwA4LPgEO9xCQeMgL+lgAsODsaGDRukyS0AuLi4YP369Thz5gzViXBibAysWwecPcs+UsKdN127fr/NhWEo4SaEaIfGSffkyZMRGBgIgE24mzVrhp9++gkODg5y06uokpmZiTt37sDT8/t9s0KhEJ6enrhx44bC15w4cQIeHh4YN24c7OzsULNmTSxevBhiLU1lNC98MadyG19s4zWuWCzGq69xasvNDzvFa1xd4tLKrUk5vn3+ksb7PneuucCpXEJCCq9xt8zYI7euCr7AHin4BGPMQ0N8E4gwtNpkXuMCQMJn9cfy4PYb3uP+b/FRtWUyMsWIikngPTYh2SQSCfT19eXW6+vrQyKR6KBGBbNOhBBCSFGjcdJ9+PBhacvyX3/9hdevX+Pp06eYMmUKZs2axXk/cXFxEIvF0vu8stnZ2SE6Olrha169eoXDhw9DLBbj9OnTmDNnDlauXImFC5V3V83IyEBSUpLMwlV0Zoz6QgAeJD7kvE8uYjOTOZWLy+BWThuOPXqgs9hFBdcbO84fu8Nr3Ev7rsmtuyeww1Q0gx8a4ouA7eob9yGe17i6FBvP7f/K36HKpyki2vFjC1Nel4KuZcuWmDRpEj5+/Chd9+HDB0yZMgWtWrWiOulYYiLQuDFQvjz7mJio6xoVbteusXcoZS/X5E89RAP0+SSkcNM46Y6Li5POt3n69Gn07NkTVapUwdChQ/HwIb/JZ04SiQS2trbYsmUL3Nzc0Lt3b8yaNQubNm1S+hp/f39YWlpKF03m8hSxw0mpZSDkd+oSSwNufcVEgjzfHZBrdc0tdRa7uHF0tlNfSANmlt8/XyLme0vWU0FJRAhKfN8m0t3ni29cj8WmpLmWa0LkMDwuBdy6deuQlJQEJycnODs7w9nZGRUqVEBSUhLWrl1LddKhSpUAKyvg+nXg3Tv20cqKXU80JxAATZrIrmvShPdhQooN+nwSUvhpfFVtZ2eHJ0+eQCwWIzg4GK1btwYApKamQiTilqQCQKlSpSASiRATI9uaHBMTI03qcypdujSqVKkiE6d69eqIjo5GppL7T319fZGYmChd3r17x7mOfRy6cyo3pdI4zvvkwlhkAAOB+veyqb3uvm0deZ4+rK6j/MB5ipSzMuM1ri5ZWptwKsf3QGqLz8wEANRg4hCIc3BmFI/H0Ht6Z17jAtwuuAwM+J9UoW3T6uoLAWjZUHujxRPi4OCAu3fv4tSpU5g8eTImT56M06dP4+7duyhXTjeD+BXEOuW3SpWAl0qGSHn5khIbTan7nqfEWzP0+SSkaNA46fb29kavXr1Qs2ZNCAQC6T3ZN2/eRLVq1Tjvx8DAAG5ubggJCZGuk0gkCAkJgYeHh8LXNGrUCBERETL3mT1//hylS5dWOs2QoaEhLCwsZBauPEu3VFtGAAGcLPifv3pIZcXvwY8W/sT//NWzflYfVxv+mMRt6rUzc0fwHtvMWP5+xpz8JvM/Wvuus1PVlilRiv8fGWzK2cBelAY/3EBZJKMHXigsN3h+H95jd+qn/vM1axX/caeObK22TK2qZXmPS9TLnjKMj6Ug+/btG/T09PD48WO0bt0aEyZMwIQJE2TGNaE65b/EROUJTbaXL6krL1dcu5BTV3Nu6PNJSNGhcdI9b948bNu2DSNHjsT169dhaMh2rRaJRJgxY4ZG+/Lx8cHWrVuxa9cuhIeHY8yYMUhJSYG3tzcAYNCgQfD19ZWWHzNmDOLj4zFp0iQ8f/4cp06dwuLFizFuHL8tzT9a5eqvcvtW13VaiTulRiu0tFfc6iYAsK3hABiL+J/PeJi7h9oPxatJPrzHBYC1I1UPGbqoq3buLwzeO0nl9jJ2FmjdtCbvcY2MjNBvZHOl2/X0Rfjzkq/S7bmWnIxdLu9QAhmIgBV+x09yRbY+Uj+KfW6MmfELKtVQPh920/a14N6MW6u0pjYt7qd0m72NBTYu7quVuISDYtC1XF9fH+XLl9fawJ+5URDrlN86duS3XHGXs0t5XssVd/T5JKToyNM83enp6TAyytv8quvWrcPy5csRHR0NV1dXrFmzBu7u7gCA5s2bw8nJCTt37pSWv3HjBqZMmYKwsDCULVsWw4YNw//+9z/OXdtzO5/nsier8PDr96myGlr/jDGVtTNP9o9eJH7C9DtH8T7lC/QEQrQsUxV+dX6BgQZd+XPj77dvMeTYEZl1jubmuDSU/5bmnBSNUK6N+blz2rr3b+w6EiqzbkdAH1Qur90ulunp6RjSbpV0ZG+BABg5rT26DmrMfzCJBOjZk52I1NYWWz0n4dCBMDAS9mugVpNqWHXlN/7j5vD80XvMGLEdqckZAACrkqYI2Dca9mWstRo3KysLC9cG42roC4jFDMxMDfG/Ma3RpEEVrcYt7LQ5T3f5LXMhNOZhnu60dESOXFCg52oODAxEUFAQdu/eDWtr7X7WuSqIddJUXj6f5cuz98iq4+AAREbmsoLFiCZdxwvD4Ie6Rp9PQgo+rucgjZNusViMxYsXY9OmTYiJicHz589RsWJFzJkzB05OThg2bFieK69N2rh4JKTQ8PMDFiwADAyAS5eAhg11XSNSCGgz6XbY7Mdb0v1u1PwC/d1et25dRERE4Nu3b3B0dISpqanM9rt371KdciEvn8/GjdlBqdRp1Ii6RHNBSTe/6PNJSMHH9Ryk8YhFixYtwq5du7Bs2TKMGPG91bNmzZoICAgo8Ek3IcXWX3+xCTcAbN5MCTch+axLly66roKcglin/HTqFDsKNJdyRL2rV7l1Hb96Vft1KQro80lI0aFx0v3HH39gy5YtaNWqFUaPHi1dX6dOHTx9+pTXyhFCeNS0KdC+PeDiAgwZouvaEMLi657sAt5qlpWVBYFAgKFDhxaYUcELYp3ym6Ul4OyserAqZ2e2HFGvMce7oriWK+7o80lI0aHxQGofPnxAJQXzE0gkEnz79o2XShFCtMDSkm3tXrpU1zUh5AcCHpeCS09PD8uXL0dWVpauqyJVEOukCxERbOKiiLMzu51wp67bOHUr1wx9PgkpGjROul1cXHBVQb+gw4cPo27durxUihDCk/R0YN++71c5IhG7EELyXcuWLXHlyhVdV0NGQayTLkREAAkJ7L2xDg7sY0ICJTS5xTDyXcivXqWEO7fo80lI4adx9/K5c+di8ODB+PDhAyQSCYKCgvDs2TP88ccfOHnypDbqSAjJDYYBRo4Edu8G7twBVq7UdY0IkVdMupcDQPv27TFjxgw8fPgQbm5ucoOWderUieqkQ5aWNBgVnxo3piSbT/T5JKRwy9WUYVevXsWCBQtw//59JCcn46effsLcuXPRpk0bbdSRVzR6OSk2li0D/vc/tmX77FmglXbmOSdFn1ZHL98wj7/Ry8fOK9Df7UKh8s5lAoFAJ/NlF8Q6aYrO64QQQnRFK6OXZ2VlYfHixRg6dCjOnz+f50oSQrTk5Elgxgz2799/p4SbkAJAIpHougpyCmKdCCGEkKJGo3u69fT0sGzZsmI/6AohBdrjx0Dfvmy/vlGjgLFjdV0jQpRjBPwthBBCCCEFkMYDqbVq1YoGXSGkoPr8GejUCUhOBpo1A9auBQSUjJCCi2H4WwqqDh06IDExUfp8yZIlSEhIkD7//PkzXFxcin2dCCGEkKJK44HUaNAVQgqwK1eAN2+AChWAw4cBfX1d14iQYu/s2bPIyMiQPl+8eDF69eoFKysrAOytW8+ePSv2dSKEEEKKKo2T7rH/dVVdtWqV3LbCMugKIUVWt27A6dNA2bJAqVK6rg0h6hWD0ctzjleai/FLeVcQ60QIIYQUVRon3TToCiEFkFj8ff7ttm11WxdCCCGEEEKIlMb3dBNCCpiLFwFXV+DFC13XhBDNFYOB1AQCAQQ5xlbI+Ty/FcQ6EW7EYuDyZeDPP9lH6mCYN9lDn2Qva9fqukaFW3Q0YG8PGBmxj9HRuq4RIQWDxi3dAHDlyhWsWLEC4eHhAAAXFxf8+uuvaNKkCa+VI4SoEREB9OgBfPkCrF4NbNig6xoRohEBwy587KegYhgGQ4YMgaGhIQAgPT0do0ePlo6J8uO91cW5TkS9oCBg0iTg/fvv68qVY2eG7NZNd/UqrBT9zjRxIrvQHReaMzUFUlO/P4+JAUqXBkxMgJQU3dWLkIJA46R7z5498Pb2Rrdu3TBx4kQAwPXr19GqVSvs3LkT/fr1472SBUFsSiLG3A7El8wU2BtZYrP7cJgZmORL7IgvnxEeHwtDkQg/lykPCwPDfIlb3y8AKeLvZ50nC6fkS9wH4TEYsXiv9HnAr7/Ao3aVfIm9cNZh3LoRAaFICO/RLdGpe718ifvon2f4feIfSE/LQN1m1eGzYZj6FyUmsiOVf/kCNGgAKBhnQZ3MzExM67kO0ZGfYW5likW7R8O+nHUujkBz8/2P4do/ERAKBOjexQ0jhzbPl7hfklNx4HIYElMzULtCabSvXy1f4pLia/DgwTLPBwwYIFdm0KBB+VUdAAWzTkS1oCD2N9acyeCHD+z6w4cp8daEuo4dAgEl3prImXD/KDWV3U6JNynOBIyGo6dUr14dI0eOxJQpsgnYqlWrsHXrVmnrd0GVlJQES0tLJCYmwsLCgtNrWp3/DUlZaXLrSxtZ4USL6XxXUept0hdMuxyMW9Hff9I2FOlhSM2f8Gv9JtATaufugPmHgnHgvvJ/R20m3+4DlSeON3f7aC3u+tXBOH7wlsJtG3YNR6UqpbUSNzExFf0rTUJWpnz/wF9GtsT45fIXwgDY/oSdOn0fNO3WLfbnZA0Mb+mPD69j5dYbmxoi6JG/RvvSxLY//saefTcUblvo1wWNPapqJa5EIsGEDcfxz5M3MusN9UXwG9CGkm8VcvO9yXWfDgELIDQ2yvP+JGnpeDd5Lq91JIWDNj6fBY1YDDg5ybZw/0ggYFu8X7/+PrwHUW7tWrY1W501a4AJE7Rfn8IuOprbJUhUFNvlnJCihOs5SOOs7dWrV/Dy8pJb36lTJ7x+/VrT3RV4Lc4tUJhwA0BUegI6XVqmlbhRyV/R7dhe3I35ILM+Q5yFLfdD8b8rwVqJ++zZM5UJNwC4zF6tldiqEm4u23Pr8N4bShNuABg7eJvWulr2cRqvMOEGgJNbLmL3oqOKXzhjBptwGxkBx45pnHCPbL1UYcINAGkpGejiMkOj/XF1/uJDpQk3AMyefwxR0QlaiT101UG5hBsAMr6JMXPHGVy+H6GVuESNYnBPNyF5dfWq8oQbYFtk371jyxH1uCTcmpQr7lxd+S1HSFGkcdLt4OCAkJAQufUXLlyAg4MDL5UqKCKT45AsTldZJio9AZmZmbzH3nw/FAkZ6RAr6IjAADjy4jEex8XwHrfr7tO875OLB+HcjiX4nwe8x96y7oLaMsP7buI97rpf94BRMxnA3uV/ya/8809gxQr27507gXqad4F/F6H6/c5Iy8TzB2813q86i5er/3x5jw7kPe6TtzG4/ypKZZnF+y/yHpcQQvgQpfrrS+NyhPApIYHfcoQURRon3VOnTsXEiRMxZswY7N69G7t378bo0aMxefJkTJs2TRt11Jlxt7hd/E+4u5PXuAzD4NCzhwoT7mwigRBHnj/mNa4u/XgPtyp+G9UnyNoQE5XE+z6Dd1xRX4gBYiLjZNe1aAH8/DMwezbQu7fGcReN28GpnJ83/8kvl5tZ0tOzeI+78aTy1vVssYkp+Pg5kffYRA2Gx4WQIoprZyYNOz0RwgsrK37LEVIUaTyQ2pgxY2Bvb4+VK1fi4MGDANj7vA8cOIDOnTvzXkFdSvymuFt5Tu9SPvMaN12chZSsbyrLMGDwKVV3I1LsvnILA5vV11n8okCcxW3O+ye3X8KufKnvK+zt2Xli9PVzFfd1OLf5O1KSuX3+C4O4JG7/V959SkSZkpZarg2RwVfCTEk3KcKaNGHv2f7wQfGPl9n3dNMkMtysWcP9nm6iXlgYtx98wsK0XRNCCq5cjcTVtWtXXLt2DZ8/f8bnz59x7dq1IpdwA4ClvjGncg6mJXmNayTSg6me6oRKAAFsTUx5jasJSrjzTqTH7b+fSz1ndsjP48e/rzQ0BHI5kF6F6txGMTE14/b5LwxKWXD7v1Lezkq7FSGEkFwQidhpwQD5UbeznwcE0CBqXHEdHI0GUePG3p6dFkwVExMaRI0Ubxpftd+6dQs3b96UW3/z5k3cvn2bl0oVFOvrc5i2CcDan4bwGlcgEKBntVoQqZjPQsxI0L1KDV7j6tLWmf05lZs/xlPLNVHMvgz/rZ8dhjZTX0gA2JWzBoYMAbp0AfzzPqr4rPXenMrN38Ht868JdVO0AICRkcYdcNQa6+WhtoyNpSlKWxfNkY8LtGLWvXz37t1o1KgRypQpg7dv2XETAgICcPzHH9WoTkSBbt3YacHKlpVdX64cTReWG+pud6LpwjSTkqI88aZ5ugnJRdI9btw4vHv3Tm79hw8fMG7cOF4qVVCUNysFcz3VU9mUNSoBAwMD3mOPrtMAVobGChNvAYDulWugRik73uMeHdiB931yUbs6t2Np17A277HH+rRRW2brvlH8x102AAI1/wP7z+gE/PYbe0Wlr89b38HyVVS/34bGBqhS25GXWD+a+av6z9eOTfwn+9XL26FORdV932b2bcV7XEJ+tHHjRvj4+KBDhw5ISEiAWMzOXGBlZYWAgACqE1GrWzfgzRvg0iVg3z728fVrSrhzi2Hku5CvWUMJd26lpLCD+dnZsR3y7OzY55RwE5KLpPvJkyf46aef5NbXrVsXT5484aVSBcnF1nNhoae4m21pIysca/GrVuLam5ojqEs/uNnJ/qRtJNLDqDoNsLRZO63ErVq1KnrXqa6yjLbm6VY3D7e25unu0tMdnXsp7y6/YddwGBoaaiX2/jfroGeguD/gLyNbYmClLGDePHbFpk1A48a8xN189n8oW8FG4TZjM0Mce7KElzg5tW5ZCwP6KW91XujXBaXtrbQSe7tPLzSq4SS33lBfD4u926N5bWetxCVqFKMpw9auXYutW7di1qxZEP3QD7hevXp4+PAh1YlwIhIBzZsDffuyj9SlPG8mTGCT7OyFupTnjb09O293ejr7SF3KCWEJGEaz3/NKliyJkydPwsND9sL5n3/+QceOHfHlyxdeK8g3rhOY5xSbkogxtwPxJTMF9kaW2Ow+HGYGam5g4UnEl88Ij4+FoUgEjzLlYW6gnQQwp/p+AUgRf/94aCvZzulBeIzMaOYBv/4Cj9pV8iX2wlmHcetGBIQiIbxHt0Sn7ppPx5UbT0JfIGD8TqSnZsK1aTX4bBgG3LsHNGoEpKUBkycDq/mfHz0zMxPTeq5DdORnmFuZYtHu0bAvZ817HEXm+x/DtX8iIBQI0L2LG0YObZ4vcROS07H/8l0kpmagdoXSaF+/Wr7ELcxy+73JZZ/lly2E0Fh1jyIuJGnpiJw+m9c68s3Y2BhPnz6Fo6MjzM3Ncf/+fVSsWBEvXrxA7dq1kZaW/4MXFsQ6aUobn09CCCGEC67nII1vnmzTpg18fX1x/PhxWFqy97kmJCRg5syZaN26de5rXMDZmFricDPttLSqU6lESVQqwe9gbVzcmj8532MCbFdzbbVqqzN7UQ+dxHVpUBlbQhd9XxEdDXTuzCbcbdsCy5drJa6BgQHWHNfNe+3n20Unca3MjDD6l4Y6iU2KtwoVKiAsLAyOjrK3bgQHB6N6ddU9jIpTnQghhJCiRuPu5StWrMC7d+/g6OiIFi1aoEWLFqhQoQKio6OxcuVKbdSRkOLn1Cng3TugalVg/35Aj//BxQgpEHQ8kNr69evh5OQEIyMjuLu7IzQ0lNPr9u/fD4FAgC5dunCO5ePjg3HjxuHAgQNgGAahoaFYtGgRfH19MX369NwdQB5po075+Z7yKTGRvYOnfHn2MTFRJ9UoMvbuZQfPzF727lX/GqJcdldtI6PvXbhJ3qSlAePHs20b48ezz0nuicXsjLZ//sk+/jdECPmPxt3LASAlJQV79+7F/fv3YWxsjNq1a6Nv377Qz+W8wfmJuqGRQuPgQcDVFaiSP13rCVFGq93Ll/LYvfx/mnUvP3DgAAYNGoRNmzbB3d0dAQEBOHToEJ49ewZbW1ulr3vz5g0aN26MihUrwtraGseOHeNcz71792LevHl4+fIlAKBMmTKYP38+hg3jfwBBXdRJF+8pH5/PSpWA/w5fhrMzEBGRq10Wa6pmqqBByjRnagqkpsqvp1HBc69LF9mZWLN17gxo8PVD/hMUBEyaBLx//31duXLsVIdFfaBHruegXCXdhRkl3aRAk0hyPf82IdpSVJNud3d31K9fH+vWrWP3IZHAwcEBEyZMwIwZMxS+RiwWo2nTphg6dCiuXr2KhIQEjRLEbKmpqUhOTlaZiOY3Puqki/c0r59PZQl3Nkq8NcNlasjideWZN8oS7myUeGtOWcKdjRJvzQQFAT16yP+/zv4uKOpTGnI9B3G+un/+/LlcF7GQkBC0aNECDRo0wOLFi3NfW0IIcPo026cxKkrXNSEk3wgACBgeFg3jZmZm4s6dO/D09JSuEwqF8PT0xI0bN5S+bsGCBbC1tc1VK3DLli2RkJAAADAxMZEmt0lJSWjZsqXG++MDn3XSxXuaV4mJqhNugN1OXc254dqFnLqacxMdrTrhBtjt1NWcu7Q01Qk3wG6nrubciMVsC7eiH9Ky102eTF3NAQ2S7v/97384efKk9Pnr16/h5eUFAwMDeHh4wN/fn+b0JCS3wsPZ+V9u3ADo/xEhuZaUlCSzZGRkKCwXFxcHsVgMOzvZOevt7OwQreQK9tq1awgMDMTWrVtzVbfLly8jMzNTbn16ejquXr2aq33mFZ91yq/3NCMjQ+7fObc6duS3XHE3YAC/5Yo7V1d+yxHgV44z/XItV9xdvSrbpTwnhmGHKNLRKa5A4Tw60+3bt2UGVdm7dy+qVKmCs2fPAgBq166NtWvXYvLkybxXkpAi7fNnwMsLSEoCmjYFfvtN1zUiJP/wNcf2f/twcHCQWe3n54d52XPd58HXr18xcOBAbN26FaVKldLotQ8ePJD+/eTJE5kEVCwWIzg4GGXLls1zHQtbnXL7nvr7+2P+/Pm81CEykt9yhPDpv04ovJUjwIsX/JYr7rh2zqROnBok3XFxcShXrpz0+aVLl+Dl5SV93rx5c0ydOpXf2hFS1H37BvTqxfZfdHICjhwBDAx0XStC8k8eRh6X2w+Ad+/eydxTZWhoqLB4qVKlIBKJEBMTI7M+JiYG9vb2cuVfvnyJN2/eyJz3JBIJAEBPTw/Pnj2Ds7Ozwliurq4QCAQQCAQKu2wbGxtj7dq1qo+PZ9qoU369p76+vvDx+T7VYVJSktyPLVyVL8+2wnApR0h+s7ICcvx3UlqOcFO5MnDuHLdyRL3SpfktV5RxTrqtra0RFRUFBwcHSCQS3L59W+akl5mZiWI2JhsheTdlCnDxImBmBpw4AWjYgkYIkWVhYcFpMC0DAwO4ubkhJCREOkWVRCJBSEgIxo8fL1e+WrVqePjwocy62bNn4+vXr/j9999VJn2vX78GwzCoWLEiQkNDYWNjI1MPW1tbiEQijkfID23UKb/eU0NDQ6U/pmjq1CluCcupU7yEK/L27OHWdXzPHu3XpSgIC+OWrISFabsmRcfy5cD69dzKEfWaNGFHKf/wQfF93QIBu71Jk/yvW0HDOelu3rw5fvvtN2zYsAGHDh2CRCJB8+bNpdufPHkCJycnLVSRkCJq2zb2m18gYK9AatXSdY0IyX88t3RrwsfHB4MHD0a9evXQoEEDBAQEICUlBd7e3gCAQYMGoWzZsvD394eRkRFq1qwp83qr/7K1nOtzcnR0BPC9Fbcg0Fad8us95YulJTs6ubrRyy0t86U6hV7//tyS7v79tV+XosDenh2dXN3o5Qo6khAljI3Z0cnVjV5ubJx/dSrMRCJ2WrAePdjL2R8T7+zRywMC2HLFHeeke9GiRWjdujUcHR0hEomwZs0amJqaSrfv3r1bZ6OvElIotWwJ1KjBXn107qzr2hCiE9mjj/OxH0317t0bsbGxmDt3LqKjo+Hq6org4GDpQGCRkZEQ8jiF3x9//KFy+6BBg3iLxRXfdcrv95QPERE0TzefGIbm6eZTSgrN0823Y8donm4+devGTgumaJ7ugICiPV2YJjSapzsrKwuPHz+GjY0NypQpI7Pt/v37KFeuHEqWLMl7JfmU2/k8v337hnHXjyEy+Quql7DDsgYdoK+vr8WafjcvOATBz17AUF8Pazt1QO1yZdS/iAfj1h7EP+EfALDD3N/ZMCVf4iYlJaHXoK1IT8+CoYEeDu0ZkW9zqp/cew2n9tyAoaE+xi7oiiq1HbUbMCUFMDFBytc0nN19Dalf01C3uQtq/Fz0byY6cj4Me87chkgoxKT+/2/vzuOiKP84gH92l0tEUEPBg8IrFUUwFUIztVBK88g8KzVSK69Kyryl1MTUzFLKMk0rr8yzMtIo+qVhloqpqHmLJqgpIKAcu/P7YwJdYdnZZYbZ4/N+veYFO/vsPN8Zlp357vPM83RCx9Zl3w8rt5xbBVicuBvXcm+iQ5NA9GkdVCn12jMl5+kOfPttaD1kmKf71i2cnTpV1hjlVqNGDaPHhYWFyMvLg5ubGzw9PXHt2jXGZAW53p9ZWeIo5efPi/dwf/cdW7grYvVq41bvL79kC3dFpKeLo5RnZoq3RKSksIW7om7eFEcpP3FCvId7/ny2cFeEXi+OUn7pknhbRMeOztHCLfUcZFHS7QisOTlHfrMUp2+UvvBo61sfX3VTrmVi9g8/Y9WBlFLrNRrgz1dHw1ume9ru9t3/DmHauh/LfM5FA/wRr1zy3eXxd0x+C56UMFGxen/asg/zx5eeONTFVYcvf5sGH1+Zrryys4E//gAefRSA2LXzzUEfYO+Ov4y6x3rX9ML01WMR3P5+eeq1IYm/H8OUJdtLrdcAWBM3FA3rK3Nfu16vx6CP1+HIP5eN1us0Gkx5ojMGh4cqUq8jUDTpni1j0j3NtpPuspw4cQKjRo3ChAkTEBUVpXY4AGwzpvIo8f4kIiKSQuo5yLb6eNmgzls/LDPhBoA/r15Avx2rFKn3o917yky4AbFrVpv3PlSkXgAmE24AKBKAjjFLFKm382OmE+7i55Ww/9fjZSbcAFBUqMegdm+hsLCw4hXp9cDTTwNduwIffwwAGB/5Nvb+8Fep+1Gzr+Xgje7v4O8DZyterw059PfFMhNuQDwEgyd/jpyc0nMGy6HH+5+XSrgBQC8ImPXNz9hyIFWReskMQcbFDjVp0gRz587FK6+8onYoJWwxJiIiInvGpLscV/PycD43s9wy+69elCchu8vCX5PNlolet1H2eluPfs9smZxb8u9vdna2pHIXLkgrZ4m3Ri43Wyb2+U8rXtGUKWJ/RXd3oHVrpPxyFMf3nTFZXBAEvDvKfGz2ZMxc8+/ZZ6bJ/0XW3jPncf5aZrllZm5NlL1eIilcXFzwzz//qB2GEVuMiURXrgANGoiTXjRoID4m6y1bJvYgLF6WLVM7IvuWmip2KdZoxJ+p/D67wm7eBMaOBaKixJ83b6odEVlD8kBqzui5pLWSyr3++7d4/6EnZas3Pz9fUrldZ8/LVqfanhy8VFK5ISM/ws/fy9vNvCC/yGyZlN0VHEnniy+AefPE35cvB8LCsPrxuWZfdu7oRdzKuwUPz4p3v7UF+YXmj3X6vzdkr3f2N0lmy9wqKsKpy/+iUW3bHpfC0ag5kFpl27Ztm9FjQRBw6dIlLFmyBB06dGBMZFb16uK958Vyc4HatcV7zzMz1YrKfpU14NsLL4iLc918KY+7j6fBII4XC/B4WuvuAd927BAnvuGAb/aHSXc5LuVJa1U9cj1D1noPXEqXdXtK+O5/h9DjYfmmuNLrpX0aq/WhXaGhD/bsAUaOFH+fMkXsYg7g34xMSS+/cvE6AppImKiTTLqWW858K3c4dDGDSTcppnju6mIajQa1atXCI488gnfffZcxUbnuTrjvlJUlPs/EW7ryRlgvfp6JonQ8nvIzNcI6IK7v04eJtz2xKun+9ddf8fHHH+PUqVP4+uuvUa9ePXzxxRdo0KABHnroIbljVE119yq4XmC+D0dA1eqy1htUx/aHo5Qz4QYArVYDg8GGP43NnExMunBB/FTMzxe/lpw1q+SpatWrmn7dHe6pU8N8ISqXl7s7ruWa/1++30+ZQdyoHIJGXOTYjo2zpXm6i9liTFTalSumE+5iWVliuVq1Kicmeya1C/myZbe/MyfTpHYhT00FgjhhiCQ3b5Y/lzggPn/zJkdctxcW39O9ceNGREVFoUqVKjhw4EBJV+isrCzMmTNH9gDV9MnD/SSVi+/4lKz1Sh2VvHltx0kQPol/WlK5BXP6y163zsX8v0GjoHrWbXztWiAjAwgOFruY3zE/bf9Xu5t9uX+gLzy9HKNrOQC46Mwf6+rV5N/fmG7mu8m66rQIqltb9rrJDCcfSI1IirAwecs5uxdekLecswuW2A4jtRyJU5nJWY7UZ3FL9+zZs7F06VIMHToU69atK1nfoUMHzJ49W9bg1NbIxxfVXT2QWXjLZJn7vKrDU4H5uvu0aIYtR46VW2bb80Nkr3fLxL7o884m2bdrTuMG9SWVa/tAQ9nrHj3zKSyesqHcMvO+GmXdxl9/HfD2Fke/qFbN6KmHerWBf2AtpJ81PQrO2IXKTUmnhpmjHjM5enmxVW9J+wLGEt1a3o/qnonIzDP9vzy6y4Oy10sUExMjuezChQsVjOQ2W4yJyid1sDQOqkZqkNphhh1rpDtxQt5ypD6Lk+7jx4/j4YcfLrXex8cHmQ54M9H+/jFovWEhsspIvOt5euPnXqMVqXd+z8eRfiMHe85fKPP5rc89o0i99913H9o3r4ffjl40WebAh8rM052UMLHcacGUmqe7++AIZKT9i68++qnM59/f+go8PT0t26gg3B4K9cUXTRZbmvwWxnedgzOHjf/OLm4uiIl/Hm0fbWlZvTbu0fBmiE77F59t/b3M5+eM7Q7/WtUVqTvx9eHovmglMrJzSz03tH1rvNg5XJF6qXyOPpDagQMHJJXTmLshUka2GBOVr1YtcdA0KeWIKptWKy2h1nLOJMmaNBEHTZNSjuyDRrBwhKiGDRvik08+QWRkJKpVq4aDBw+iYcOG+PzzzzF37lyk2vjcAFInML/bqayrGPnLBmTm30TtKl5Y+chA+Hv6KBipKD8/H/2+/Aqnrl2DTqPB6IgwjOpQOS1yYWPfQ+EdH6JKJdt3+3X3MUyfdftGlukTu+PRLpXTJ2nuy59j/66/odPpMGD0I3gyupPlG9m0CfjkE7FreQ1p92OnnbiEzR/uxK2cW2jZ4X48NvRhaB387DR58TdIPngGGo0GvTq1wPhnH6mUeo9fuoz5Cb8i+1Y+QurXwaTuD0On01VK3fbK2s9NKdtsOGMOtB4Vv6XAcOsWTs+cImuMZB+UeH/amitXxFHKzbl8mYm3FMuWSes6/sknvKdbitTU26OUl+fIEd7TLdXNm4CU9p68PN7TrTap5yCLk+64uDh8+eWXWLFiBbp27Yrt27fj3LlzGD9+PKZPn45x48ZVOHglOcPJmVSUkgJ06CB+Cs6aBUybpnZERBXGpFt+Fy6IvVvq15d2a01lsMWYpHCW83p5o5cDnDbMUlI6cnC0bel4POVX3ujlAKcNsxVSz0EWN6VNmjQJTz/9NB599FHk5OTg4YcfxogRI/Diiy/afMJNpKjLl8VPwLw8oGtXYNIktSMisn3C7S7mFVnsYSA1g8GAmTNnwsfHB/fddx/uu+8+VK9eHbNmzVJtFHFbjInKlpkpJtZlYcJtOXMJIBNEy/B4ym/LFvGysixMuO2Pxfd0azQaTJ06FRMmTMDJkyeRk5ODoKAgeHl5KREfkX3Izwf69gXOnxdvsFm/HnCxakY+IuciV8JsBxd0U6dOxfLlyzF37lx06CCOqL9r1y68+eabuHXrFt5++23GROXKzBS7moeF3Z4ebO9edim3liCU7mrOLuXWEwSxq3lwsHiPt1YLHDrELuUVsWWL2NV8wgRx0LQmTYD589ml3B5Z3L3c3jlLNzSqRIIADB8OfPaZ2Nzw++9A06ZqR0UkG0W7l0+bA50M3cv1t27h9Gzb7l5et25dLF26FL169TJav3XrVowePRoXL5oewNKZYrIUz+tERKQWqecgi5viunTpUu6Ipj/9VPYI0EQO64MPxIRbqwW++ooJN5ElnKil+9q1a2jWrFmp9c2aNcO1a9dUiMg2YyIiInI0Ft/THRoaipCQkJIlKCgIBQUF2L9/P4I56z05oy5dgPvuAxYuBLp1UzsaIrJRISEhWLJkSan1S5YsQUhIiAoR2WZMREREjsbilu733nuvzPVvvvkmcnJyKhwQkd1p1Qr46y+gWjW1IyGyO44+T/ed5s2bhx49euDHH39EREQEACA5ORlpaWnYvn07YyIiInJQsk0E/Oyzz2LFihVybY7Itl2/Lt67XczbW9p8GUTktDp16oS///4bTz75JDIzM5GZmYm+ffvi+PHj6NixI2MiIiJyULINr5ycnAwPGQbDIbJ5RUXAgAHA//4HfPGF+DsRkQR169a1uRHBbTEmIiIiR2Jx0t23b1+jx4Ig4NKlS/jzzz8xffp02QIjslkxMcCPPwJVqwJlDEBERBZwooHUEhIS4OXlhYceeggAEB8fj2XLliEoKAjx8fGoUaMGYyIiInJAFncv9/HxMVpq1qyJzp07Y/v27YiNjVUiRiLb8cknwOLF4u9ffCHez01EViu+p1uOxdZNmDAB2dnZAIBDhw4hJiYG3bt3x5kzZxATE8OYiIiIHJRFLd16vR7R0dEIDg7mt9/kfH75BRgzRvx91izgySfVjYeI7MqZM2cQFBQEANi4cSN69uyJOXPmYP/+/ejevTtjUtnFi0BwMHDjhjgu5qFDQL16akdlv+LjgbFjbz9esuT2KZQsl5oqvj8NBnGG0kOHgP/+dclKN28CEyYAJ04ATZoA8+cDVaqoHZX94vEsn0Ut3TqdDt26dUNmZqZC4RDZqNOngaeeEu/nHjQImDpV7YiIHIcgw2IH3NzckJeXBwD48ccf0e2/KQZr1qxZ0trMmNTh7g7Ury+OkVlUJP6sX19cT5bTaIwTbkB8zPFGraPRAC1aiAk3IP5s0YLHsyL69AE8PcUvh3bsEH96eorryXI8nuZZ3L28ZcuWOH36tBKxENmuTz4B/v0XaNMGWL6cZzoisthDDz2EmJgYzJo1C3v37kWPHj0AAH///Tfq16/PmFTi7g4UFJT9XEEBE29LmTs98vRpGR5P+fXpA2zdWvZzW7cyUbQUj6c0Fifds2fPxuuvv45vv/0Wly5dQnZ2ttFC5JDmzAHmzQO2bBG/uiMiecjRym0nrd1LliyBi4sLvv76a3z00Ueo91/f5e+//x6PPfYYY1LBxYumE+5iBQViOTIvPl7ecs4uNVXeciR2gTaVIBbbulUsR+bxeEqnEQRB0qXKzJkz8dprr6FatWq3X3zH12uCIECj0UCv18sfpYyys7Ph4+ODrKwseHt7S35d/N5kxP+xF4UGPdx1Okzr2AWDgpUfRGv7/mOYuPr7ksde7q74cWo0qlatqmi9586dwzMxG4zWPRweiDlv9FO0XgCYP3UDEr85WPL4ocjmmLbwGcXrzbp2A3FPv49TKWehc9HioSfDMeq9YdC5yDazns25npWHnf87ivQr2fDxroLIh5qhnn91xevNuVmAKWu/x8Gz6dBqNHioeSCm930Ubm46xes+dvUKvj/5N3ILCtGwRg30vL8ZqrEpq1zWfm5K2WaTN+ZA517x6Sb1+bdwYt4UWWMk+1CR92fNmmJXcnNq1ACuXbMyQCdiSaurtKtP56bT3e5SXh6tFrDxy2+bMXastC99xowRxyGg8vF4Sj8HSU66dTodLl26hKNHj5ZbrlOnTpZFCnGKkvnz5yM9PR0hISFYvHgxwsLCzL5u3bp1GDx4MHr37o0tW7ZIqsvSk3NeYSFaffQByvrMc9fp8NcLY+Dq6iqpbks9MOF9FJr4tB0Q0RLT+3VVpN5HB7+L/ALTb4tdG19XpN6bN2/iyXDTc8WuSZqEmjW9FKl76WsrsfG974zWPSKcRwQuwWvLerTtHaFIvWpas+UPfLz6VxgMAnQ6DQwGAQaDgN7dQjB+5KNw0VncEUaSj3fuwZLvk8t8bt6Q7ni8dVNF6s0rLMT4H77DztOnoNNoxC8JDQa4u7hgziPd0KdZc0XqdQRMuuWj1+uxefPmknNp8+bN0adPH7io+OWeLcZkiYq8P11dxXu4zXFxAQoLrQzQiTDplhePp/yiosR7js3p1g344Qfl47F3PJ7Sz0GSr6qLc/NOnTqVu1hq/fr1iImJQWxsLPbv34+QkBBERUXh8uXL5b7u7NmzeP3119GxY0eL67RE64+XlJlwA0C+Xo+2y5cqUm+nGR+ZTLgB4Kvkw7h8LVf2en/45WC5CTcAPPTUAtnrBVBuwg0AT3eeq0i93y9PLJVwNxWu4TX8ic5Iw54+o5F17YYidavl2x8P4cPPf4Feb4AgCCgqMsBgEP/u23YcxEef/6JIvb+mnjGZcAPAG19sR9oVCc1OVhj/w3dIPCOOR6EXBBQZDBAA3Coqwms7tuPX82cVqZfMcKLu5UeOHEGTJk0wbNgwbN68GZs3b8Zzzz2HJk2a4PDhw4xJBXd03pOlHJGctBKv0qWWI3FUbTnLOTseT+ks+jfVKDBaw8KFCzFy5EhER0cjKCgIS5cuhaenJ1asWGHyNXq9Hs888wzeeustNGzYUPaYiv167my5iS8A3CgoQPqNLNnrvpZ7y2yZx+I+lb3eWR/slH2bUuzfc0JSuV++P2i+kIU+eeMLo8f3CDfxFn6DGwxIRh1sQyPMG7JY9nrVotcbsHz9bpPPCwA2bj+AzOw82et+8yvz76+JqxNkr/fY1SvYefoUDCaaAjQaDT743fSXAaQcZ5qne8SIEWjZsiUuXLiA/fv3Y//+/UhLS0OrVq3wwgsvMCYVHDokbzlnJ7X7qKN2M5Ub35/ymz9f3nLOjsdTOouS7vvvvx81a9Ysd7FEQUEB9u3bh8jIyNsBabWIjIxEcrLpC+CZM2eidu3aGD58uNk68vPzrR7sbcpPEvpLAHj5++/NF7LAGTOt/MXMfSGgpHPnzsm6vVmvrpVUbsH0TbLWCwA512/3GHAT9HgLv+Ee3MIZeCMOYRA0GqT87DgtPn+fzsCVf3PKLVOkN+C3P+WfpeBytvneGakXMmSvN+HkCejK+dLQIAjYd+kfXM2T/4sGomIpKSmIi4tDjRo1StbVqFEDb7/9Ng4cOMCYVFCvHuDmVn4ZNzfO1y2V1Hm4OV+3NFLn4eZ83dJVqQL07l1+md69Ob+0VDye0ll0w9Zbb70FHx8f2Sq/evUq9Ho9/Pz8jNb7+fnh2LFjZb5m165dWL58OVJSUiTVERcXh7feesuq+PIk3sCVmS/vkHxHL9j+aC3Hzmbivvvuk217hYUSbqoDUFSk4BcNgoDX8Sea4jqy4IYZaI+bGvF+fb2S9Vay3JtmhuqF2PIrpZwSiru5yym3sEDsqWPmprfcggL4cnT6yiVX13A7aOm+//77kZGRgRYtWhitv3z5Mho3bsyYVJKfb3raMDc38XmSThDKvxeZ9x5bhsdTflu2mJ7mqndv8XmSjsdTGouS7kGDBqF27dpKxWLWjRs3MGTIECxbtgy+vr6SXjN58mTExMSUPM7OzkZAQICk1za9pxb2XEwzW66jjMknAHRqKi0+NUV1CpF1e/Xu88W5k+Zb+O/xVWYgNQAYhOPogjQUQYOZiEC65nZdXtUdJxELqFvDbBlBEHBfPct6rkih1QDmcmoPN/kHb2pYoyb0ZnqGeLi4wM9L2VkBqAwOnnTf2bsqLi4OL7/8Mt588008+OCDAIA9e/Zg5syZeOedd5w6JrXl54vTggUHAzduiPdwHzrEFm5rCYI4ovHYsbfXLVnCFm5rCYI4LVhwsDiauVYrvj/Zwm29LVvEaawmTABOnBDvOZ4/ny2y1uLxNE/y1a0S93P7+vpCp9MhI8O4O2lGRgb8/f1LlT916hTOnj2Lnj17lqwz/Hch7eLiguPHj6NRo0ZGr3F3d4e7ldMBrer1JJp+9IHZctMffsSq7ZsidTqwsIaOczXw8aaX8ViraWbLLfvmZdnrbty6AU4eOIND8MV1uGMVWuAvTS2jMkNi+8ter1r8fL0R3joQfx48B30ZGbBWo0Gte7zQtpW8XyYBQFjje7HnxPlyywxsL+8XOgDQ8/5mmP2/n3HTxDDFOo0G/Zq3gIeLMjMRkPOqXr16qek1BwwYULKueJDSnj17VtqUm7YYky2oV4/TgslpzBgm2XIKCuK0YHKrUoXjC8iJx7N8kpNuiTOLWcTNzQ1t2rRBYmIi+vTpA0BMohMTEzH2zq9H/9OsWTMcumu0iGnTpuHGjRt4//33JbdgS+Xq6oqO996HX8+bvn95UItgWessNqNvF8zc9HO5ZZaPGSB7vbs2vm52dPLw0Pqy1wsAAYG+SDt71eTztev4oIoCX5nN3TkdA/xG4IjeF8OFKNzQGN/gV/teX/Qe87js9app/IhH8cLE1cjNyzdKvLVaDbRaDaa+/Di0Wvm/aPtgeE88NPUjFOjLbnWu7umB13o9LHu9Xm5uiHu0G8b/sB0ajcZoQDWdRoN61bzx6oPtZa+XzJNrEDRbHUjt55/L/xxXgy3GRERE5MgkJ90GhQbtiomJwbBhw9C2bVuEhYVh0aJFyM3NRXR0NABg6NChqFevHuLi4uDh4YGWLVsavb569eoAUGq9XFb16YfxCd9i69/HSz03ovUDmNKxiyL19u8QikJ9EeK2/lrqOa0GOLhgvCL1AuUn3qFB/nh3+iBF6l227VW8/PRH+PvwxVLP3de4Nj7eJH8rN65cgU9GBtamLcW4B6fg8nnjpD+kcwss+OlN+etVWf06NbB8wRB8unY3EncdQ5HeAA2AsNBAjBjUAc0al+5pIocqbm74eeYLGPzeOpy/mmn0XMsAP3z58kBF6gWAXk2bo2YVT3zwezL+vCS+x6q4uOCp5i3w6oPtUbOK49xCQLZD6lSalTk9ly3GRNKdOSO2ehbfi56aCjRooHZU9uuLL4ChQ28//vxzYMgQ9eKxd+wGLz/e+uIYNIISTdgWWrJkCebPn4/09HSEhobigw8+QHh4OACgc+fOCAwMxMqVK8t87XPPPYfMzExskXiXvtQJzMuSdOY09l68gM4NGiKsnjKtvWX548RZvPvtLtSuVhUfjHiy0uo9d+4chry2AQYB6Pt4C8SMqLzW3m/W7cGvOw+h/SMt0OcZhVogCwqARx8FUlKAr78GoqKQk5WDPxJSULVaFbSJCoVOp1OmbhuSd7MA17PyUM3LA95eHpVW782CAvySegbuOh0eDmpQqcf637w85BYWoHbVquxSLkFFPjfNbbPpq3Ogc6/4+06ffwvHF02RNUal3bhxA2vXrsWnn36Kffv22URXbjliio+PLzmnh4SEYPHixQgLCyuz7KZNmzBnzhycPHkShYWFaNKkCV577TUMsSDrUeL9aat0OjGZuZtWy67H1uAAZfLi8ZQfB3m0fVLPQTaRdFcmZzo5UzkEARg5Eli+HPD2BvbsAZo3VzsqIpukaNL9ioxJ9/v2kXT/73//w/Lly7Fx40bUrVsXffv2xVNPPYV27drZfUzr16/H0KFDsXTpUoSHh2PRokXYsGEDjh8/XuZArElJSbh+/TqaNWsGNzc3fPvtt3jttdfw3XffISoqSlKdznJeN5VwF2PibRkpQxU51xVyxfB4ys9Uwl2MibdtkHoOsmiebiKH8cEHYsKt1QLr1jHhJiJFpaenY+7cuWjSpAn69+8Pb29v5OfnY8uWLZg7d64qCbcSMS1cuBAjR45EdHQ0goKCsHTpUnh6emLFihVllu/cuTOefPJJNG/eHI0aNcIrr7yCVq1aYdeuXRXdPYdy5kz5CTcgPn/mTOXEY++++ELecs4uNVXeciR2KS8v4QbE5y+WviOTbBSTbnI+O3YAxdPIzZ8PPO5Yg6QR2ZPigdTkWGxVz5490bRpU/z1119YtGgR/vnnHyxevNjhYiooKMC+ffsQGRlZsk6r1SIyMhLJyclmXy8IAhITE3H8+HE8/LDpARXz8/ORnZ1ttDg6qffE8t5Zae68h1uOcs4uWOKYwlLLEY+pI5J/QlwiW3b8ODBggNgk8NxzwHjlBqQjIgkcfJ5uAPj+++/x8ssvY9SoUWjSpIna4QBQJqarV69Cr9fDz8/PaL2fnx+OHTtm8nVZWVmoV68e8vPzodPp8OGHH6Jr164my8fFxeGtt96SJWZ7IbULKbuakhqkjrWs0JjMDunGDXnLkfrY0k3O5d13gawsoH17YOlSaTchEZHDio+PR2BgIDw8PBAeHo69e/eaLLtp0ya0bdsW1atXR9WqVREaGoovJPQ/3bVrF27cuIE2bdogPDwcS5YswdWrpqdHrAy2FFO1atWQkpKCP/74A2+//TZiYmKQlJRksvzkyZORlZVVsqSlpVVesCpxd5e3HJGctBKzCanlSBylXM5ypD6+/cm5xMcD06cDmzbx6oTIBqjZvXz9+vWIiYlBbGws9u/fj5CQEERFReHy5ctllq9ZsyamTp2K5ORk/PXXX4iOjkZ0dDR++OGHcut58MEHsWzZMly6dAkvvvgi1q1bh7p168JgMGDnzp24oUJThRIx+fr6QqfTISMjw2h9RkYG/P1NT0Oo1WrRuHFjhIaG4rXXXkO/fv0QFxdnsry7uzu8vb2NFkfHe2bl9fnn8pZzdocOyVuOeEwdEUcvJyKicik5ennzMfKNXn403rLRy8PDw9GuXTssWbIEAGAwGBAQEIBx48Zh0qRJkrbxwAMPoEePHpg1a5ZF8R4/fhzLly/HF198gczMTHTt2hXbtm2zaBtykyOm8PBwhIWFldwfbjAYcO+992Ls2LGSj+nzzz+P06dPl9vafSdnOa9z9HJ5cbRtefF4yo+jl9sHjl5OVGz5cmDMGKCwUO1IiEhhdw+wlW/iiqSyBv0ypWnTppg3bx4uXLiAtWvXWvx6JcgRU0xMDJYtW4ZVq1bh6NGjGDVqFHJzcxEdHQ0AGDp0KCZPnlxSPi4uDjt37sTp06dx9OhRvPvuu/jiiy/w7LPPyrJPjkSvN909lwm35cwlgEwQLcPjKb/8fDGxLgsTbvvDpJsc265dwKhRwIcfAmvWqB0NEd1NkHEBEBAQAB8fn5LFVDfl8gb9Sk9PNxluVlYWvLy84Obmhh49emDx4sXlDvpljk6nQ58+fVRv5b5TRWIaOHAgFixYgBkzZiA0NBQpKSlISEgoOc7nz5/HpUuXSsrn5uZi9OjRaNGiBTp06ICNGzfiyy+/xIgRI2TbH0ei1wOnTwMeHmLLooeH+JgJt3UEoXQX8s8/Z4JoLUEAjhy5/eWQVis+5vG0Xn4+cOECUKMG4OIi/rxwgQm3PeLo5eS4zp4F+vYVW7gHDODcH0ROIC0tzah7l7vMYzcUD/qVk5ODxMRExMTEoGHDhujcubOs9dizsWPHYuzYsWU+d3eX8dmzZ2P27NmVEJXjaNAAuHlT7Sgcx5Ah4kLyCAril0Byq1cPuHZN7Siooph0k2PKyQF69QKuXAEeeAD47DOOVE5kgzT/LXJsB4DkgbUqOugXAISGhuLo0aOIi4tj0k1EREQmsXs5OR6DAXj2WXFIR39/YOtWwNNT7aiIqCwydy+Xys3NDW3atEFiYmLJOoPBgMTEREREREjejsFgMHnfOBERERHApJsc0YwZYqLt7g5s3gzUr692RERkgzjoF90pJUXsEFW8pKSoHZF9W73a+HiuXq12RPYtNVUcwV6jEX9yeriKO3lSHJBMoxF/njypdkT2raAAWLQIGDdO/FneyOvOiN3LyfE8+CBQrZo4J/eDD6odDRGVw9o5tsvajqUGDhyIK1euYMaMGUhPT0doaGipQb+0dwwXXTzo14ULF1ClShU0a9YMX375JQYOHFjxHSBVlXX3UevW4k8OAmW5so7ns8+KC4+n5e4+ngYD0KKF+DuPp3W0WuNjV1gINGkiHuvypuajsr3xBrBwofH9/K+/DsTEAPPmqReXLeE83eSYLl8GatdWOwoih6DkPN0tXpRvnu4jH1s2Tzc5hoq+Pzm/sLx4POXF4ym/uxPuuzHxtswbbwDz55t+fsIEx068pZ6D2NItwW8nzuKFzzfDcMc/qItGg62vDEUD35qK1h0duwapp29PX6PTavDqM50woNsDitbb//H5yMq8VWr9juTpitabfv4qxj38Fm5czy1ZV9WnCj74eTrqNTI9uBH++UecP6FBA/GxFQn3ycMX8M0Xu3B0/1m4urkg/JEW6P5MBHz9q1u8LUtkZuXhu4S/8MuuY7h1qxCNG/qhT8/WaNUyQNF69QYDkg6ewubdh3HhahZqVvPEEw82R/d2zeHhpuxHw+d/HsAHu5KRdUu8F7ZW1aqY/mgnPB7UVNF6iYjuJLULeUoKEBqqYCAOQmoX8tWrgWeeUTYWRyC1C3lqqjhqOJl38qS0OcVPngT+GzOTylFQILZwl2fhQmD2bNNzjjsLtnSbEZ/4G+J//t3k8+8P7o6uLZRJFB4cutDkB0Po/XXx8fRBitTbLWJWuc8rlXgf+OUIJvd61+TzM1aPQfsn2pR+4uZNoFMn4MwZ4JtvrOpSvnFZEj6dsw06nRZ6vfj1plargau7C2auGIlWDyrzyXvy9GXETFyLGzn5KP5X1Ok00OsFDHiqHUaN6AKNAqOuFxQW4dWl25B89By0Wg0MBgEajXiiaeBfE5+O74+a1ZQZfK7fqrU4eKnseZCfaH4/3uvdQ5F6yXqKt3S7ydDSXcCWbmdVkfenJR+vznW1ZB0eT3npdNJaXLVaTtMllZub2JXcHFdX3pMsxaJFwPjx5su99x7w6qtKR6MOqecgDqRmRnkJNwC8sna7IvU+Puajck9IKX//g0N/X5S93onjPjdbxlxSbq3yEm4AmPlMfOmVggCMGAH88Yd4ZqpVy+J6D+z6G5/O2QYAJQk3ABgMAgryi/DmiOW4kZlr6uVWKygowsRpXyEn93bCLcYg/v7Vxj+wM/GI7PUCwOJtu/H7sfMAxP0Ebl8Anb98HVM++16Ret//9TeTCTcAfHv0b/z4N0cyISIiktrFmV2hpZOScFtSztmdOiVvOUfGpLscI1d8LancJz/vkb3ua9k3zZZ5ef4m2es98Oc52bcpxdaPd0oqt+rtu/b5nXeANWsAFxfg66+BRo0srnvTp0nQ6sr+VxAMAm7lFWDHhj8s3q45v+7+G/9eyy1Jeu+m0QDrNu6Vvd68WwX4+te/YDDxrY7eIOD3Y+dx+tK/ste9fO8+s2Xe2vmz7PWS7SoeSE2OhYjIkWglXqVLLUdiC7ac5Zyd1MtuKy7PHQ7/TcuRfCZNUrmPf5E3ITuffk1Subxb6n0N99dfGbJu76uF0lpWv112R0K2bRswZYr4+wcfAF26WFX3X3tOwqA3/TWxIAg4mHzCqm2XJ+Wv89CZSPbFeoHTZ64gJ1feOYCPpl3GrYKicstoAPz59wVZ6wWAm4Xl1wsAl2/kyF4v2TCV5ukmAoADB+Qt5+y+/FLecs7u0CF5y5Fl98mTeaNHi7dBlEenE8s5Oybd5ZB6vxGv9SpOkHgUS0odOiSOwiIIwKhR4mJ13RLKKHDzmdQtyl23pM1ppP9N5Mb/JyKqLFIHR+MgatJIHRyNg6hJI3VwNA6iJl3jxubHHtBoOIiaVG5u4rRg5YmJ4SBqAJPucoUGlDNa9h2eeTBE1nrv9Zc2IrrSI0yXp1UrP1m31+vFRyWVe3RQhPjLzJlATo7Yuv3++xWqu0XbBtDqTH8CazQaBIfJ3y8muEV9o3vIS9cL3BtQE15V3WWtt2lALbi7lv+1pCAADzSuL2u9AODhYubrUAC+XlVlr5dsF7uXk9qkjGRM0vF4yovHU34Gg+nEm9OFWW7ePHFasLtbvHU6x58uzBJMusux+sXBksq99tjDstftLSHRWhDTS/Z6GzeVN5mWalDME5LKjZr7tPjL55+LX51t2FDhG2+eHN4JBr3p+6pd3V3QbUB4heooS+eHm8HHpwq02rI/+QUBGNA3TPbRy6tVcUef9i2hNbFdnVaD1o3qoUk9X1nrBYBnHwg1W2bKI51kr5dsGLuXkw0QhNJdyA8cYEJjLUEo3YX8yy95PK0lCMCRI7fv3dZqxcc8ntYzGIATJ25fQrq6io+ZcFtn3jwgL08cpXzsWPFnXh4T7jsx6TZjcFhwuc9Pf6KzIvV+98HIcp+//75aaNciUPZ6P1z5gtkyX2wxX8YaU1a+VO7z4z4YevtBlSrAu+8C99xT4XrDugTh2VejAMBoQDWtTgsXVxdMX/ocqt/jVeF67ubu5oK5M/vBw8PVKPEu/r3n4yHo8Vgr2esFgFf6dERoo7pifXck3xoAdWp6Y+7w7orUO/GRh3G/r+m/WedGDfAE5+omIhWEhopJTPHCLuUVU3wHWPHCLuUVExQkTgsmCOJPdimvuMaNxWnBBEH8yS7lFePmJk4Ltnix+JNdyo1xnm4Jtuw7jKmbdxo1pGgAfD68P9o0kL8LbrGCggI8PeVLpGVk3q5XAzzTvS3GDZK/df1OPR5+G4WFpb/uU2qO7mKnDp3Ha1FxuHXH4GHunq6I2zoBQXsTgCtXgNhYRYbqPLz3NLZ9/iuO7j8HV1cdHuzaEk8M6YC698nf4nunK1dvYNt3B5D063HculWIxg1ro0/P1ghr21CRObqLFRbp8cO+49i46xAuXs1CzWqe6PVgEHpFtIBXFXm7tN/tvf/9hpV/7EPefwOr+Xi4Y3zH9nimTaii9ZJ1lJynu9Xz8s3T/dcKztPtjJR4fxIREUkh9RzEpJvsw48/Ao89Jn69u3kz0KeP2hEROQ1Fk+5oGZPuz5h0OyOe14mISC1Sz0HsXk6278QJoH9/MeEeOhTo3VvtiIiIiIiIiCRRb/hrIikyM4GePcWfDz4IfPyx+bkeiMh+yDUImlP12SIiIiJ7wpZusl16PTB4MHD8OFC/vtit3KPi3VCJiIiIiIgqC1u6yXa98QaQkCCOVL5tG+Avbd50IrIfcs2xzXm6iYiIyFYx6Sbb1aoV4O4OrFoFtG6tdjREpAR2LyciIiIHx+7lZLuGDQNOnRIHUSMiIiJcuwYEBwP33CP+vHZN7Yjs286d4lAxxcvOnWpHZN8OHRJnddVoxJ+HDqkdkf377jvj9+h336kdEVmDLd1kW9LSxNbt2rXFx/XqqRsPESlKIwjQyDBzpRzbILJ1/v5ARsbtx9euicm3nx+Qnq5eXPaqrHFZu3UTf/IjxXJ3H09BEDstFv9OlivrPfrEE+JPHlP7wpZush05OeJI5e3aAYcPqx0NEVUGQcaFyIHdnXDfKSODw55YytxEKJwoxTI8nvLjMXUsTLrJNhgMYnfygweBW7eAciaXJyIicibXrplOuItlZLCruVRSu5Czq7k0UruQs6u5dFK7kLOruf1g0k224c03gU2bADc3cWqwe+9VOyIiqgTFo5fLsRA5qk6d5C3n7Iq7kMtVztmFhMhbjm53IZerHKmPSTepb/16YNYs8fePPwbat1c3HiIiIhvyzz/yliOSk9R7i3kPMjkzDqQmwZ/HzmLkB5tLrd88JRqB9asrWnePvguRm1dotK5Xj1aIGfe4ovUunbUZW1f8arTuHr9q+HLPW/JWtG8f8Nxz4u+vvYbsvn0xstEryLp6o6RItRpVsfSPt3FPLWW7nF9M+xffbt6Po4cvwNVVh7D2TRD1RAi8fTwVrffK9Ry8v/oX/H74HAqL9PD3rYbhfSLQ9cGmitZLZBM4ZRiRWXXrSus6Xreu8rEQ3U2jkZZQ8x5kcmZs6Tbj7dU7yky4AeDJOZ9h8+6DitXd+bF3SiXcALDtu7/Qo+9Cxeod0HpqqYQbAP7NuIHHG8TIW9nEieI93I8/jmP9X8CAgFeNEm4AuHE9F880fhX7EpW7Gei7Lfvx/MAPsfmr35F66AIO7j+HT+MTMazfEhw7clGxepMPnkGvV5Zh5+/HkZ17CzfzC3Hm4jVMi/8OY+I2KFYvka1g93Ii8375Rd5yzm7HDnnLObuDEi+FpZYj4Ntv5S1H6mPSbcbXu4+U+/zM1T8pUm/nx94p9/ncvEIk/ix/Evrdmt24kXmz3DI9Gr8uX4Vffw2MGgWsXYtXu80tt+jUvu/JV+8dDh88j/ff+Q6CABj0t6/cBUHAzbwCTBm/Brk5t2Sv91ZBEV5buAUGE18P/5mahkVrkmSvl4iI7EvNmuK0YOXx8xPLkXldu8pbztkFB8tbjoAePeQtR+pj0l2OntOXSyr35qrvFY6kbLPe2S77NpdM3Wi2jEFvkK/C6tWBDz/EN1/vk1R81dtl9zqoiK/X7oFOV/a/gsEgICfnFnZ+/5fs9S7b+Bv0hvKb5zYnyl8vkU3hlGFEkqSnm068OU+35cx1h+b9x5bh8ZQfj6ljYdJdjgv/Zksqt/X3Y7LW++f+07JuTwk5OTnWv/jdd4HFi40+LT6fJS2Z3vKh/H299u05BX05XyRoAOz7Xf6/ya4U89u8VVCEK9crcKyJbBy7lxNJl54O/Psv0LKl2KrdsqX4mAm3dQShdBfyHTuYzFhLEIC//rp977ZGIz7m8bSeIJTuQv7ttzym9ogDqdmgrKxctUMwKyfnFry8vCx/4bffAhMmiJ8WLVsCXboAEFuUpZBazhLmtikIKDcpt5Yg8ROzoLBI9rqJiMg+1azJ+Y7l1LUrExg5BQcDBvkvmZxajx58jzoCtnSXw8NN2ncS99e7R9Z6H+1i+ze9+Pv7Wv6iI0eAwYPFT44XXwQ6dy556pEBD0raRFi3VpbXa0azFvWg1ZoeUlOr1SCoZX3Z623ZqI7ZMjqtFnV8lR21nUhV7F5OREREDo5JdzmSF42TVG791KEKR1K2Xj3kT0Aj+7WVfZsAgKtXgV69gJwcMdlevNho7ogxC56VtJmpq0bLHtqTA8NNt3ZrxKT78d6tZa937KCHzZbp3LYxtFr+m5JjY9dysgUhIeJpqXgJCVE7Ivu2erXx8Vy9Wu2I7FtqKqDTicdSpxMfU8Xs3Wv8Ht27V+2I7Nv580C1auL7s1o18THdxqt5M+rVqFbu8w81v1eRer/8dJTZMkrM1f3a/KfNzqO44dBMyzZaWAj07w+cPg00aABs2AC4upYqNnxmv3I3MyBGmbnJO3Rqir6DwgHAqMVbp9NCp9Vi8sy+uMe3/PeBNWr6eGL8M51NPu93TzW8Oeox2eslIlJSfHw8AgMD4eHhgfDwcOwt50p22bJl6NixI2rUqIEaNWogMjKy3PJKKb739E533ptKltFogGfv+i792Wd5PK2l0QAtWtzutm0wiI95PK2n0QDh4cbrwsN5TK3l6grcd5/YtmYwiD/vu6/My32nxaTbjG/fHmEysX6mUyssHveUIvXWr++NbV+VnXh7e3sgKWGiIvUCwPbTC3GPXxlJpkZMuC2+l/vll4GkJMDLC/jmG8C37K7p/V/pjulfjoZWZ/yJp9FqEBMfjedj+1tWr0QajQYvvtwVM+cPRGjbBqha1R0+1T0R+Xgw4leOQMcuzRWpFwAGPfYAFk96Co0DfEs+6D09XNG/ayg2LRgONxcOu0AOThDkW0h169evR0xMDGJjY7F//36EhIQgKioKly9fLrN8UlISBg8ejJ9//hnJyckICAhAt27dcPHixUqL2dxFNi/CLcPjKS8eT/nxmMrL1RUoMjH8UFERE+9iGkHqaE4OIjs7Gz4+PsjKyoK3N++VVZwgAO+9B0ycCGzeDDzxhNoREZGFlPjcLN5mm/6z4eLqUeHtFRXewr4N0/jZrrLw8HC0a9cOS5YsAQAYDAYEBARg3LhxmDRpktnX6/V61KhRA0uWLMHQodJu3arI+zMkpHQLd1latQIOHrRo005p9erSLdxl+fJL4JlnlI/H3qWmii3a5hw5AgQFKR+PI9i7t3QLd1l+/x0IC1M+Hnt3/rzYom3OuXPAvcp0Dlad1HMQW7pJWRoNEBMDnDjBhJuISuGUYY6joKAA+/btQ2RkZMk6rVaLyMhIJCcnS9pGXl4eCgsLUbNmTZNl8vPzkZ2dbbRYS0rCbUk5Zycl4baknLMLljiurtRyJC3htqScs5PypZAl5RwZk25SxrlzwJ0XQoGBqoVCRDaMo5c7jKtXr0Kv18PPz89ovZ+fH9IlTiQ9ceJE1K1b1yhxv1tcXBx8fHxKloCAgArFTWSrpE69xSm6SC15efKWc2RMukl+WVnA448DERHAmTNqR0NERHZg7ty5WLduHTZv3gwPD9O3HEyePBlZWVklS1paWiVGSVR5pE5ewklOSC2envKWc2T8NyV56fXiXNxHj4rJdzkXTkREGoN8C6nL19cXOp0OGRkZRuszMjLg7+9f7msXLFiAuXPnYseOHWjVqvzpMN3d3eHt7W20WMtMVRaXc3ZffilvOWd36JC85Ui8V1vOcs7uyBF5yzkyJt0kr0mTgO+/B6pUAbZuBerUUTsiIrJl7F7uMNzc3NCmTRskJiaWrDMYDEhMTERERITJ182bNw+zZs1CQkIC2rZtWxmhlpA6OBoHUZNG6uBoHERNGqmDo3EQNemkDo7GQdSkufdewNxEOy4ujjuImiU4HxHJZ9UqYMEC8ffPPgPatFE3HiIiqlQxMTEYNmwY2rZti7CwMCxatAi5ubmIjo4GAAwdOhT16tVDXFwcAOCdd97BjBkzsGbNGgQGBpbc++3l5WX59JRWEoTypwhyrjleKo7HU148nvLjMZVXYaHpacNcXMTniS3dJJfffgNeeEH8fdo0YOBAdeMhIrug9ujl8fHxCAwMhIeHB8LDw7F3716TZZctW4aOHTuiRo0aqFGjBiIjI8st74wGDhyIBQsWYMaMGQgNDUVKSgoSEhJKBlc7f/48Ll26VFL+o48+QkFBAfr164c6deqULAuKv8CtJIJQugt5q1a8+LaWIJTuQv7llzye1hIEsXtu8b3bWq34mMfTeoJQugv577/zmFqrsFAcQ9nLS3x/enmJj5lw38Z5uqniBAFo1w7Ytw948kng6685qgeRA1Fynu6wXrNkm6d777bpFsW4fv16DB06FEuXLkV4eDgWLVqEDRs24Pjx46hdu3ap8s888ww6dOiA9u3bw8PDA++88w42b96MI0eOoF69ehXeB7IOz+tERKQWztNNlUejAb75Bnj+eeDzz5lwE5FdWLhwIUaOHIno6GgEBQVh6dKl8PT0xIoVK8osv3r1aowePRqhoaFo1qwZPv3005J7lomIiIhMYXZE8qhTB1i+XOxPQkQkkVrdywsKCrBv3z6j+aC1Wi0iIyORnJwsaRt5eXkoLCxEzZo1LauciIiInAqTbrJeXBywdq3aURARlcjOzjZa8vPzyyx39epV6PX6knuNi/n5+ZUM5mXOxIkTUbduXaPEnUhpqamATid2MtPpxMdkPR5PefF4yi8uTjyexct/41CSneHo5WSdDRuAKVPE35s2BR54QN14iMg+yTXd13/bCAgIMFodGxuLN998U4YKjM2dOxfr1q1DUlISPDwqfk86kRR3j7hsMAAtWoi/O9cIPfLg8ZQXj6f8yhplfcoUceExtS9MuslyBw4Aw4aJv48fz4SbiKxWkZHH794OAKSlpRkNZOLu7l5meV9fX+h0OmRkZBitz8jIgL+/f7l1LViwAHPnzsWPP/6IVncPeU2kkPKmOCp+nhfh0vF4yovHU348po6F3cvJMunpQO/ewM2bwGOPAfPmqR0REVEJb29vo8VU0u3m5oY2bdoYDYJWPChaRESEye3PmzcPs2bNQkJCAtq2bSt7/ERlkdpFl115peHxlBePp/ykdiFnV3P7waTbAosXL8ZDTy3A4sWLK73u92duxA9bpA3uI6ekr3Zj6aRV4oP8fKBvXyAtTexSvnatOOu9AgoLC3H+zGUUcoI/IscmCPItFoqJicGyZcuwatUqHD16FKNGjUJubi6io6MBAEOHDsXkyZNLyr/zzjuYPn06VqxYgcDAQKSnpyM9PR05OTmyHQ6isgQHy1vO2fF4yovHU37Fd3DKVY7UZxPdy+Pj4zF//nykp6cjJCQEixcvRlhYWJllly1bhs8//xyHDx8GALRp0wZz5swxWV4ODz21wOjx+qR8rE8S1+3a+Lpi9S5/71ts+GxPyePvvz6A92Z8BwBI+Gu2YvUCQFdtf6PHG9/5BhPwJ7rhHFC9ujhFWPXqstf7zfo9+CjuWxj0ty+gtVoNho+PwlPPdZS9PiJSl9zdyy0xcOBAXLlyBTNmzEB6ejpCQ0ORkJBQMrja+fPnob1jCsSPPvoIBQUF6Nevn9F2lLpvnKiYwSBvOWfH4ykvHk8i81Rv6V6/fj1iYmIQGxuL/fv3IyQkBFFRUbh8+XKZ5ZOSkjB48GD8/PPPSE5ORkBAALp164aLFy8qEt/dCbelz1vr7oT7bo+1mqZIvUDphBsANAD+hQf00CB56OtAkyay1/tF/I+In/2NUcINAAaDgGXvJmDpO9/KXicRObexY8fi3LlzyM/Px++//47w8PCS55KSkrBy5cqSx2fPnoUgCKUWJtykNK3EqzWp5Zwdj6e8eDyJzFP97b9w4UKMHDkS0dHRCAoKwtKlS+Hp6YkVK1aUWX716tUYPXo0QkND0axZM3z66acl9+E5kvIS7mJPtJ0ue72PVxlU5npBo8EKTTCGoxtmLE6RvV4AWL3053Kf3/Jl5XevJyKFCTIuRA7q0CF5yzk7Hk958XjKb84cecuR+lRNugsKCrBv3z6jOU61Wi0iIyORnCwtwcrLy0NhYSFq1qwpe3xSW7GVau02p6hA/qvMony90ePaQi5chdvrLmqqyV4nAHy68HtJ5d6d+rUi9RMREdmqoCB5yzk7Hk958XjK747hRGQpR+pTNem+evUq9Hp9yf1zxfz8/JCeni5pGxMnTkTdunWNEvc75efnIzs722ixdTPGrlQ7BABANSEf8/A/LMAvqCHcMnou6avdsta1+0dpQ1ruTz4pa71EpK7ie7rlWIgcmbmxAjl1kGV4POXF4yk/HlPHonr38oqYO3cu1q1bh82bN8PDw6PMMnFxcfDx8SlZAgICKjlKywW3qa92CNAJBkzHHtRDLmrgFgwwniywUcS9stbn5q6TVM7V3SbG/iMiuRgE+RYiBycIwJEjt++N1WrFx7z4tg6Pp7x4POUnCKW7kM+Zw2Nqj1RNun19faHT6ZCRkWG0PiMjA/7+/uW+dsGCBZg7dy527NiBVq1amSw3efJkZGVllSxpaWmyxK6k/tFlt9pXptE4iNa4gjy4YAY6IEtjPNet3F9ejJvWW1K5l97oIWu9RERE9iQoCNDrxYtuvZ5ddiuKx1NePJ7ymzzZeHZMdim3T6om3W5ubmjTpo3RIGjFg6JFRESYfN28efMwa9YsJCQkoG3btuXW4e7uDm9vb6NFKqnTgSk5bVh5ho/vLPs2n3rjCTwhnEIvnIIBwFyE4azGR/Z67tayTQO4uJb/dtRqgQe7NFc8FiKqRBxIjYiIiByc6t3LY2JisGzZMqxatQpHjx7FqFGjkJubi+joaADA0KFDMfmOr3TeeecdTJ8+HStWrEBgYCDS09ORnp6OnJwcVeJv29zdfCErSJmHW4kW8Zei7sUYpAAAPkNLJGvqliqz07BB9noBYPXP5X919/nONxSpl4jUo4FM93SrvSNEREREJqiedA8cOBALFizAjBkzEBoaipSUFCQkJJQMrnb+/HlcunSppPxHH32EgoIC9OvXD3Xq1ClZFixQZgTxXRtfN9mSvWvj61g0e5wi9QJi4q1zLb1++PjOkpJyi+n1wIsvwgUCzoQ8hHVoavS0Z/UqiiXcAODj44mEQ2+j0+PB0OrES2itVoMOkUFIOPQ2fGsr3+JOREREREQkJ40gONet+NnZ2fDx8UFWVpZFXc2dxsmTwFtvAZ98AlSponY0RGQDlPjcLN5mh0ffhItL2QNhWqKo6BZ2J77Jz3YnxPM6ERGpReo5iENBk7HGjYEvvlA7CiJyEnJN98Upw4iIiMhWqd69nGzArFlAQoLaURARERERETkctnQ7uy++AGbMAHQ6IDUVuP9+tSMiImci18jjbOkmIiIiG8WWbme2Zw8wcqT4+8SJTLiJiIhIFjt3AhrN7WXnTrUjsm/p6YC/P+DhIf5MT1c7Ivt38iTg5ia+P93cxMdkvZ9+Mv6f/+kntSOyLWzpdlYXLgB9+gD5+UDv3mIXcyKiSqYRBGhkGM9Tjm0QkTw0Zczh162b+JP/qparWhXIy7v9OCMDqFMH8PQEcnPVi8ueabXG78XCQqBJE/G9azCoF5e9Kut//tFHxZ/8nxcx6XZGeXliop2RAQQHA19+KX76EBFVNsN/ixzbISLVlXXxfffzvAiX7u6E+055eeLzTLwtc3fCfSdBEJ9n4i0d/+elYablbAQBiI4G9u8HfH2BbdsALy+1oyIiIiI7J7ULObuaS5OebjrhLpaXx67mljh50nwCKAjsai6V1C7k7GrOpNv5FBUB3t6AqyuwaRMQGKh2RETkxIq7l8uxEJG6iruQy1XO2YWGyluOgKAgecs5u+Iu5HKVc2RMup2NqyvwySfAgQNAx45qR0NEzk6QcSEiciCZmfKWI/HebTnLEUnFpNtZnD8vtnID4s0VLVqoGw8RERERmVS9urzlSGx7krMckVRMup3B5ctiq/YTT/DrUCKyLYIg30JEqtqxQ95yzi4lRd5yBKSmylvO2SUmylvOkXH0ckeXnw/07Su2dHt48MKUiGyKRhAXObZDROrq2lXecs7O31+cFqy8wdQ8PcVyJE3jxuZH09ZoxHJk3iOPyFvOkbGl25EJAjBqFLB7N+DjI45UXqOG2lERERGRg5IyMjRJl5srJtZl4Tzd1jEYTE9zxXm6Lcf/eWmYdDuy994DPvtMnHDwq6+Apk3VjoiIyBi7lxM5HEEo3YV8xw7+m1orNxe4dAnw8wPc3cWfly4x4a4IgwE4ceL2vduuruJjJtzWEYTSXcgTE/k/fyd2L3dU338PTJgg/v7uu5yfg4iIiCpN16684JaTvz/n45Zb48ZAQYHaUTiORx7h/3x5mHQ7olu3gOHDxa/rhg8HXnlF7YiIiMqkMYiLHNshIiIiskXsXu6IPDyA7duBwYOBDz80feMKEZHa2L2cyCKrVomn9eJl1Sq1I7JvqamATiceS52Oo1ZXVHq62Crv4cHWebnExxv/z8fHqx0RWYNJt6MKDQXWrAHc3NSOhIiInEh8fDwCAwPh4eGB8PBw7N2712TZI0eO4KmnnkJgYCA0Gg0WLVpUeYHaIY0GeO4543XPPcfv1q2l0QAtWty+j9dgEB/zeFqnalWgTh0gI0OcPCcjQ3xctarakdkvjQYYO9Z43dixfI/aIybdjiQ2FtizR+0oiIikE2RcSHXr169HTEwMYmNjsX//foSEhCAqKgqXL18us3xeXh4aNmyIuXPnwp/zHpXL3EU2L8Itw+Mpr6pVTU9tlpfHxNsafI86FibdjuKTT4CZM4EuXYB//lE7GiIiSTSCINtC6lu4cCFGjhyJ6OhoBAUFYenSpfD09MSKFSvKLN+uXTvMnz8fgwYNgru7eyVHaz+kdiFnV3NppHYhZ1dzadLTy59LHBCfZ1dz6aR2IWdXc/vBpNsR/PILMGaM+Pu0aUDduurGQ0RETqegoAD79u1DZGRkyTqtVovIyEgkJyfLVk9+fj6ys7ONFkd3d5fyipZzdsHB8pZzdqGh8paj0l3KK1qO1Mek296dOQM89RRQVAQMGgRMmaJ2RERE0nEgNYdx9epV6PV6+Pn5Ga338/NDuoxNXHFxcfDx8SlZAgICZNs2OQepczFzzmZpMjPlLUfkiJh027MbN4BevYB//wXatAGWL+cNHkRE5NAmT56MrKyskiUtLU3tkMjOaCVe/Uot5+yqV5e3HJEj4seJvTIYgGefBQ4fFoeG3LoV8PRUOyoiIssIAAwyLGzoVp2vry90Oh0yMjKM1mdkZMg6SJq7uzu8vb2NFke3cqW85ZzdoUPylnN2KSnyliNgyRJ5y5H6mHTbq/x8cUJJd3dgyxagXj21IyIishgHUnMcbm5uaNOmDRITE0vWGQwGJCYmIiIiQsXI7N+wYfKWc3ZBQfKWc3b+/ubbfTw9xXIkTfFQTXKVI/W5qB0AWalKFeDrr4G//uLIFEREZBNiYmIwbNgwtG3bFmFhYVi0aBFyc3MRHR0NABg6dCjq1auHuLg4AOLga6n/DRFdUFCAixcvIiUlBV5eXmjcuLFq+2GLBKH8O8j4vZNleDzllZtretowT0/xebIM36OOhS3d9ubixdv/ZVotE24ism8CZBpITe0dIQAYOHAgFixYgBkzZiA0NBQpKSlISEgoGVzt/PnzuHTpUkn5f/75B61bt0br1q1x6dIlLFiwAK1bt8aIESPU2gWbJgilu5CvXMmLb2sJAnDkyO17t7Va8TGPp3Vyc4FLlwA/P7Ejpp+f+JgJt/UEoXQX8iVL+B61RxpBcK4/W3Z2Nnx8fJCVlWV/94FdvAi0ayfOxf3pp2JrNxGRwpT43Cze5iMhE+Giq/j8zEX6fPx08B37/GynCrHr8zoREdk1qecgtnTbi7w8oE8f8SvDgweBwkK1IyIiIiIiIiIzeE+3PRAEYPhw4M8/gXvuAbZtA/htPhE5AgMAOWY65Hy6REREZKPY0m0P5swB1q0DXFyAjRuBhg3VjoiISBYcvZzIMZ08Cbi5iQNBubmJj8l6164BwcFi20twsPiYKubQIfE+fo1G/Mkp4ipm507xWBYvO3eqHZFtYdJt67ZsAaZNE3+Pjwc6dVI1HCIiRxIfH4/AwEB4eHggPDwce/fuNVn2yJEjeOqppxAYGAiNRoNFixZVXqBEdkSrBZo0uX0nXGGh+FjLq06r+PuLyfbhw2Kyffiw+JhTcFlPowFatbo9IJkgiI/LGy2cTNNogG7djNd168bjeSd+/Nmy7Gzg+efF38eNA154Qd14iIjkJsvI5YJVQ7muX78eMTExiI2Nxf79+xESEoKoqChcvny5zPJ5eXlo2LAh5s6dC39e7RKVSas1/e8oCEy8LeXvD2RklP1cRgYTb2uYSwSZKFqGx1MafvTZMm9vYPNmYNAgYOFCtaMhInIoCxcuxMiRIxEdHY2goCAsXboUnp6eWLFiRZnl27Vrh/nz52PQoEFwd6/4iOtEjubkSfPffwkCu5pLde2a6YS7WEYGu5pbQmoXcnY1l0ZqF3J2NWfSbfs6dQLWrhXv5yYicjQyt3RnZ2cbLfn5+WVWW1BQgH379iEyMrJknVarRWRkJJKTkytl14kcTVCQvOWcndQ7CnnnoXQhIfKWc3Z3dymvaDlHxqTb1ggCMGMGcOSI2pEQESlP5qQ7ICAAPj4+JUtcXFyZ1V69ehV6vR5+fn5G6/38/JCenq74bhM5IqmzmXLWU2n++UfeciT9TiSOzUlyY/OprfngA2DWLGDxYuDUKaBmTbUjIiKyG2lpafC+Y0pFdgMnqjyurtISaldX5WNxBHXrSus6Xreu8rE4Co1GWkLN+5BJbmzptiU7dgAxMeLv06cz4SYix2eQcQHg7e1ttJhKun19faHT6ZBx1w2TGRkZHCSNyEqpqfKWc3a//CJvOQIOHpS3nLPbsUPeco6MSbetOH4cGDAAMBiA6Ghg/Hi1IyIiUpxa83S7ubmhTZs2SExMLFlnMBiQmJiIiIgIuXeTyCk0bixtJOPGjSsnHntXsyZw1x0wpfj5sY3GEsHB8pZzdl27ylvOkbF7uS24fh3o1QvIygLatwc++oj9WoiIFBYTE4Nhw4ahbdu2CAsLw6JFi5Cbm4vo6GgAwNChQ1GvXr2S+8ILCgqQ+l8TXUFBAS5evIiUlBR4eXmhMbMIIgBi24GpacM0GvF5ki493fS0YX5+4vNkGUEo/zKb93NbhsdTGrZ0q62oCBg4EPj7b+Dee4FNmwDeg0hEzkLFeboHDhyIBQsWYMaMGQgNDUVKSgoSEhJKBlc7f/48Ll26VFL+n3/+QevWrdG6dWtcunQJCxYsQOvWrTFixAjZDgeRIzAYgBMnbt+77eoqPmbCbZ30dODff4GWLcVW7ZYtxcdMuK0nCMBff91OFjUa8TETROsIQuku5Dt28HjeiS3dasvLExNvT09g61bz/YiIiByJQQA0MpyVDdZtY+zYsRg7dmyZzyUlJRk9DgwMhMArCCJJGjcGCgrUjsJx1KzJuaPlFhzML4Lk1LUrk+zyMOlWm7c38MMP4tdroaFqR0NEREREREQyYvdytdx5c46rK9CmjXqxEBGpRcXu5URERESVgUm3Gs6eFW/IefllsWs5EREREREROSR2L69sN26II5VfvQrs3i3e8OTCPwMROSu5WqnZ0k1ERES2idleZTIYgCFDxJEw/PyALVvEAdSIiJyVXF3D2b2ciIiIbBS7l1em6dPFEcrd3cWEOyBA7YiIiIiIiIhIQWzprixr1wJz5oi/L1sGPPiguvEQEdkCgwBZuoZbOWUYERERkdLY0l0ZLl8GRowQf58wQexiTkREgGCQbyEistDx4+LQOhqN+PP4cbUjsm9XrgANGgBeXuLPK1fUjsj+TZ4svj+Ll8mT1Y7Ivun1QFKS2B6alCQ+rgxs6a4MtWsDa9aIf924OLWjISIiInJ6Go3xY70eaNZM/J3DRFiuenUgK+v249xc8RLYxwfIzFQrKvt293sUAObOFRe+Ry23aRPwyivAhQu319WvD7z/PtC3r7J1s6W7svTuDaxbB+h0akdCRGQ7OE83EamgrGTGkufJ2N0J952yssTnyTJ8j8pr0yagXz/jhBsALl4U12/apGz9TLqVIghAbCxw7pzakRARERHRf6R2IWdXc2muXDGdcBfLymJXc0tI7ULOrubS6PViC3dZ388Xr3v1VWW7mjPpVsrcucDMmUCHDkBentrREBHZJoMg30JEJEGLFvKWc3ZhYfKWIzGNkLOcs/v119It3HcSBCAtTSynFN7TrYRt24CpU8Xfp03jXNxERKZwnm4iqmRSW7Mqa4Aleye1BZst3aSWS5fkLWcNtnTL7dAh4JlnxAvA0aOBl15SOyIiIiIi+o/U4XU4DI80tWrJW45IbnXqyFvOGky65XTlCtCrF5CTA3TpAixapHZERES2TYBMA6mpvSNEZC+OHJG3nLPbu1fecgRMmiRvOWfXsaM4Srmpwec0GiAgQCynFCbdcikoEIe+O3sWaNQI2LABcHVVOyoiItvG0cuJqJI1bSpvOWdXq5Y4LVh5fHzY0m0JqTMMcyZiaXQ6cVowoHTiXfx40SJle7cw6ZZLVpbYwl2tmnhP9z33qB0REREREZXB3Pd0/B7PMpmZphNvztNtHb5H5dW3L/D110C9esbr69cX13OebntRq5Y45F1iIhAUpHY0RET2wWCQbyEisoAgAMeO3W7d0unEx0xmrJOZCVy+DAQGAlWrij8vX2bCXRGCULoL+aRJfI9aq29fsVPyzz8Da9aIP8+cUT7hBjh6ecX9++/tVm1PT6BdO3XjISKyJxy9nIhU1LQpUFSkdhSOo1YtMYkh+cTFsRu5nHQ6oHPnyq+XLd0V8fffQJMm4nzcvOAjIiIiIiKiuzDptlZmpjhS+fXrQEKCOJAaERFZhgOpETmk9evFAYqKl/Xr1Y7Ivt28CYwdC0RFiT9v3lQ7Ivt35QrQoAHg5SX+5DziFZOaKrYiazTiz9RUtSOyLTaRdMfHxyMwMBAeHh4IDw/HXjNzCmzYsAHNmjWDh4cHgoODsX379kqK9D9FRcCgQcDx4+Ld95s2Ae7ulRsDERGRDbK7czrJTqMRL5PuNGiQ6el6qHx9+oh3MMbHAzt2iD89PcX1ZJ3q1YHatcX7e3NzxZ+1a4vryXIaDdCixe3hVQwG8TH/529TPelev349YmJiEBsbi/379yMkJARRUVG4fPlymeV/++03DB48GMOHD8eBAwfQp08f9OnTB4cPH668oN94A/jhB6BKFXGkcn//yqubiMiRGAT5FlKdXZ7TSVbmLrJ5EW6ZPn2ArVvLfm7rVibe1qheXZx0qCxZWUy8LcX/eWk0gqBun7zw8HC0a9cOS5YsAQAYDAYEBARg3LhxmFTGjO8DBw5Ebm4uvv3225J1Dz74IEJDQ7F06VKz9WVnZ8PHxwdZWVnw9va2POAVK4Dhw8Xfv/oK6N/f8m0QEdmRCn9ulrPNR2sMg4vWrcLbKzIUIPH6KlljJMtV9jkdUOb9SdZZv750C3dZ1q0DBg5UPh57d/Om2KJtTl6e2A5E5l25IrZom3P5MucVlyI1VWzRNufIEced3EnqOUjVlu6CggLs27cPkZGRJeu0Wi0iIyORnJxc5muSk5ONygNAVFSUyfL5+fnIzs42Wqx29izw0kvi77GxTLiJiIj+UxnndEDm8zrJSkrCbUk5ZzdhgrzlCAgLk7ecswsOlrecI1M16b569Sr0ej38/PyM1vv5+SE9Pb3M16Snp1tUPi4uDj4+PiVLQECA9QEHBgIffww88wwwY4b12yEiIpEgU9dyDqSmuso4pwMyn9eJbNiJE/KWI+mDpXFQNWmK7+GWq5wjU/2ebqVNnjwZWVlZJUtaWlrFNhgdDXzxBaB1+ENHRKQ8jl5OFpL9vE5ko5o0kbccSe8yzq7l0khNh5g2qZx0+/r6QqfTISMjw2h9RkYG/E0MTubv729ReXd3d3h7exstFcYRAYiIiIxUxjkdUOi8TrJYt07ecs5u/nx5yxFgZjIFi8s5u0OH5C3nyFRNut3c3NCmTRskJiaWrDMYDEhMTERERESZr4mIiDAqDwA7d+40WZ6IiGyYwSDfQqriOZ2kDo7GQdSkqVIF6N27/DK9e3MQNUvUqgX4+JRfxseHLd1SSR0czVEHUbOE6o39MTExWLZsGVatWoWjR49i1KhRyM3NRXR0NABg6NChmDx5ckn5V155BQkJCXj33Xdx7NgxvPnmm/jzzz8xduxYtXaBiIiIwHM6mb/Tg3eCWGbLFtOJd+/e4vNkmcxM04m3j4/4PEnH/3lpXNQOYODAgbhy5QpmzJiB9PR0hIaGIiEhoWRglfPnz0N7x40A7du3x5o1azBt2jRMmTIFTZo0wZYtW9CyZUu1doGIiKwlCABkOCPzrG4TeE4nQPx3vHv6ME4TZr0tW8TpwyZMEAdNa9JE7FLOFm7rZWaKg6WFhYk/a9USu5Szhds6giBOHxYcLHY802rFLuVs4b5N9Xm6Kxvn8yQisoyS83Q/4jkILhoZ5ukWCvBT3jp+tjshnteJiEgtdjFPNxEREREREZEjU717OREROTF2LyciIiIHx6SbiIjUYxAADZNuIiIiclzsXk5ERERERESkELZ0ExGRegQBgAxzbLOlm4iIiGwUk24iIlKNYBAgyNC93Mkm4iAiIiI7wu7lRERERERERAph0k1EROoRDPItVoiPj0dgYCA8PDwQHh6OvXv3llt+w4YNaNasGTw8PBAcHIzt27dbVS8RERE5DybdRETklNavX4+YmBjExsZi//79CAkJQVRUFC5fvlxm+d9++w2DBw/G8OHDceDAAfTp0wd9+vTB4cOHKzlyIiIisidMuomISDWCQZBtsdTChQsxcuRIREdHIygoCEuXLoWnpydWrFhRZvn3338fjz32GCZMmIDmzZtj1qxZeOCBB7BkyZKKHgYiIiJyYEy6iYhIPSp1Ly8oKMC+ffsQGRlZsk6r1SIyMhLJycllviY5OdmoPABERUWZLE9EREQEOOHo5cUj3GZnZ6scCRGRfSj+vFRihPAiFAIybLYIhQBKf7a7u7vD3d29VPmrV69Cr9fDz8/PaL2fnx+OHTtWZh3p6elllk9PT69I6FRBPK8TEZFapF4jOV3SfePGDQBAQECAypEQEdmXGzduwMfHR5Ztubm5wd/fH7vS5RuIzMvLq9Rne2xsLN58803Z6iDbw/M6ERGpzdw1ktMl3XXr1kVaWhqqVasGjUZj0Wuzs7MREBCAtLQ0eHt7KxShbeE+c58dkbPtL1CxfRYEATdu3EDdunVli8fDwwNnzpxBQUGBbNsUBKHU53pZrdwA4OvrC51Oh4yMDKP1GRkZ8Pf3L/M1/v7+FpWnylGR8/rdnPGzQUk8nvLi8ZQfj6m8nPF4Sr1GcrqkW6vVon79+hXahre3t9O8kYpxn52Ds+2zs+0vYP0+y9XCfScPDw94eHjIvl0p3Nzc0KZNGyQmJqJPnz4AAIPBgMTERIwdO7bM10RERCAxMRGvvvpqybqdO3ciIiKiEiImU+Q4r9/NGT8blMTjKS8eT/nxmMrL2Y6nlGskp0u6iYiIACAmJgbDhg1D27ZtERYWhkWLFiE3NxfR0dEAgKFDh6JevXqIi4sDALzyyivo1KkT3n33XfTo0QPr1q3Dn3/+iU8++UTN3SAiIiIbx6SbiIic0sCBA3HlyhXMmDED6enpCA0NRUJCQslgaefPn4dWe3uSj/bt22PNmjWYNm0apkyZgiZNmmDLli1o2bKlWrtAREREdoBJtwXc3d0RGxtr8h5BR8R9dg7Ots/Otr+Ac+6zFGPHjjXZnTwpKanUuv79+6N///4KR0Vq4f+JvHg85cXjKT8eU3nxeJqmEZSYA4aIiIiIiIiIoDVfhIiIiIiIiIiswaSbiIiIiIiISCFMuomIiIiIiIgUwqT7LvHx8QgMDISHhwfCw8Oxd+/ecstv2LABzZo1g4eHB4KDg7F9+/ZKilQ+luzzsmXL0LFjR9SoUQM1atRAZGSk2WNkiyz9Oxdbt24dNBpNyby+9sLS/c3MzMSYMWNQp04duLu74/7777e797al+7xo0SI0bdoUVapUQUBAAMaPH49bt25VUrQV97///Q89e/ZE3bp1odFosGXLFrOvSUpKwgMPPAB3d3c0btwYK1euVDxOIrU543leSc54DaEkZ7s+UZozXv8ozdmur2QjUIl169YJbm5uwooVK4QjR44II0eOFKpXry5kZGSUWX737t2CTqcT5s2bJ6SmpgrTpk0TXF1dhUOHDlVy5NazdJ+ffvppIT4+Xjhw4IBw9OhR4bnnnhN8fHyECxcuVHLk1rN0n4udOXNGqFevntCxY0ehd+/elROsDCzd3/z8fKFt27ZC9+7dhV27dglnzpwRkpKShJSUlEqO3HqW7vPq1asFd3d3YfXq1cKZM2eEH374QahTp44wfvz4So7cetu3bxemTp0qbNq0SQAgbN68udzyp0+fFjw9PYWYmBghNTVVWLx4saDT6YSEhITKCZhIBc54nleSM15DKMnZrk+U5ozXP0pzxusruTDpvkNYWJgwZsyYksd6vV6oW7euEBcXV2b5AQMGCD169DBaFx4eLrz44ouKxiknS/f5bkVFRUK1atWEVatWKRWi7KzZ56KiIqF9+/bCp59+KgwbNsyuTmqW7u9HH30kNGzYUCgoKKisEGVn6T6PGTNGeOSRR4zWxcTECB06dFA0TqVISbrfeOMNoUWLFkbrBg4cKERFRSkYGZG6nPE8ryRnvIZQkrNdnyjNGa9/lObs11cVwe7l/ykoKMC+ffsQGRlZsk6r1SIyMhLJycllviY5OdmoPABERUWZLG9rrNnnu+Xl5aGwsBA1a9ZUKkxZWbvPM2fORO3atTF8+PDKCFM21uzvtm3bEBERgTFjxsDPzw8tW7bEnDlzoNfrKyvsCrFmn9u3b499+/aVdJE6ffo0tm/fju7du1dKzGqw988vIks543leSc54DaEkZ7s+UZozXv8ojddXFeOidgC24urVq9Dr9fDz8zNa7+fnh2PHjpX5mvT09DLLp6enKxannKzZ57tNnDgRdevWLXVRYqus2eddu3Zh+fLlSElJqYQI5WXN/p4+fRo//fQTnnnmGWzfvh0nT57E6NGjUVhYiNjY2MoIu0Ks2eenn34aV69exUMPPQRBEFBUVISXXnoJU6ZMqYyQVWHq8ys7Oxs3b95ElSpVVIqMSBnOeJ5XkjNeQyjJ2a5PlOaM1z9K4/VVxbClm6w2d+5crFu3Dps3b4aHh4fa4Sjixo0bGDJkCJYtWwZfX1+1w6kUBoMBtWvXxieffII2bdpg4MCBmDp1KpYuXap2aIpJSkrCnDlz8OGHH2L//v3YtGkTvvvuO8yaNUvt0IiIHJIzXEMoyRmvT5TmjNc/SuP11W1s6f6Pr68vdDodMjIyjNZnZGTA39+/zNf4+/tbVN7WWLPPxRYsWIC5c+fixx9/RKtWrZQMU1aW7vOpU6dw9uxZ9OzZs2SdwWAAALi4uOD48eNo1KiRskFXgDV/4zp16sDV1RU6na5kXfPmzZGeno6CggK4ubkpGnNFWbPP06dPx5AhQzBixAgAQHBwMHJzc/HCCy9g6tSp0God7/tJU59f3t7ebOUmh+SM53klOeM1hJKc7fpEac54/aM0Xl9VjPPsqRlubm5o06YNEhMTS9YZDAYkJiYiIiKizNdEREQYlQeAnTt3mixva6zZZwCYN28eZs2ahYSEBLRt27YyQpWNpfvcrFkzHDp0CCkpKSVLr1690KVLF6SkpCAgIKAyw7eYNX/jDh064OTJkyUnbwD4+++/UadOHbs44Vizz3l5eaU++ItPuoIgKBesiuz984vIUs54nleSM15DKMnZrk+U5ozXP0rj9VUFqTuOm21Zt26d4O7uLqxcuVJITU0VXnjhBaF69epCenq6IAiCMGTIEGHSpEkl5Xfv3i24uLgICxYsEI4ePSrExsba3VQilu7z3LlzBTc3N+Hrr78WLl26VLLcuHFDrV2wmKX7fDd7Gx3U0v09f/68UK1aNWHs2LHC8ePHhW+//VaoXbu2MHv2bLV2wWKW7nNsbKxQrVo1Ye3atcLp06eFHTt2CI0aNRIGDBig1i5Y7MaNG8KBAweEAwcOCACEhQsXCgcOHBDOnTsnCIIgTJo0SRgyZEhJ+eIpwyZMmCAcPXpUiI+P55Rh5PCc8TyvJGe8hlCSs12fKM0Zr3+U5ozXV3Jh0n2XxYsXC/fee6/g5uYmhIWFCXv27Cl5rlOnTsKwYcOMyn/11VfC/fffL7i5uQktWrQQvvvuu0qOuOIs2ef77rtPAFBqiY2NrfzAK8DSv/Od7PGkZun+/vbbb0J4eLjg7u4uNGzYUHj77beFoqKiSo66YizZ58LCQuHNN98UGjVqJHh4eAgBAQHC6NGjhevXr1d+4Fb6+eefy/zfLN7PYcOGCZ06dSr1mtDQUMHNzU1o2LCh8Nlnn1V63ESVzRnP80pyxmsIJTnb9YnSnPH6R2nOdn0lF40gOFvbPhEREREREVHl4D3dRERERERERAph0k1ERERERESkECbdRERERERERAph0k1ERERERESkECbdRERERERERAph0k1ERERERESkECbdRERERERERAph0k1ERERERESkECbdRBWQlJQEjUaDzMxMya8JDAzEokWLFIuJiIiIHBevPYjsD5NucljPPfccNBoNXnrppVLPjRkzBhqNBs8991zlB2ZGXl4eJk+ejEaNGsHDwwO1atVCp06dsHXrVrVDIyIionLw2oOIysKkmxxaQEAA1q1bh5s3b5asu3XrFtasWYN7771XxchMe+mll7Bp0yYsXrwYx44dQ0JCAvr164d///1XsToLCgoU2zYREZEz4bWHNLz2IGfCpJsc2gMPPICAgABs2rSpZN2mTZtw7733onXr1kZl8/Pz8fLLL6N27drw8PDAQw89hD/++MOozPbt23H//fejSpUq6NKlC86ePVuqzl27dqFjx46oUqUKAgIC8PLLLyM3N1dyzNu2bcOUKVPQvXt3BAYGok2bNhg3bhyef/55o1gnTpyIgIAAuLu7o3Hjxli+fHnJ87/88gvCwsLg7u6OOnXqYNKkSSgqKip5vnPnzhg7dixeffVV+Pr6IioqCgBw+PBhPP744/Dy8oKfnx+GDBmCq1evlrzu66+/RnBwMKpUqYJ77rkHkZGRFu0bERGRo+O1B689iO7GpJsc3vPPP4/PPvus5PGKFSsQHR1dqtwbb7yBjRs3YtWqVdi/fz8aN26MqKgoXLt2DQCQlpaGvn37omfPnkhJScGIESMwadIko22cOnUKjz32GJ566in89ddfWL9+PXbt2oWxY8dKjtff3x/bt2/HjRs3TJYZOnQo1q5diw8++ABHjx7Fxx9/DC8vLwDAxYsX0b17d7Rr1w4HDx7ERx99hOXLl2P27NlG21i1ahXc3Nywe/duLF26FJmZmXjkkUfQunVr/Pnnn0hISEBGRgYGDBgAALh06RIGDx6M559/HkePHkVSUhL69u0LQRAk7xsREZEz4LUHrz2IjAhEDmrYsGFC7969hcuXLwvu7u7C2bNnhbNnzwoeHh7ClStXhN69ewvDhg0TBEEQcnJyBFdXV2H16tUlry8oKBDq1q0rzJs3TxAEQZg8ebIQFBRkVMfEiRMFAML169cFQRCE4cOHCy+88IJRmV9//VXQarXCzZs3BUEQhPvuu0947733TMb9yy+/CPXr1xdcXV2Ftm3bCq+++qqwa9eukuePHz8uABB27txZ5uunTJkiNG3aVDAYDCXr4uPjBS8vL0Gv1wuCIAidOnUSWrdubfS6WbNmCd26dTNal5aWJgAQjh8/Luzbt08AIJw9e9Zk7ERERM6M1x689iAqC1u6yeHVqlULPXr0wMqVK/HZZ5+hR48e8PX1NSpz6tQpFBYWokOHDiXrXF1dERYWhqNHjwIAjh49ivDwcKPXRUREGD0+ePAgVq5cCS8vr5IlKioKBoMBZ86ckRTvww8/jNOnTyMxMRH9+vXDkSNH0LFjR8yaNQsAkJKSAp1Oh06dOpX5+qNHjyIiIgIajaZkXYcOHZCTk4MLFy6UrGvTpk2p2H/++Wej2Js1a1ZyfEJCQvDoo48iODgY/fv3x7Jly3D9+nVJ+0RERORMeO3Baw+iO7moHQBRZXj++edLulnFx8crVk9OTg5efPFFvPzyy6Wes2TwFFdXV3Ts2BEdO3bExIkTMXv2bMycORMTJ05ElSpVZIm1atWqRo9zcnLQs2dPvPPOO6XK1qlTBzqdDjt37sRvv/2GHTt2YPHixZg6dSp+//13NGjQQJaYiIiIHAWvPUrjtQc5K7Z0k1N47LHHUFBQgMLCwpKBO+7UqFGjknuMihUWFuKPP/5AUFAQAKB58+bYu3ev0ev27Nlj9PiBBx5AamoqGjduXGpxc3OzOv6goCAUFRXh1q1bCA4OhsFgwC+//FJm2ebNmyM5Odnofqfdu3ejWrVqqF+/vsk6HnjgARw5cgSBgYGlYi8+SWo0GnTo0AFvvfUWDhw4ADc3N2zevNnq/SIiInJUvPbgtQdRMSbd5BR0Oh2OHj2K1NRU6HS6Us9XrVoVo0aNwoQJE5CQkIDU1FSMHDkSeXl5GD58OABxOo0TJ05gwoQJOH78ONasWYOVK1cabWfixIn47bffMHbsWKSkpODEiRPYunWrRYOZdO7cGR9//DH27duHs2fPYvv27ZgyZQq6dOkCb29vBAYGYtiwYXj++eexZcsWnDlzBklJSfjqq68AAKNHj0ZaWhrGjRuHY8eOYevWrYiNjUVMTAy0WtP/8mPGjMG1a9cwePBg/PHHHzh16hR++OEHREdHQ6/X4/fff8ecOXPw559/4vz589i0aROuXLmC5s2bS943IiIiZ8FrD157EJVQ+6ZyIqUUD2Ziyp2DmQiCINy8eVMYN26c4OvrK7i7uwsdOnQQ9u7da/Sab775RmjcuLHg7u4udOzYUVixYoXRYCaCIAh79+4VunbtKnh5eQlVq1YVWrVqJbz99tslz5sbzGTOnDlCRESEULNmTcHDw0No2LCh8PLLLwtXr141inX8+PFCnTp1BDc3N6Fx48bCihUrSp5PSkoS2rVrJ7i5uQn+/v7CxIkThcLCwpLnO3XqJLzyyiul6v7777+FJ598UqhevbpQpUoVoVmzZsKrr74qGAwGITU1VYiKihJq1aoluLu7C/fff7+wePFik/tBRETkbHjtwWsPorJoBIFj7hMREREREREpgd3LiYiIiIiIiBTCpJuIiIiIiIhIIUy6iYiIiIiIiBTCpJuIiIiIiIhIIUy6iYiIiIiIiBTCpJuIiIiIiIhIIUy6iYiIiIiIiBTCpJuIiIiIiIhIIUy6iYiIiIiIiBTCpJuIiIiIiIhIIUy6iYiIiIiIiBTCpJuIiIiIiIhIIf8HA7eDA1K+mPIAAAAASUVORK5CYII=", + "text/plain": [ + "
" + ] + }, + "metadata": {}, + "output_type": "display_data" + } + ], + "source": [ + "\n", + "import matplotlib.pyplot as plt\n", + "import numpy as np\n", + "\n", + "\n", + "# Assuming scores and true_scores are flat lists of predicted probabilities and their corresponding ground truth relevances\n", + "# Calculate the absolute errors\n", + "errors = np.abs(np.array(scores) - np.array(true_scores))\n", + "\n", + "# Scatter plot of scores vs true_scores\n", + "plt.figure(figsize=(10, 5))\n", + "\n", + "# First subplot: scatter plot with color-coded errors\n", + "plt.subplot(1, 2, 1)\n", + "scatter = plt.scatter(scores, true_scores, c=errors, cmap='viridis')\n", + "plt.colorbar(scatter, label='Absolute Error')\n", + "plt.plot([0, 1], [0, 1], 'r--', label='Perfect Alignment') # Line of perfect alignment\n", + "plt.xlabel('Model Scores')\n", + "plt.ylabel('True Scores')\n", + "plt.title('Model Scores vs. True Scores')\n", + "plt.legend()\n", + "\n", + "# Second subplot: Error across score ranges\n", + "plt.subplot(1, 2, 2)\n", + "plt.scatter(scores, errors, color='blue')\n", + "plt.xlabel('Model Scores')\n", + "plt.ylabel('Absolute Error')\n", + "plt.title('Error Across Score Ranges')\n", + "\n", + "plt.tight_layout()\n", + "plt.show()\n", + "\n" + ] + } + ], + "metadata": { + "kernelspec": { + "display_name": "trulens", + "language": "python", + "name": "python3" + }, + "language_info": { + "codemirror_mode": { + "name": "ipython", + "version": 3 + }, + "file_extension": ".py", + "mimetype": "text/x-python", + "name": "python", + "nbconvert_exporter": "python", + "pygments_lexer": "ipython3", + "version": "3.11.5" + } + }, + "nbformat": 4, + "nbformat_minor": 2 +} diff --git a/trulens_eval/trulens_eval/tests/context_relevance_benchmark.ipynb b/trulens_eval/trulens_eval/tests/context_relevance_benchmark.ipynb new file mode 100644 index 000000000..c59a2b934 --- /dev/null +++ b/trulens_eval/trulens_eval/tests/context_relevance_benchmark.ipynb @@ -0,0 +1,544 @@ +{ + "cells": [ + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "# 📓 Context Relevance Benchmarking: ranking is all you need.\n", + "\n", + "The numerical scoring scheme adopted by TruLens’ feedback functions is intuitive for generating aggregated results from eval runs that are easy to interpret and visualize across different applications of interest. However, it begs the question how trustworthy these scores actually are, given they are at their core next-token-prediction-style generation from meticulously designed prompts. Consequently, these feedback functions face typical large language model (LLM) challenges in rigorous production environments, including prompt sensitivity and non-determinism, especially when incorporating Mixture-of-Experts and model-as-a-service solutions like those from OpenAI. \n", + "\n", + "Another frequent inquiry from the community concerns the intrinsic semantic significance, or lack thereof, of feedback scores—for example, how one would interpret and instrument with a score of 0.9 when assessing context relevance in a RAG application or whether a harmfulness score of 0.7 from GPT-3.5 equates to the same from Llama-2-7b.\n", + " \n", + "For simpler meta-evaluation tasks, when human numerical scores are available in the benchmark datasets, such as SummEval, it’s a lot more straightforward to evaluate feedback functions as long as we can define reasonable correlation between the task of the feedback function and the ones available in the benchmarks. Check out our preliminary work on evaluating our own groundedness feedback functions: https://www.trulens.org/trulens_eval/groundedness_smoke_tests/#groundedness-evaluations and our previous blog, where the groundedness metric in the context of RAG can be viewed as equivalent to the consistency metric defined in the SummEval benchmark. In those cases, calculating MAE between our feedback scores and the golden set’s human scores can readily provide insights on how well the groundedness LLM-based feedback functions are aligned with human preferences. \n", + "\n", + "Yet, acquiring high-quality, numerically scored datasets is challenging and costly, a sentiment echoed across institutions and companies working on RLFH dataset annotation.\n", + "\n", + "Observing that many [information retrieval (IR) benchmarks](https://huggingface.co/datasets/ms_marco/viewer/v2.1) use binary labels, we propose to frame the problem of evaluating LLM-based feedback functions (meta-evaluation) as evaluating a recommender system. In essence, we argue the relative importance or ranking based on the score assignments is all you need to achieve meta-evaluation against human golden sets. The intuition is that it is a sufficient proxy to trustworthiness if feedback functions demonstrate discriminative capabilities that reliably and consistently assign items, be it context chunks or generated responses, with weights and ordering closely mirroring human preferences. \n", + "\n", + " In this following section, we illustrate how we conduct meta-evaluation experiments on one of Trulens most widely used feedback functions: `context relevance` and share how well they are aligned with human preferences in practice. " + ] + }, + { + "cell_type": "code", + "execution_count": 9, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Note: you may need to restart the kernel to use updated packages.\n" + ] + } + ], + "source": [ + "# pip install -q scikit-learn litellm trulens_eval" + ] + }, + { + "cell_type": "code", + "execution_count": 1, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "🦑 Tru initialized with db url sqlite:///default.sqlite .\n", + "🛑 Secret keys may be written to the database. See the `database_redact_keys` option of Tru` to prevent this.\n" + ] + } + ], + "source": [ + "# Import groundedness feedback function\n", + "from trulens_eval import Tru\n", + "from test_cases import generate_ms_marco_context_relevance_benchmark\n", + "from benchmark_frameworks.eval_as_recommendation import score_passages, compute_ndcg, compute_ece, recall_at_k, precision_at_k\n", + "Tru().reset_database()\n", + "\n", + "benchmark_data = []\n", + "for i in range(1, 6):\n", + " dataset_path = f\"./datasets/ms_marco/ms_marco_train_v2.1_{i}.json\"\n", + " benchmark_data.extend(list(generate_ms_marco_context_relevance_benchmark(dataset_path)))\n" + ] + }, + { + "cell_type": "code", + "execution_count": 2, + "metadata": {}, + "outputs": [], + "source": [ + "import os\n", + "os.environ[\"OPENAI_API_KEY\"] = \"...\"\n", + "os.environ[\"ANTHROPIC_API_KEY\"] = \"...\"" + ] + }, + { + "cell_type": "code", + "execution_count": 18, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "50\n" + ] + } + ], + "source": [ + "import pandas as pd\n", + "import numpy as np\n", + "df = pd.DataFrame(benchmark_data)\n", + "df = df.iloc[:500]\n", + "print(len(df.groupby(\"query_id\").count()))" + ] + }, + { + "cell_type": "code", + "execution_count": 19, + "metadata": {}, + "outputs": [ + { + "data": { + "text/html": [ + "
\n", + "\n", + "\n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + "
query_idquerypassageis_selectedrelevant_idx
01185869)what was the immediate impact of the success ...The presence of communication amid scientific ...10
11185869)what was the immediate impact of the success ...The Manhattan Project and its atomic bomb help...00
21185869)what was the immediate impact of the success ...Essay on The Manhattan Project - The Manhattan...00
31185869)what was the immediate impact of the success ...The Manhattan Project was the name for a proje...00
41185869)what was the immediate impact of the success ...versions of each volume as well as complementa...00
..................
490520776time change new zealandOn 2 November 1868, New Zealand officially ado...08
491520776time change new zealandNew Zealand Daylight Time (NZDT) is 13 hours a...08
492520776time change new zealandCountry: New Zealand. Lat/Long: 36°51'S / 174°...08
493520776time change new zealandTime in New Zealand. New Zealand has two time ...08
494520776time change new zealandMain World Clock Extended World Clock Personal...08
\n", + "

250 rows × 5 columns

\n", + "
" + ], + "text/plain": [ + " query_id query \\\n", + "0 1185869 )what was the immediate impact of the success ... \n", + "1 1185869 )what was the immediate impact of the success ... \n", + "2 1185869 )what was the immediate impact of the success ... \n", + "3 1185869 )what was the immediate impact of the success ... \n", + "4 1185869 )what was the immediate impact of the success ... \n", + ".. ... ... \n", + "490 520776 time change new zealand \n", + "491 520776 time change new zealand \n", + "492 520776 time change new zealand \n", + "493 520776 time change new zealand \n", + "494 520776 time change new zealand \n", + "\n", + " passage is_selected \\\n", + "0 The presence of communication amid scientific ... 1 \n", + "1 The Manhattan Project and its atomic bomb help... 0 \n", + "2 Essay on The Manhattan Project - The Manhattan... 0 \n", + "3 The Manhattan Project was the name for a proje... 0 \n", + "4 versions of each volume as well as complementa... 0 \n", + ".. ... ... \n", + "490 On 2 November 1868, New Zealand officially ado... 0 \n", + "491 New Zealand Daylight Time (NZDT) is 13 hours a... 0 \n", + "492 Country: New Zealand. Lat/Long: 36°51'S / 174°... 0 \n", + "493 Time in New Zealand. New Zealand has two time ... 0 \n", + "494 Main World Clock Extended World Clock Personal... 0 \n", + "\n", + " relevant_idx \n", + "0 0 \n", + "1 0 \n", + "2 0 \n", + "3 0 \n", + "4 0 \n", + ".. ... \n", + "490 8 \n", + "491 8 \n", + "492 8 \n", + "493 8 \n", + "494 8 \n", + "\n", + "[250 rows x 5 columns]" + ] + }, + "execution_count": 19, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "df.groupby(\"query_id\").head()" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "#### Define feedback functions for contexnt relevance to be evaluated" + ] + }, + { + "cell_type": "code", + "execution_count": 20, + "metadata": {}, + "outputs": [], + "source": [ + "from trulens_eval.feedback import OpenAI, LiteLLM\n", + "\n", + "\n", + "# GPT 3.5\n", + "gpt3_turbo = OpenAI(model_engine=\"gpt-3.5-turbo\")\n", + "def wrapped_relevance_turbo(input, output, temperature=0.0):\n", + " return gpt3_turbo.context_relevance(input, output, temperature)\n", + "\n", + "gpt4 = OpenAI(model_engine=\"gpt-4-1106-preview\")\n", + "def wrapped_relevance_gpt4(input, output, temperature=0.0):\n", + " return gpt4.context_relevance(input, output, temperature)\n", + "\n", + "# # GPT 4 turbo latest\n", + "gpt4_latest = OpenAI(model_engine=\"gpt-4-0125-preview\")\n", + "def wrapped_relevance_gpt4_latest(input, output, temperature=0.0):\n", + " return gpt4_latest.context_relevance(input, output, temperature)\n", + "\n", + "\n", + "# Anthropic\n", + "\n", + "claude_2 = LiteLLM(model_engine=\"claude-2\")\n", + "def wrapped_relevance_claude2(input, output, temperature=0.0):\n", + " return claude_2.context_relevance(input, output, temperature)\n", + "\n", + "claude_2_1 = LiteLLM(model_engine=\"claude-2.1\") \n", + "def wrapped_relevance_claude21(input, output, temperature=0.0):\n", + " return claude_2_1.context_relevance(input, output, temperature)\n", + "\n", + "\n", + "# Define a list of your feedback functions\n", + "feedback_functions = {\n", + " 'GPT-3.5-Turbo': wrapped_relevance_turbo,\n", + " 'GPT-4-Turbo': wrapped_relevance_gpt4,\n", + " 'GPT-4-Turbo-latest': wrapped_relevance_gpt4_latest,\n", + " 'Claude-2': wrapped_relevance_claude2,\n", + " 'Claude-2.1': wrapped_relevance_claude21,\n", + "}\n", + "\n", + "backoffs_by_functions = {\n", + " 'GPT-3.5-Turbo': 0.5,\n", + " 'GPT-4-Turbo': 0.5,\n", + " 'GPT-4-Turbo-latest': 0.5,\n", + " 'Claude-2': 1,\n", + " 'Claude-2.1': 1,\n", + "}" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": [ + "\n", + "# Running the benchmark\n", + "results = []\n", + "\n", + "K = 5 # for precision@K and recall@K\n", + "sample_size = 1 # sampling of size n is performed for estimating log probs (conditional probs) generated by the LLMs\n", + "for name, func in feedback_functions.items():\n", + " try:\n", + " scores, groundtruths = score_passages(df, name, func, backoffs_by_functions[name] if name in backoffs_by_functions else 0.5, n=1)\n", + " \n", + " df_score_groundtruth_pairs = pd.DataFrame({'scores': scores, 'groundtruth (human-preferences of relevancy)': groundtruths})\n", + " df_score_groundtruth_pairs.to_csv(f\"./results/{name}_score_groundtruth_pairs.csv\")\n", + " ndcg_value = compute_ndcg(scores, groundtruths)\n", + " ece_value = compute_ece(scores, groundtruths)\n", + " precision_k = np.mean([precision_at_k(sc, tr, 1) for sc, tr in zip(scores, groundtruths)])\n", + " recall_k = np.mean([recall_at_k(sc, tr, K) for sc, tr in zip(scores, groundtruths)])\n", + " results.append((name, ndcg_value, ece_value, recall_k, precision_k))\n", + " print(f\"Finished running feedback function name {name}\")\n", + " \n", + " print(\"Saving results...\")\n", + " tmp_results_df = pd.DataFrame(results, columns=['Model', 'nDCG', 'ECE', f'Recall@{K}', 'Precision@1'])\n", + " print(tmp_results_df)\n", + " tmp_results_df.to_csv(\"./results/tmp_context_relevance_benchmark.csv\")\n", + " \n", + " except Exception as e:\n", + " print(f\"Failed to run benchmark for feedback function name {name} due to {e}\")\n", + "# Convert results to DataFrame for display\n", + "results_df = pd.DataFrame(results, columns=['Model', 'nDCG', 'ECE', f'Recall@{K}', 'Precision@1'])\n", + "results_df.to_csv((\"./results/all_context_relevance_benchmark.csv\"))" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "### Visualization" + ] + }, + { + "cell_type": "code", + "execution_count": 22, + "metadata": {}, + "outputs": [ + { + "data": { + "image/png": "iVBORw0KGgoAAAANSUhEUgAABKUAAAPdCAYAAABba9tpAAAAOXRFWHRTb2Z0d2FyZQBNYXRwbG90bGliIHZlcnNpb24zLjguMiwgaHR0cHM6Ly9tYXRwbG90bGliLm9yZy8g+/7EAAAACXBIWXMAAA9hAAAPYQGoP6dpAAD65klEQVR4nOzdd3gU1dvG8XvTQxothSYJRaJ0Q4cA0rtUAUtCEZBeRAGVIigRBKT3XgSkWkAQQhEBpXfpAekJIgSIpO28f/Bmf8QEpIRdCN/Pde0lO3tm9pnJ7rh77zlnTIZhGAIAAAAAAACsyM7WBQAAAAAAAODFQygFAAAAAAAAqyOUAgAAAAAAgNURSgEAAAAAAMDqCKUAAAAAAABgdYRSAAAAAAAAsDpCKQAAAAAAAFgdoRQAAAAAAACsjlAKAAAAAAAAVkcoBQB4Yc2ePVsmk0lnzpyxLPP391e9evWsWseZM2dkMpk0YsQIqz6vLVWuXFmVK1e2dRlP3bx58xQYGChHR0dlzJjR1uWkC506dVL16tWfaButWrWSv7//Y6/r7u7+RM//pJ6k/vRszZo1cnd3V1RUlK1LAQA8JEIpAIBVJQVBqd369u1r6/KeS/c7nn5+fjat68iRIxo0aFCy0M/WNm3alOwYOTo6Kk+ePAoJCdHp06fT9LmOHj2qVq1aKW/evJo2bZqmTp2aptt/EUVERGj69On6+OOPLcv+K9QdNGiQTCaTrl69aq0ynyv/Pm+4ubnp1Vdf1eeff66YmJjH2ua2bds0aNAgXb9+PcVjQ4cO1cqVK5+s6PuoVauW8uXLp7CwsKeyfQBA2nOwdQEAgBfT4MGDFRAQkGxZoUKFbFTN86969eoKCQlJtszV1dVG1dx15MgRffbZZ6pcuXKKXh0///yzbYr6f926dVPJkiUVHx+vPXv2aOrUqVq1apUOHjyo7Nmzp8lzbNq0SWazWWPGjFG+fPnSZJsvujFjxiggIECvv/76E21n2rRpMpvNaVSV9aV1/feeP27duqUtW7aof//+2r9/v5YsWfLI29u2bZs+++wztWrVKkUPwaFDh6pp06Zq2LBhGlSeUocOHdS7d2999tln8vDweCrPAQBIO4RSAACbqF27tkqUKGHrMtKNl19+We+8846ty3hoTk5ONn3+4OBgNW3aVJLUunVrvfzyy+rWrZvmzJmjfv36PdG2b9++LTc3N0VGRkpSmg7bi4mJUYYMGdJse8+T+Ph4LViwQO+///4Tb8vR0TENKnp6DMPQnTt37hssp3X9/z5/vP/++4qLi9Py5ct1584dubi4pOnzpbU7d+7IyclJdnZ2atKkibp27aolS5aoTZs2ti4NAPAfGL4HAHgm/fTTTwoODpabm5s8PDxUt25dHT58OEW7o0ePqmnTpsqcObNcXFxUokQJff/99ynaHT58WFWqVJGrq6ty5sypzz///IE9DX7++WcVK1ZMLi4uevXVV7V8+fJkj1+7dk29e/dW4cKF5e7uLk9PT9WuXVv79+9Psa07d+5o0KBBevnll+Xi4qJs2bKpcePGOnXq1H2f3zAMtW/fXk5OTime+1Hdb/6ZpGFN9zKZTOrSpYtWrlypQoUKydnZWQULFtSaNWtSrH/hwgW1bdtW2bNnl7OzswICAtSxY0fFxcVp9uzZatasmSTp9ddftwwN2rRpk6TU55SKjIxU27Zt5evrKxcXFxUtWlRz5sxJ1ubeoVpTp05V3rx55ezsrJIlS2rnzp2PfYyqVKki6e7wsCQP8xpMml/o1KlTqlOnjjw8PPT222/L399fAwcOlCR5e3vLZDJp0KBBlvUmTpyoggULytnZWdmzZ1fnzp1TDHWqXLmyChUqpN27d6tixYrKkCGDPv7442THYMKECcqTJ48yZMigGjVq6Ny5czIMQ0OGDFHOnDnl6uqqN954Q9euXUu27e+++05169a1/O3y5s2rIUOGKDExMdUajhw5otdff10ZMmRQjhw5NHz48BTH8GFe52azWaNHj1bBggXl4uIiX19fdejQQX///fd//o1+/fVXXb16VdWqVfvPtv8ltffEX3/9pXfffVeenp7KmDGjQkNDtX//fplMJs2ePTvFNi5cuKCGDRvK3d1d3t7e6t27d4rj97D7mzSX3dq1a1WiRAm5urpqypQpj1T/okWLFBQUJA8PD3l6eqpw4cIaM2bMIx2Xe/n5+clkMsnBIflv2L///rtq1aolLy8vZciQQZUqVdLWrVstjw8aNEgffvihJCkgIMDy3k963d6+fVtz5syxLG/VqpVl3QsXLqhNmzby9fW1nHtmzpyZ7PmThuAuWrRIn376qXLkyKEMGTIoOjpakuTj46MiRYrou+++e+x9BwBYDz2lAAA2cePGjRRzvGTNmlXS3cmhQ0NDVbNmTQ0bNkwxMTGaNGmSKlSooL1791q+jB0+fFjly5dXjhw51LdvX7m5uenbb79Vw4YNtWzZMjVq1EiSdPnyZb3++utKSEiwtJs6dep9eyGcOHFCzZs31/vvv6/Q0FDNmjVLzZo105o1aywTLJ8+fVorV65Us2bNFBAQoCtXrmjKlCmqVKmSjhw5YhkClpiYqHr16ik8PFwtWrRQ9+7ddfPmTa1bt06HDh1S3rx5Uzx/YmKi2rRpo8WLF2vFihWqW7fufx7PO3fupDieHh4ecnZ2/s91/+3XX3/V8uXL1alTJ3l4eGjs2LFq0qSJ/vzzT2XJkkWSdPHiRZUqVUrXr19X+/btFRgYqAsXLmjp0qWKiYlRxYoV1a1bN40dO1Yff/yxXnnlFUmy/Pff/vnnH1WuXFknT55Uly5dFBAQoCVLlqhVq1a6fv26unfvnqz9N998o5s3b6pDhw4ymUwaPny4GjdurNOnTz9WL5Kk4CRp/x72NShJCQkJqlmzpipUqKARI0YoQ4YMatWqlebOnasVK1Zo0qRJcnd3V5EiRSTd/dL+2WefqVq1aurYsaOOHTumSZMmaefOndq6dWuy+v/66y/Vrl1bLVq00DvvvCNfX1/LYwsWLFBcXJy6du2qa9euafjw4XrzzTdVpUoVbdq0SX369NHJkyc1btw49e7dO9mX+9mzZ8vd3V29evWSu7u7NmzYoAEDBig6OlpfffVVsmPz999/q1atWmrcuLHefPNNLV26VH369FHhwoVVu3ZtSQ//Ou/QoYNmz56t1q1bq1u3boqIiND48eO1d+/eFPv+b9u2bZPJZFLx4sVTfTwmJibVeaMeZl4ks9ms+vXra8eOHerYsaMCAwP13XffKTQ0NNX2iYmJqlmzpkqXLq0RI0Zo/fr1GjlypPLmzauOHTta2j3K/h47dkwtW7ZUhw4d1K5dOxUoUOA/606ybt06tWzZUlWrVtWwYcMkSX/88Ye2bt2a4r2TmnvPH7dv39bWrVs1Z84cvfXWW8lCqQ0bNqh27doKCgrSwIEDZWdnp1mzZqlKlSrasmWLSpUqpcaNG+v48eNauHChvv76a8t53dvbW/PmzdN7772nUqVKqX379pJkeW1cuXJFZcqUsQTj3t7e+umnn9S2bVtFR0erR48eyWoeMmSInJyc1Lt3b8XGxibrfRkUFPTU5q0CAKQxAwAAK5o1a5YhKdWbYRjGzZs3jYwZMxrt2rVLtt7ly5cNLy+vZMurVq1qFC5c2Lhz545lmdlsNsqVK2fkz5/fsqxHjx6GJOP333+3LIuMjDS8vLwMSUZERIRlee7cuQ1JxrJlyyzLbty4YWTLls0oXry4ZdmdO3eMxMTEZDVGREQYzs7OxuDBgy3LZs6caUgyRo0aleJYmM1my3qSjK+++sqIj483mjdvbri6uhpr16598MH8f/c7nrNmzTIMwzBCQ0ON3Llzp1hv4MCBxr8/CkgynJycjJMnT1qW7d+/35BkjBs3zrIsJCTEsLOzM3bu3Hnf/VqyZIkhydi4cWOKNpUqVTIqVapkuT969GhDkjF//nzLsri4OKNs2bKGu7u7ER0dbRjG/45VlixZjGvXrlnafvfdd4Yk44cffrj/gTIMY+PGjYYkY+bMmUZUVJRx8eJFY9WqVYa/v79hMpmMnTt3PtJrMDQ01JBk9O3bN8VzJR3fqKgoy7LIyEjDycnJqFGjRrLXz/jx4y113XuMJBmTJ09Ott2kY+Dt7W1cv37dsrxfv36GJKNo0aJGfHy8ZXnLli0NJyenZO+TmJiYFPV26NDByJAhQ7J2STXMnTvXsiw2Ntbw8/MzmjRpYln2MK/zLVu2GJKMBQsWJHt8zZo1qS7/t3feecfIkiVLiuVJx+O/bvf+Hf79nli2bJkhyRg9erRlWWJiolGlSpVk76WkdSUle58bhmEUL17cCAoKstx/lP1NOu+sWbPmgcfgfvV3797d8PT0NBISEh5q/Xvd73g1bNgwxbk1f/78Rs2aNS1/U8O4+1oKCAgwqlevbln21VdfpTi3JnFzczNCQ0NTLG/btq2RLVs24+rVq8mWt2jRwvDy8rK8ZpPew3ny5En1dWwYhjF06FBDknHlypVHORQAABtg+B4AwCYmTJigdevWJbtJd3/xv379ulq2bKmrV69abvb29ipdurQ2btwo6e7wuQ0bNujNN9/UzZs3Le3++usv1axZUydOnNCFCxckSatXr1aZMmVUqlQpy/N7e3vr7bffTrW27NmzW3pZSZKnp6dCQkK0d+9eXb58WZLk7OwsO7u7/xtNTEzUX3/9JXd3dxUoUEB79uyxrLts2TJlzZpVXbt2TfE8/x46FxcXp2bNmunHH3/U6tWrVaNGjYc+nm+88UaK41mzZs2HXv9e1apVS9aDq0iRIvL09LRcnc5sNmvlypWqX79+qvOC/Xu/Hsbq1avl5+enli1bWpY5OjqqW7duunXrljZv3pysffPmzZUpUybL/eDgYEl66CvotWnTRt7e3sqePbvq1q1rGVJUokSJh34N3uve3jEPsn79esXFxalHjx6W148ktWvXTp6enlq1alWy9s7OzmrdunWq22rWrJm8vLws90uXLi1Jeuedd5L1bildurTi4uIs7wcp+ST4Se+f4OBgxcTE6OjRo8mex93dPdl8Q05OTipVqlSyY/0wr/MlS5bIy8tL1atXT3Zcg4KC5O7unupxvddff/2V7G/+b+3bt0/xHli3bp3efffdB25XktasWSNHR0e1a9fOsszOzk6dO3e+7zr/ntsqODg42TF51P0NCAh47PdsxowZdfv2bct59FHde/747rvv1K9fP61Zs0ZvvfWWDMOQJO3bt08nTpzQW2+9pb/++suyP7dv31bVqlX1yy+/PPbk64ZhaNmyZapfv74Mw0h2vGrWrKkbN24kO69KUmho6H17uya9TrjiIgA8+xi+BwCwiVKlSqUaaJw4cULS/+b4+TdPT09J0smTJ2UYhvr376/+/fun2jYyMlI5cuTQ2bNnLV/Y73W/4TH58uVLEay8/PLLku7OaeTn52e5qtrEiRMVERGRbC6ZpCFg0t1hYQUKFEgxL0tqwsLCdOvWLf30008p5lv6Lzlz5kyTuXYk6aWXXkqxLFOmTJZ5cKKiohQdHZ2mV0s8e/as8ufPnyyokf433O/s2bMPrDHpS+jDzE0kSQMGDFBwcLDs7e2VNWtWvfLKK5a/0cO+BpM4ODgoZ86cD/W8Sfvx79eek5OT8uTJk2I/c+TIcd9J4f99DJICqly5cqW6/N5jc/jwYX366afasGGDZS6eJDdu3Eh2P2fOnCneD5kyZdKBAwcs9x/mdX7ixAnduHFDPj4+qT6eNDH8gyQFJKnJnz9/qu+BX3/99T+3e/bsWWXLli3FJPL3u2qii4uLvL29ky279z0iPfr+/vtqpI+iU6dO+vbbb1W7dm3lyJFDNWrU0JtvvqlatWo91Pr/Pn80aNBAWbJkUe/evfXjjz+qfv36lvfF/YY0SndfOw8KDu8nKipK169f19SpUzV16tRU2zzK8Up6nTxOQA4AsC5CKQDAMyXpl/Z58+bJz88vxeNJX3qT2vXu3fu+vQvu94UyLQwdOlT9+/dXmzZtNGTIEGXOnFl2dnbq0aPHY/cWqFmzptasWaPhw4ercuXKaXbFq/t9Mfv3pMxJ7O3tU13+oEDA2p60xsKFC983xHvY12CSe3vNpbX79QSR7n8M/uvYXL9+XZUqVZKnp6cGDx6svHnzysXFRXv27FGfPn1SvH7T6vVgNpvl4+OjBQsWpPr4v0Oef8uSJctDh45P2/2Oyb0edX8f9Lf+Lz4+Ptq3b5/Wrl2rn376ST/99JNmzZqlkJCQFBcLeFhVq1aVJP3yyy+qX7++5XXx1VdfqVixYqmu4+7u/ljPlbTtd955576hV9KcbEkedLySXidJ81kBAJ5dhFIAgGdK0rAxHx+fB/b8yZMnj6S7Q7z+q4dQ7ty5Lb/y3+vYsWOptk/qhXVvmHP8+HFJskxwvXTpUr3++uuaMWNGsnWvX7+e7ItQ3rx59fvvvys+Pv4/J+AuU6aM3n//fdWrV0/NmjXTihUrHqqH1X/JlClTiiu7SSl7Hz0sb29veXp66tChQw9s9yi9FHLnzq0DBw7IbDYnC3iShpLlzp37sWp9HA/7GnwcSftx7Ngxy2tYujt0MyIiIs2fLzWbNm3SX3/9peXLl6tixYqW5fdeefBRPczrPG/evFq/fr3Kly//WAFMYGCgFixYoBs3biQbtpgWcufOrY0bNyomJiZZb6mTJ08+9jafdH8flZOTk+rXr28JkDp16qQpU6aof//+jxXQJyQkSJJu3bol6X/vC09Pz/98nT7ovZ/aY97e3vLw8FBiYmKavAciIiKUNWvW/ww6AQC2x5xSAIBnSs2aNeXp6amhQ4cqPj4+xeNRUVGS7gYGlStX1pQpU3Tp0qX7tpOkOnXq6LffftOOHTuSPX6/HgwXL17UihUrLPejo6M1d+5cFStWzNJzxt7ePkVPkSVLliSbt0eSmjRpoqtXr2r8+PEpnie1nibVqlXTokWLtGbNGr377ruP3evqXnnz5tWNGzeSDbe6dOlSsn18FHZ2dmrYsKF++OEH7dq1K8XjSfvl5uYmSakGYv9Wp04dXb58WYsXL7YsS0hI0Lhx4+Tu7q5KlSo9Vq2P42Ffg4+jWrVqcnJy0tixY5P9/WfMmKEbN2481JUWn1RSL597nz8uLk4TJ0587G0+zOv8zTffVGJiooYMGZKiTUJCwn++TsqWLSvDMLR79+7HrvN+atasqfj4eE2bNs2yzGw2a8KECY+9zSfd30fx119/JbtvZ2dn6VkUGxv7WNv84YcfJElFixaVdPeKdnnz5tWIESMsQdW97n1fPOi97+bmlmK5vb29mjRpomXLlqUadj/qe2737t0qW7bsI60DALANekoBAJ4pnp6emjRpkt5991299tpratGihby9vfXnn39q1apVKl++vOWL74QJE1ShQgUVLlxY7dq1U548eXTlyhVt375d58+f1/79+yVJH330kebNm6datWqpe/fucnNz09SpUy29c/7t5ZdfVtu2bbVz5075+vpq5syZunLlimbNmmVpU69ePQ0ePFitW7dWuXLldPDgQS1YsCBZ7xdJCgkJ0dy5c9WrVy/t2LFDwcHBun37ttavX69OnTrpjTfeSPH8DRs2tAy98fT01JQpU57omLZo0UJ9+vRRo0aN1K1bN8XExGjSpEl6+eWXU0we/LCGDh2qn3/+WZUqVVL79u31yiuv6NKlS1qyZIl+/fVXZcyYUcWKFZO9vb2GDRumGzduyNnZWVWqVEl1jp327dtrypQpatWqlXbv3i1/f38tXbpUW7du1ejRo+Xh4fFEx+BRPMpr8FF5e3urX79++uyzz1SrVi01aNBAx44d08SJE1WyZMlkE4o/LeXKlVOmTJkUGhqqbt26yWQyad68eU80PPNhXueVKlVShw4dFBYWpn379qlGjRpydHTUiRMntGTJEo0ZM0ZNmza973NUqFBBWbJk0fr16+8739fjatiwoUqVKqUPPvhAJ0+eVGBgoL7//ntdu3ZN0uPNTfSk+/so3nvvPV27dk1VqlRRzpw5dfbsWY0bN07FihWzzMv2IMePH9f8+fMlSTExMfrtt980Z84c5cuXzzJRvJ2dnaZPn67atWurYMGCat26tXLkyKELFy5o48aN8vT0tARZQUFBkqRPPvlELVq0kKOjo+rXry83NzcFBQVp/fr1GjVqlLJnz66AgACVLl1aX375pTZu3KjSpUurXbt2evXVV3Xt2jXt2bNH69evt/wt/ktkZKQOHDjwwEnqAQDPECtf7Q8A8IKbNWuWIcnYuXPnA9tt3LjRqFmzpuHl5WW4uLgYefPmNVq1amXs2rUrWbtTp04ZISEhhp+fn+Ho6GjkyJHDqFevnrF06dJk7Q4cOGBUqlTJcHFxMXLkyGEMGTLEmDFjRorLlufOnduoW7eusXbtWqNIkSKGs7OzERgYaCxZsiTZ9u7cuWN88MEHRrZs2QxXV1ejfPnyxvbt241KlSoZlSpVStY2JibG+OSTT4yAgADD0dHR8PPzM5o2bWqcOnXKMIz/XdL+q6++SrbexIkTDUlG7969H3isJBmdO3d+YJuff/7ZKFSokOHk5GQUKFDAmD9/vjFw4EDj3x8F7ret3Llzp7iM+9mzZ42QkBDD29vbcHZ2NvLkyWN07tzZiI2NtbSZNm2akSdPHsPe3t6QZGzcuNEwDCPV43TlyhWjdevWRtasWQ0nJyejcOHCxqxZs5K1ud+xSqp94MCBDzwOSZeT//ff835t/+s1GBoaari5uaW6ftLxjYqKSvHY+PHjjcDAQMPR0dHw9fU1OnbsaPz999/J2lSqVMkoWLBginXvdwzut2+pvee2bt1qlClTxnB1dTWyZ89ufPTRR8batWuT/Y0eVENoaKiRO3fuZMv+63WeZOrUqUZQUJDh6upqeHh4GIULFzY++ugj4+LFiyme59+6detm5MuX76GOR5LU/g6p1R8VFWW89dZbhoeHh+Hl5WW0atXK2Lp1qyHJWLRoUbJ1U/ubp/Z+etj9TTrvPKx/17906VKjRo0aho+Pj+Hk5GS89NJLRocOHYxLly7957YkJbvZ29sbOXPmNNq3b29cuXIlRfu9e/cajRs3NrJkyWI4OzsbuXPnNt58800jPDw8WbshQ4YYOXLkMOzs7JKdZ48ePWpUrFjRcHV1NSQlO69cuXLF6Ny5s5ErVy7La6hq1arG1KlTLW3+6z08adIkI0OGDEZ0dPR/7jsAwPZMhvEMzVoKAAAA3Mfp06cVGBion376yTIR99O0cuVKNWrUSL/++qvKly//1J8PT6548eKqXLmyvv76a1uXAgB4CIRSAAAAeG507NhRJ0+e1Lp169J0u//880+yCckTExNVo0YN7dq1S5cvX7bKZOV4MmvWrFHTpk11+vTpVIcJAwCePYRSAAAAeOG99957+ueff1S2bFnFxsZq+fLl2rZtm4YOHap+/frZujwAANIlQikAAAC88L755huNHDlSJ0+e1J07d5QvXz517NhRXbp0sXVpAACkW4RSAAAAAAAAsDo7WxcAAAAAAACAF4+DrQuwNrPZrIsXL8rDw0Mmk8nW5QAAAAAAAKQrhmHo5s2byp49u+zs7t8f6oULpS5evKhcuXLZugwAAAAAAIB07dy5c8qZM+d9H3/hQikPDw9Jdw+Mp6enjasBAAAAAABIX6Kjo5UrVy5LBnM/L1wolTRkz9PTk1AKAAAAAADgKfmvaZOY6BwAAAAAAABWRygFAAAAAAAAqyOUAgAAAAAAgNW9cHNKPazExETFx8fbugw8AxwdHWVvb2/rMgAAAAAASFcIpf7FMAxdvnxZ169ft3UpeIZkzJhRfn5+/zlJGwAAAAAAeDiEUv+SFEj5+PgoQ4YMhBAvOMMwFBMTo8jISElStmzZbFwRAAAAAADpA6HUPRITEy2BVJYsWWxdDp4Rrq6ukqTIyEj5+PgwlA8AAAAAgDTAROf3SJpDKkOGDDauBM+apNcE84wBAAAAAJA2CKVSwZA9/BuvCQAAAAAA0hahFAAAAAAAAKyOUAoAAAAAAABWx0TnD8m/7yqrPt+ZL+ta9fkAAAAAAACsiZ5SLwh/f3+ZTCaZTCa5urrK399fb775pjZs2JBq+2XLlqly5cry8vKSu7u7ihQposGDB+vatWuWNnFxcfrqq6/02muvyc3NTV5eXipatKg+/fRTXbx40Vq7BgAAAAAAnkP0lHqBDB48WO3atVNcXJzOnDmj+fPnq1q1ahoyZIg++eQTS7tPPvlEw4YNU8+ePTV06FBlz55dJ06c0OTJkzVv3jx1795dsbGxqlGjhg4cOKDPPvtM5cuXl7e3tyIiIrRw4UKNGzdOYWFh1tu5i3uf7vYTDOl6lDS+mXTrXNptd9CNtNsWgLQ3yMvWFTw+zi/As43zCwAAhFLpReXKlVWkSBG5uLho+vTpcnJy0vvvv69BgwZZ2nh4eMjPz0+S9NJLL6lixYrKli2bBgwYoKZNm6pAgQLasWOHhg4dqtGjR6t79+6Wdf39/VW9enVdv35dkvT111/r119/1a5du1S8eHFLu5deekmVKlWSYRhW2W8AAAAAAPB8YvheOjJnzhy5ubnp999/1/DhwzV48GCtW7fuget0795dhmHou+++kyQtWLBA7u7u6tSpU6rtM2bMKElauHChqlevniyQupfJZHr8HQEAAAAAAOkeoVQ6UqRIEQ0cOFD58+dXSEiISpQoofDw8AeukzlzZvn4+OjMmTOSpBMnTihPnjxydHR84HrHjx9XgQIFki1r1KiR3N3d5e7urnLlyj3RvgAAAAAAgPSNUCodKVKkSLL72bJlU2Rk5H+uZxiGpWfTkwy7mzhxovbt26c2bdooJibmsbcDAAAAAADSP+aUSkf+3bvJZDLJbDY/cJ2//vpLUVFRCggIkCS9/PLL+vXXXxUfH//A3lL58+fXsWPHki3Lli2bpLu9rwAAAAAAAB6EnlIvuDFjxsjOzk4NGzaUJL311lu6deuWJk6cmGr7pInOW7ZsqXXr1mnv3qd81TsAAAAAAJAu0VPqBXLz5k1dvnxZ8fHxioiI0Pz58zV9+nSFhYUpX758kqTSpUvro48+0gcffKALFy6oUaNGyp49u06ePKnJkyerQoUK6t69u3r27KlVq1apatWqGjhwoIKDg5UpUyYdP35cP/30k+zt7W28twAAAAAA4FlGKPWQznxZ19YlPLEBAwZowIABcnJykp+fn8qUKaPw8HC9/vrrydoNGzZMQUFBmjBhgiZPniyz2ay8efOqadOmCg0NlSS5uLgoPDxco0eP1qxZs9SvXz+ZzWYFBASodu3a6tmzpy12EQAAAAAAPCdMxpPMbP0cio6OlpeXl27cuCFPT89kj925c0cREREKCAiQi4uLjSrEY7n4dIcR3kkwFHEhSgFbP5DLrXNpt+FBN9JuWwDS3iAvW1fw+Di/AM82zi8AgHTsQdnLvZhTCgAAAAAAAFZHKAUAAAAAAACrI5QCAAAAAACA1THROQAAAAAA6cXzOmcd89W9kOgpBQAAAAAAAKsjlAIAAAAAAIDVEUoBAAAAAADA6gilAAAAAAAAYHWEUgAAAAAAALA6rr73sKx9BYPn8MoDJpNJK1asUMOGDXXmzBkFBARo7969KlasmK1LAwAAAAAAzxh6SqUTrVq1kslkkslkkqOjowICAvTRRx/pzp07ti4thSNHjqhjx4565ZVXlCVLFuXPn1+hoaHavn17irZnzpyx7Ne9t99++80GlQMAAAAAgLRCKJWO1KpVS5cuXdLp06f19ddfa8qUKRo4cKCty0rmyy+/VOnSpWU2mzVixAht3rxZs2bNUp48edSgQQP169cv1fXWr1+vS5cuWW5BQUFWrhwAAAAAAKQlQql0xNnZWX5+fsqVK5caNmyoatWqad26dZIks9mssLAwBQQEyNXVVUWLFtXSpUuTrX/48GHVq1dPnp6e8vDwUHBwsE6dOiVJ2rlzp6pXr66sWbPKy8tLlSpV0p49ex6pvgkTJmj69OnavXu3pkyZorp166pQoUKqUKGCBg4cqCNHjmjt2rUaOXJkinWzZMkiPz8/y83R0fExjxIAAAAAAHgWEEqlU4cOHdK2bdvk5OQkSQoLC9PcuXM1efJkHT58WD179tQ777yjzZs3S5IuXLigihUrytnZWRs2bNDu3bvVpk0bJSQkSJJu3ryp0NBQ/frrr/rtt9+UP39+1alTRzdv3nyoeq5evaoBAwZoxYoVevnll7VixQoVKlRI2bNn16effqrq1avr6NGjWrhwob744osU223QoIF8fHxUoUIFff/992l4pAAAAAAAgC0w0Xk68uOPP8rd3V0JCQmKjY2VnZ2dxo8fr9jYWA0dOlTr169X2bJlJUl58uTRr7/+qilTpqhSpUqaMGGCvLy8tGjRIksvpJdfftmy7SpVqiR7rqlTpypjxozavHmz6tWr95+1rVixQq+//roKFy6sU6dOqWXLlho5cqTKly+v8ePHa+PGjfrkk09UoEABFSxYUFu3blWtWrXk7u5uaWdnZ6dly5apYcOGWrlypRo0aJCGRw8AAAAAAFgToVQ68vrrr2vSpEm6ffu2vv76azk4OKhJkyY6fPiwYmJiVL169WTt4+LiVLx4cUnSvn37FBwcfN9hcVeuXNGnn36qTZs2KTIyUomJiYqJidGff/75ULUdPHhQ5cqVkyStXbtWFStWVOfOnSVJEydO1MKFCy1ts2XLpr///luSlDVrVvXq1cvyWMmSJXXx4kV99dVXhFIAAAAAADzHCKXSETc3N+XLl0+SNHPmTBUtWlQzZsxQoUKFJEmrVq1Sjhw5kq3j7OwsSXJ1dX3gtkNDQ/XXX39pzJgxyp07t5ydnVW2bFnFxcU9VG0JCQmW54iLi5Obm5vlMScnJ8swQ7PZrH379unDDz+877ZKly5tmSsLAAAAAAA8nwil0ik7Ozt9/PHH6tWrl44fPy5nZ2f9+eefqlSpUqrtixQpojlz5ig+Pj7V3lJbt27VxIkTVadOHUnSuXPndPXq1YeuJ1++fDp48KAkqUKFCvrkk0/022+/qWTJkpo0aZKuX7+u6OhoffDBB8qRI4dKlix5323t27dP2bJle+jnBgAAAAAAzx4mOk/HmjVrJnt7e02ZMkW9e/dWz549NWfOHJ06dUp79uzRuHHjNGfOHElSly5dFB0drRYtWmjXrl06ceKE5s2bp2PHjkmS8ufPr3nz5umPP/7Q77//rrfffvs/e1fdq0GDBlqyZImuXbumEiVKqG/fvgoODpazs7N+/vlnBQUFqUWLFvr777+1YsUKy3pz5szRwoULdfToUR09elRDhw7VzJkz1bVr17Q9WAAAAAAAwKroKfWwBt2wdQWPzMHBQV26dNHw4cMVEREhb29vhYWF6fTp08qYMaNee+01ffzxx5KkLFmyaMOGDfrwww9VqVIl2dvbq1ixYipfvrwkacaMGWrfvr1ee+015cqVS0OHDlXv3r0fupZ8+fKpWbNmatmypVasWKH+/furd+/eunnzpnx8fBQZGamMGTNahvHda8iQITp79qwcHBwUGBioxYsXq2nTpmlzkAAAAAAAgE2YDMMwbF2ENUVHR8vLy0s3btyQp6dnssfu3LmjiIgIBQQEyMXFxUYVpl9xcXFq1qyZTpw4oQEDBqh27dry8vLS9evXtXz5co0aNUpr1qxRzpw5H33jF/emfcH3uJNgKOJClAK2fiCXW+fSbsPPYdgJvFAGedm6gsfH+QV4tnF+AfC0PK/nF84t6cqDspd70VMKVuPk5KSVK1dqzpw5GjZsmFq2bCknJyeZzWYFBwdr7NixjxdIAQAAAACA5w6hFKzKZDKpVatWatWqlW7duqVr167J29v7keanAgAAAAAAzz9CKdiMu7u73N3dbV0GAAAAAACwAa6+BwAAAAAAAKsjlAIAAAAAAIDVEUoBAAAAAADA6gilAAAAAAAAYHWEUgAAAAAAALA6QikAAAAAAABYnYOtC3heFJ5T2KrPdzD0oFWf73GYTCatWLFCDRs2TNO2AAAAAAAg/aOnVDrRqlUrmUwmmUwmOTk5KV++fBo8eLASEhKe2nNeunRJtWvXTvO2j+rWrVsaOXmeKjRsI79i1ZUjqKaqNGuvKfOWprr/U+cvU+Wm7eRZIFimHK/p+o2bT6UuAAAAAABwf/SUSkdq1aqlWbNmKTY2VqtXr1bnzp3l6Oiofv36JWsXFxcnJyenJ34+Pz+/p9L2UezevVuNGjVS7mxZ1O6tRnolf4AcHR104MgJTZ63VJPnLdPabybIJ2tmyzox/9xRrcrlVKtyOfULG/dU6gIAAAAAAA9m855SEyZMkL+/v1xcXFS6dGnt2LHjge1Hjx6tAgUKyNXVVbly5VLPnj11584dK1X7bHN2dpafn59y586tjh07qlq1avr+++/VqlUrNWzYUF988YWyZ8+uAgUKSJLOnTunN998UxkzZlTmzJn1xhtv6MyZM8m2OXPmTBUsWFDOzs7Kli2bunTpYnnMZDJp5cqVku4GXV26dFG2bNnk4uKi3LlzKywsLNW2knTw4EFVqVJFrq6uypIli9q3b69bt25ZHk+qecSIEcqWLZuyZMmizp07Kz4+3tLm7NmzqlOnjvr3768tK2Yq9M36KlW8kIoXClTom/W17fvZql+9omq/0yXZej3ava2+XVqrzGvWHZIJAAAAAAD+x6ah1OLFi9WrVy8NHDhQe/bsUdGiRVWzZk1FRkam2v6bb75R3759NXDgQP3xxx+aMWOGFi9erI8//tjKlT8fXF1dFRcXJ0kKDw/XsWPHtG7dOv3444+Kj49XzZo15eHhoS1btmjr1q1yd3dXrVq1LOtMmjRJnTt3Vvv27XXw4EF9//33ypcvX6rPNXbsWH3//ff69ttvdezYMS1YsED+/v6ptr19+7Zq1qypTJkyaefOnVqyZInWr1+fLPCSpI0bN+rUqVPauHGj5syZo9mzZ2v27NmWx/v27avWrVurXbt2On/xiuqFdJNPkaqq+VYnDfl6mjr2HarBH3aUWwZXzV+++skPKAAAAAAASDM2Hb43atQotWvXTq1bt5YkTZ48WatWrdLMmTPVt2/fFO23bdum8uXL66233pIk+fv7q2XLlvr999/v+xyxsbGKjY213I+Ojk7jvXj2GIah8PBwrV27Vl27dlVUVJTc3Nw0ffp0y7C9+fPny2w2a/r06TKZTJKkWbNmKWPGjNq0aZNq1Kihzz//XB988IG6d+9u2XbJkiVTfc4///xT+fPnV4UKFWQymZQ7d+771vfNN9/ozp07mjt3rtzc3CRJ48ePV/369TVs2DD5+vpKkjJlyqTx48fL3t5egYGBqlu3rsLDw9WuXTvdunVLq1atUkREhCQptMcAubtl0JoF4/XHiQi933eomtSpevexZvW1dtN2tW7+xhMeWQAAAAAAkFZs1lMqLi5Ou3fvVrVq1f5XjJ2dqlWrpu3bt6e6Trly5bR7927LEL/Tp09r9erVqlOnzn2fJywsTF5eXpZbrly50nZHniE//vij3N3d5eLiotq1a6t58+YaNGiQJKlw4cLJ5pHav3+/Tp48KQ8PD7m7u8vd3V2ZM2fWnTt3dOrUKUVGRurixYuqWrXqQz13q1attG/fPhUoUEDdunXTzz//fN+2f/zxh4oWLWoJpCSpfPnyMpvNOnbsmGVZwYIFZW9vb7mfLVs2Sy+648ePy9/fX1myZNHt27e1YetOTQr7WK8VfkVvN66jFm/U/N96Pln19430H0YCAAAAAPA8sVlPqatXryoxMdHSKyaJr6+vjh49muo6b731lq5evaoKFSrIMAwlJCTo/ffff+DwvX79+qlXr16W+9HR0ek2mHr99dc1adIkOTk5KXv27HJw+N+f994ASLp7xbqgoCAtWLAgxXa8vb1lZ/doeeVrr72miIgI/fTTT1q/fr3efPNNVatWTUuXLn28nZHk6OiY7L7JZJLZbJYkJSQkyNXVVZIs80W5ZXCxtHXP4Kq///+qensOHlU+//T5NwcAAAAA4Hll84nOH8WmTZs0dOhQTZw4UXv27NHy5cu1atUqDRky5L7rODs7y9PTM9ktvXJzc1O+fPn00ksvJQukUvPaa6/pxIkT8vHxUb58+ZLdvLy85OHhIX9/f4WHhz/083t6eqp58+aaNm2aFi9erGXLlunatWsp2r3yyivav3+/bt++bVm2detW2dnZWSZh/y958uTR8ePHFR8fr4wZM6pggbz6YuwMxcfH6+jJCC36/meZzWatWr9FE+Z8qy6tmz/0fgAAAAAAgKfPZqFU1qxZZW9vrytXriRbfuXKFfn5+aW6Tv/+/fXuu+/qvffeU+HChdWoUSMNHTpUYWFhlh40eDhvv/22smbNqjfeeENbtmxRRESENm3apG7duun8+fOSpEGDBmnkyJEaO3asTpw4oT179mjcuHGpbm/UqFFauHChjh49quPHj2vJkiXy8/NTxowZU31uFxcXhYaG6tChQ9q4caO6du2qd999N0XPufvJmjWrihQpovnz50uSZo0apIUr18o1bzlVa95RDapX1PzlqzVgxCR9O/lLvZI/j2Xdy5FXte/QMZ08c06SdPDoCe07dEzX/r7xKIcQAAAAAAA8AZsN33NyclJQUJDCw8PVsGFDSZLZbFZ4eHiKq7AliYmJSTGsLGnOIcMwnmq9B0MPPtXtW1uGDBn0yy+/qE+fPmrcuLFu3rypHDlyqGrVqpbeZKGhobpz546+/vpr9e7dW1mzZlXTpk1T3Z6Hh4eGDx+uEydOyN7eXiVLltTq1atTHQaYIUMGrV27Vt27d1fJkiWVIUMGNWnSRKNGjXqkfQgLC1P9+vVVtGhRlSxWUH/uXK1LV67KJ2sm3YmN07BPuiujl0eK9SbPW6rPRk213K/Y+D1Jd4OtVs0bPFINAAAAAADg8ZiMp53mPMDixYsVGhqqKVOmqFSpUho9erS+/fZbHT16VL6+vgoJCVGOHDkUFhYm6W7PnVGjRmnq1KkqXbq0Tp48qY4dOyooKEiLFy9+qOeMjo6Wl5eXbty4kWIo3507dxQREaGAgAC5uLjcZwt4lsyZM0fdu3dXt9ZvKqRpXeX1z6XExETt2HtYYeNnqkr5kurZ/p0nfp47CYYiLkQpYOsHcrl1Lg0q/3+D6J0FPNMGedm6gsfH+QV4tnF+AfC0PK/nF84t6cqDspd72aynlCQ1b95cUVFRGjBggC5fvqxixYppzZo1liFcf/75Z7KeNp9++qlMJpM+/fRTXbhwQd7e3qpfv76++OILW+0CbCw0NFTFixfX4H69VLR6C8XFJ8hsNit3zmzq8E4TdW7FXFIAAAAAADyLbNpTyhboKZVOXdyrhIQEXYm6JmdnR2XNnClNN09PKeAF9bz+0ihxfgGedZxfADwtz+v5hXNLuvJc9JQC0pKDg4NyZPOxdRkAAAAAAOAh2OzqewAAAAAAAHhxEUqlwmw227oEPGPMhiQZkjnR1qUAAAAAAJAuMHzvHk5OTrKzs9PFixfl7e0tJycnmUwmW5eFh5HwdKZGMwwpzixF3bgju3+uyemfyKfyPAAAAAAAvGgIpe5hZ2engIAAXbp0SRcvXrR1OXgU16Oe3rbNCcoQtVcvHZ0lOyPh6T0PAAAAAAAvEEKpf3FyctJLL72khIQEJSYyVOu5Mb7Z09muYcg+/qYc4qJl0gt1oUoAAAAAAJ4qQqlUmEwmOTo6ytHR0dal4GHdOmfrCgAAAAAAwCNgonMAAAAAAABYHaEUAAAAAAAArI5QCgAAAAAAAFZHKAUAAAAAAACrI5QCAAAAAACA1RFKAQAAAAAAwOoIpQAAAAAAAGB1hFIAAAAAAACwOkIpAAAAAAAAWB2hFAAAAAAAAKyOUAoAAAAAAABWRygFAAAAAAAAqyOUAgAAAAAAgNURSgEAAAAAAMDqCKUAAAAAAABgdYRSAAAAAAAAsDpCKQAAAAAAAFgdoRQAAAAAAACsjlAKAAAAAAAAVkcoBQAAAAAAAKsjlAIAAAAAAIDVEUoBAAAAAADA6gilAAAAAAAAYHWEUgAAAAAAALA6QikAAAAAAABYHaEUAAAAAAAArI5QCgAAAAAAAFZHKAUAAAAAAACrI5QCAAAAAACA1RFKAQAAAAAAwOocbF0AACD98++7ytYlPJYzLrauAAAAAEi/6CkFAAAAAAAAqyOUAgAAAAAAgNUxfA8AAADPLYYHAwDw/KKnFAAAAAAAAKyOUAoAAAAAAABWRygFAAAAAAAAqyOUAgAAAAAAgNURSgEAAAAAAMDqCKUAAAAAAABgdYRSAAAAAAAAsDpCKQAAAAAAAFgdoRQAAAAAAACsjlAKAAAAAAAAVkcoBQAAAAAAAKsjlAIAAAAAAIDVEUoBAAAAAADA6gilAAAAAAAAYHU2D6UmTJggf39/ubi4qHTp0tqxY8cD21+/fl2dO3dWtmzZ5OzsrJdfflmrV6+2UrUAAAAAAABICw62fPLFixerV69emjx5skqXLq3Ro0erZs2aOnbsmHx8fFK0j4uLU/Xq1eXj46OlS5cqR44cOnv2rDJmzGj94gEAAAAAAPDYbBpKjRo1Su3atVPr1q0lSZMnT9aqVas0c+ZM9e3bN0X7mTNn6tq1a9q2bZscHR0lSf7+/g98jtjYWMXGxlruR0dHp90OAAAAAAAA4LHYbPheXFycdu/erWrVqv2vGDs7VatWTdu3b091ne+//15ly5ZV586d5evrq0KFCmno0KFKTEy87/OEhYXJy8vLcsuVK1ea7wsAAAAAAAAejc16Sl29elWJiYny9fVNttzX11dHjx5NdZ3Tp09rw4YNevvtt7V69WqdPHlSnTp1Unx8vAYOHJjqOv369VOvXr0s96OjowmmAAAAAAD35d93la1LeGxnXGxdAfDwbDp871GZzWb5+Pho6tSpsre3V1BQkC5cuKCvvvrqvqGUs7OznJ2drVwpAAAAAAAAHsRmoVTWrFllb2+vK1euJFt+5coV+fn5pbpOtmzZ5OjoKHt7e8uyV155RZcvX1ZcXJycnJyeas0AAAAAAABIGzabU8rJyUlBQUEKDw+3LDObzQoPD1fZsmVTXad8+fI6efKkzGazZdnx48eVLVs2AikAAAAAAIDniM1CKUnq1auXpk2bpjlz5uiPP/5Qx44ddfv2bcvV+EJCQtSvXz9L+44dO+ratWvq3r27jh8/rlWrVmno0KHq3LmzrXYBAAAAAAAAj8Gmc0o1b95cUVFRGjBggC5fvqxixYppzZo1lsnP//zzT9nZ/S83y5Url9auXauePXuqSJEiypEjh7p3764+ffrYahcAAAAAAADwGGw+0XmXLl3UpUuXVB/btGlTimVly5bVb7/99pSrAgAAAAAAwNNk0+F7AAAAAAAAeDERSgEAAAAAAMDqCKUAAAAAAABgdTafUwrPDv++q2xdwmM742LrCgAAAAAAwKOgpxQAAAAAAACsjlAKAAAAAAAAVkcoBQAAAAAAAKsjlAIAAAAAAIDVEUoBAAAAAADA6gilAAAAAAAAYHWEUgAAAAAAALC6Jwql4uLidOzYMSUkJKRVPQAAAAAAAHgBPFYoFRMTo7Zt2ypDhgwqWLCg/vzzT0lS165d9eWXX6ZpgQAAAAAAAEh/HiuU6tevn/bv369NmzbJxcXFsrxatWpavHhxmhUHAAAAAACA9MnhcVZauXKlFi9erDJlyshkMlmWFyxYUKdOnUqz4gAAAAAAAJA+PVZPqaioKPn4+KRYfvv27WQhFQAAAAAAAJCaxwqlSpQooVWrVlnuJwVR06dPV9myZdOmMgAAAAAAAKRbjzV8b+jQoapdu7aOHDmihIQEjRkzRkeOHNG2bdu0efPmtK4RAAAAAAAA6cxj9ZSqUKGC9u/fr4SEBBUuXFg///yzfHx8tH37dgUFBaV1jQAAAAAAAEhnHrmnVHx8vDp06KD+/ftr2rRpT6MmAAAAAAAApHOP3FPK0dFRy5Ytexq1AAAAAAAA4AXxWMP3GjZsqJUrV6ZxKQAAAAAAAHhRPNZE5/nz59fgwYO1detWBQUFyc3NLdnj3bp1S5PiAAAAAAAAkD49Vig1Y8YMZcyYUbt379bu3buTPWYymQilAAAAAAAA8ECPFUpFRESkdR0AAAAAAAB4gTzWnFL3MgxDhmGkRS0AAAAAAAB4QTx2KDV37lwVLlxYrq6ucnV1VZEiRTRv3ry0rA0AAAAAAADp1GMN3xs1apT69++vLl26qHz58pKkX3/9Ve+//76uXr2qnj17pmmRAAAAAAAASF8eK5QaN26cJk2apJCQEMuyBg0aqGDBgho0aBChFAAAAAAAAB7osYbvXbp0SeXKlUuxvFy5crp06dITFwUAAAAAAID07bFCqXz58unbb79NsXzx4sXKnz//ExcFAAAAAACA9O2xhu999tlnat68uX755RfLnFJbt25VeHh4qmEVAAAAAAAAcK/H6inVpEkT/f7778qaNatWrlyplStXKmvWrNqxY4caNWqU1jUCAAAAAAAgnXmsnlKSFBQUpPnz56dlLQAAAAAAAHhBPFZPqdWrV2vt2rUplq9du1Y//fTTExcFAAAAAACA9O2xQqm+ffsqMTExxXLDMNS3b98nLgoAAAAAAADp22OFUidOnNCrr76aYnlgYKBOnjz5xEUBAAAAAAAgfXusUMrLy0unT59OsfzkyZNyc3N74qIAAAAAAACQvj1WKPXGG2+oR48eOnXqlGXZyZMn9cEHH6hBgwZpVhwAAAAAAADSp8cKpYYPHy43NzcFBgYqICBAAQEBCgwMVJYsWTRixIi0rhEAAAAAAADpjMPjrOTl5aVt27Zp3bp12r9/v1xdXVW0aFEFBwendX0AAAAAAABIhx6pp9T27dv1448/SpJMJpNq1KghHx8fjRgxQk2aNFH79u0VGxv7VAoFAAAAAABA+vFIodTgwYN1+PBhy/2DBw+qXbt2ql69uvr27asffvhBYWFhaV4kAAAAAAAA0pdHCqX27dunqlWrWu4vWrRIpUqV0rRp09SrVy+NHTtW3377bZoXCQAAAAAAgPTlkUKpv//+W76+vpb7mzdvVu3atS33S5YsqXPnzqVddQAAAAAAAEiXHimU8vX1VUREhCQpLi5Oe/bsUZkyZSyP37x5U46OjmlbIQAAAAAAANKdRwql6tSpo759+2rLli3q16+fMmTIkOyKewcOHFDevHnTvEgAAAAAAACkLw6P0njIkCFq3LixKlWqJHd3d82ZM0dOTk6Wx2fOnKkaNWqkeZEAAAAAAABIXx4plMqaNat++eUX3bhxQ+7u7rK3t0/2+JIlS+Tu7p6mBQIAAAAAACD9eaRQKomXl1eqyzNnzvxExQAAAAAAAODF8EhzSgEAAAAAAABpgVAKAAAAAAAAVkcoBQAAAAAAAKsjlAIAAAAAAIDVEUoBAAAAAADA6p6JUGrChAny9/eXi4uLSpcurR07djzUeosWLZLJZFLDhg2fboEAAAAAAABIUzYPpRYvXqxevXpp4MCB2rNnj4oWLaqaNWsqMjLygeudOXNGvXv3VnBwsJUqBQAAAAAAQFqxeSg1atQotWvXTq1bt9arr76qyZMnK0OGDJo5c+Z910lMTNTbb7+tzz77THny5LFitQAAAAAAAEgLNg2l4uLitHv3blWrVs2yzM7OTtWqVdP27dvvu97gwYPl4+Ojtm3b/udzxMbGKjo6OtkNAAAAAAAAtmXTUOrq1atKTEyUr69vsuW+vr66fPlyquv8+uuvmjFjhqZNm/ZQzxEWFiYvLy/LLVeuXE9cNwAAAAAAAJ6MzYfvPYqbN2/q3Xff1bRp05Q1a9aHWqdfv366ceOG5Xbu3LmnXCUAAAAAAAD+i4Mtnzxr1qyyt7fXlStXki2/cuWK/Pz8UrQ/deqUzpw5o/r161uWmc1mSZKDg4OOHTumvHnzJlvH2dlZzs7OT6F6AAAAAAAAPC6b9pRycnJSUFCQwsPDLcvMZrPCw8NVtmzZFO0DAwN18OBB7du3z3Jr0KCBXn/9de3bt4+heQAAAAAAAM8Jm/aUkqRevXopNDRUJUqUUKlSpTR69Gjdvn1brVu3liSFhIQoR44cCgsLk4uLiwoVKpRs/YwZM0pSiuUAAAAAAAB4dtk8lGrevLmioqI0YMAAXb58WcWKFdOaNWssk5//+eefsrN7rqa+AgAAAAAAwH+weSglSV26dFGXLl1SfWzTpk0PXHf27NlpXxAAAAAAAACeKrogAQAAAAAAwOoIpQAAAAAAAGB1hFIAAAAAAACwOkIpAAAAAAAAWB2hFAAAAAAAAKyOUAoAAAAAAABWRygFAAAAAAAAqyOUAgAAAAAAgNURSgEAAAAAAMDqCKUAAAAAAABgdYRSAAAAAAAAsDpCKQAAAAAAAFgdoRQAAAAAAACsjlAKAAAAAAAAVkcoBQAAAAAAAKsjlAIAAAAAAIDVEUoBAAAAAADA6hxsXQAAAEh7hecUtnUJj+1g6EFblwAAAAAroKcUAAAAAAAArI5QCgAAAAAAAFZHKAUAAAAAAACrI5QCAAAAAACA1THROQAAAICH9rxeSIGLKADAs4eeUgAAAAAAALA6QikAAAAAAABYHaEUAAAAAAAArI5QCgAAAAAAAFZHKAUAAAAAAACrI5QCAAAAAACA1RFKAQAAAAAAwOoIpQAAAAAAAGB1hFIAAAAAAACwOkIpAAAAAAAAWB2hFAAAAAAAAKyOUAoAAAAAAABWRygFAAAAAAAAq3OwdQEAAAAAAODFVnhOYVuX8NgOhh60dQnPLXpKAQAAAAAAwOoIpQAAAAAAAGB1hFIAAAAAAACwOkIpAAAAAAAAWB2hFAAAAAAAAKyOUAoAAAAAAABWRygFAAAAAAAAqyOUAgAAAAAAgNURSgEAAAAAAMDqCKUAAAAAAABgdYRSAAAAAAAAsDpCKQAAAAAAAFgdoRQAAAAAAACsjlAKAAAAAAAAVkcoBQAAAAAAAKsjlAIAAAAAAIDVOdi6AOBFVnhOYVuX8NgOhh60dQkAAAAAgOcYPaUAAAAAAABgdc9EKDVhwgT5+/vLxcVFpUuX1o4dO+7bdtq0aQoODlamTJmUKVMmVatW7YHtAQAAAAAA8OyxeSi1ePFi9erVSwMHDtSePXtUtGhR1axZU5GRkam237Rpk1q2bKmNGzdq+/btypUrl2rUqKELFy5YuXIAAAAAAAA8LpuHUqNGjVK7du3UunVrvfrqq5o8ebIyZMigmTNnptp+wYIF6tSpk4oVK6bAwEBNnz5dZrNZ4eHhVq4cAAAAAAAAj8umoVRcXJx2796tatWqWZbZ2dmpWrVq2r59+0NtIyYmRvHx8cqcOXOqj8fGxio6OjrZDQAAAAAAALZl01Dq6tWrSkxMlK+vb7Llvr6+unz58kNto0+fPsqePXuyYOteYWFh8vLystxy5cr1xHUDAAAAAADgydh8+N6T+PLLL7Vo0SKtWLFCLi4uqbbp16+fbty4YbmdO3fOylUCAAAAAADg3xxs+eRZs2aVvb29rly5kmz5lStX5Ofn98B1R4wYoS+//FLr169XkSJF7tvO2dlZzs7OaVIvAAAAAAAA0oZNe0o5OTkpKCgo2STlSZOWly1b9r7rDR8+XEOGDNGaNWtUokQJa5QKAAAAAACANGTTnlKS1KtXL4WGhqpEiRIqVaqURo8erdu3b6t169aSpJCQEOXIkUNhYWGSpGHDhmnAgAH65ptv5O/vb5l7yt3dXe7u7jbbDwAAAAAAADw8m4dSzZs3V1RUlAYMGKDLly+rWLFiWrNmjWXy8z///FN2dv/r0DVp0iTFxcWpadOmybYzcOBADRo0yJqlAwAAAAAA4DHZPJSSpC5duqhLly6pPrZp06Zk98+cOfP0CwIAAAAAAMBT9VxffQ8AAAAAAADPJ0IpAAAAAAAAWB2hFAAAAAAAAKyOUAoAAAAAAABWRygFAAAAAAAAqyOUAgAAAAAAgNURSgEAAAAAAMDqCKUAAAAAAABgdYRSAAAAAAAAsDpCKQAAAAAAAFgdoRQAAAAAAACsjlAKAAAAAAAAVkcoBQAAAAAAAKsjlAIAAAAAAIDVEUoBAAAAAADA6gilAAAAAAAAYHWEUgAAAAAAALA6QikAAAAAAABYHaEUAAAAAAAArI5QCgAAAAAAAFZHKAUAAAAAAACrI5QCAAAAAACA1RFKAQAAAAAAwOoIpQAAAAAAAGB1hFIAAAAAAACwOkIpAAAAAAAAWB2hFAAAAAAAAKyOUAoAAAAAAABWRygFAAAAAAAAqyOUAgAAAAAAgNURSgEAAAAAAMDqCKUAAAAAAABgdYRSAAAAAAAAsDpCKQAAAAAAAFgdoRQAAAAAAACsjlAKAAAAAAAAVkcoBQAAAAAAAKsjlAIAAAAAAIDVEUoBAAAAAADA6gilAAAAAAAAYHWEUgAAAAAAALA6QikAAAAAAABYHaEUAAAAAAAArI5QCgAAAAAAAFZHKAUAAAAAAACrI5QCAAAAAACA1RFKAQAAAAAAwOoIpQAAAAAAAGB1hFIAAAAAAACwOkIpAAAAAAAAWB2hFAAAAAAAAKyOUAoAAAAAAABWRygFAAAAAAAAqyOUAgAAAAAAgNURSgEAAAAAAMDqCKUAAAAAAABgdc9EKDVhwgT5+/vLxcVFpUuX1o4dOx7YfsmSJQoMDJSLi4sKFy6s1atXW6lSAAAAAAAApAWbh1KLFy9Wr169NHDgQO3Zs0dFixZVzZo1FRkZmWr7bdu2qWXLlmrbtq327t2rhg0bqmHDhjp06JCVKwcAAAAAAMDjcrB1AaNGjVK7du3UunVrSdLkyZO1atUqzZw5U3379k3RfsyYMapVq5Y+/PBDSdKQIUO0bt06jR8/XpMnT07RPjY2VrGxsZb7N27ckCRFR0c/jd15rpljY2xdwmOLNhm2LuGxJP6TaOsSHhvvITyK5/X88ryeWyTOL3hxcH6xvuf1/MK5BY/ieT23SM/v+eV5PbdInF9Sk3RMDOM/Xo+GDcXGxhr29vbGihUrki0PCQkxGjRokOo6uXLlMr7++utkywYMGGAUKVIk1fYDBw40JHHjxo0bN27cuHHjxo0bN27cuHGz4u3cuXMPzIVs2lPq6tWrSkxMlK+vb7Llvr6+Onr0aKrrXL58OdX2ly9fTrV9v3791KtXL8t9s9msa9euKUuWLDKZTE+4B0jvoqOjlStXLp07d06enp62LgdAOsL5BcDTwLkFwNPC+QWPwjAM3bx5U9mzZ39gO5sP33vanJ2d5ezsnGxZxowZbVMMnluenp6ceAE8FZxfADwNnFsAPC2cX/CwvLy8/rONTSc6z5o1q+zt7XXlypVky69cuSI/P79U1/Hz83uk9gAAAAAAAHj22DSUcnJyUlBQkMLDwy3LzGazwsPDVbZs2VTXKVu2bLL2krRu3br7tgcAAAAAAMCzx+bD93r16qXQ0FCVKFFCpUqV0ujRo3X79m3L1fhCQkKUI0cOhYWFSZK6d++uSpUqaeTIkapbt64WLVqkXbt2aerUqbbcDaRTzs7OGjhwYIohoADwpDi/AHgaOLcAeFo4v+BpMBnGf12f7+kbP368vvrqK12+fFnFihXT2LFjVbp0aUlS5cqV5e/vr9mzZ1vaL1myRJ9++qnOnDmj/Pnza/jw4apTp46NqgcAAAAAAMCjeiZCKQAAAAAAALxYbDqnFAAAAAAAAF5MhFIAAAAAAACwOkIpAAAAAAAAWB2hFAAAAAAAAKyOUAoAAAAAAABWRygFAAAAwCq48Dfw4jGbzbYuAc8wB1sXACA5wzBkMplsXQaA5xznEgDPgqRz0c2bN+Xh4SGTyaTw8HB5eHioVKlSti4PwFNmNptlZ2enkydP6ttvv9WRI0dUo0YNlS9fXnnz5rV1eXgG0FMKeEYk/XJ4584dSVJ8fLwkflkA8GiSziX/DqTonQDAFkwmkyIjI1WgQAGtWbNGS5YsUe3atXX16lVblwbgKUsKpA4dOqQKFSpo586dOn/+vAYPHqxJkyYpNjaWzyeQyeBVANhc0q+IP/30k6ZPn67o6Gj5+Piof//+CgwMtHV5AJ4TSeeS7du3a8uWLTKZTMqXL58aNWqU7HEAsLZ+/fpp3Lhxio2N1fTp0xUaGmrrkgBYwblz51SrVi01aNBAYWFhkqQZM2boo48+0t69e/XSSy/ZuELYGj2lgGeAyWTSDz/8oIYNGypfvnzKnz+/oqKiFBQUpLVr10qixxSA/2YymbR8+XLVqFFDGzdu1MyZM9W9e3e1bNnS8ji/RQGwhbp16yomJkZ2dnbKmjWrrcsBYAVms1kbNmzQq6++qvfff9/yfebtt9+Wr6+vzpw5Y9sC8UwglAKeAbdv39bXX3+tDz/8UMOGDdPEiRO1YsUKtWrVSk2aNNHJkydlZ8fbFcCDRUREqEePHgoLC9NPP/2kbdu2aezYsdq4caPefvttSSmH9QHA05IUgsfExKhChQrauHGjevfurSZNmujbb7+1cXUAnjY7Ozv5+vqqfPnyyp07t+X7jGEYun37ti5fvmzjCvEs4Fsu8AyIi4vT2bNnlSdPHkl3T9QZMmTQl19+qZIlS2rUqFFKTEykhwOAB4qMjJSdnZ3q1asnScqUKZPq1KmjCRMmaPv27Vq3bp2NKwTworh3aoIuXbpo69atqlSpkr744gt17txZISEhWrZsmaX9zJkztXPnThtWDOBpqFWrlnr06CHpf0G1s7OzMmfOLCcnJ0u7RYsWac+ePbYoETZGKAU8AzJlyqTAwED98MMPio2NtfRk8PDwkJ+fn6KiomRvb08PBwAP5OPjo9u3b2vHjh2WZU5OTipfvrzi4+MVERFhw+oAvEiShhM3bdpU+fLlU5YsWSyPjRw5Uu+//77eeustDRkyRJ06dVL37t3l4eFhw4oBPE1ms9kyjYCdnZ0yZMggFxcXSXfnnOvYsaO8vLxsXCVsgVAKsLKksdRxcXGKiYmxLG/cuLHOnTunUaNGKSEhwRJAOTk5KWPGjEpISKCnFABJd39pTO18kDFjRpUqVUpLlizRrl27LMu9vb3l7+9PsA3Aag4dOqQePXpowoQJ+vjjjy0Xbjl+/LgkafTo0erTp4++/fZbHThwQL/88gsXdwHSocTEREnJpw+Ii4vTtWvXFBcXp88//1xjxozRunXrlDdvXluVCRvi6nuAFWzbtk1lypSxjKP+/vvvNXnyZF24cEFVq1ZV48aNVaFCBX388cdau3atvL29Va1aNR0+fFhLly7Vb7/9poIFC9p4LwDY2j///CNXV1clJCTIwcFBmzZt0vbt23X16lW99dZbCgoK0o4dO9SmTRu9/PLLatCggYoXL6558+Zp9uzZ2rlzpwICAmy9GwBeAL/88os6d+6s8PBwZcqUSbNnz9aCBQv0559/Kk+ePFq/fr0k6cqVK8qQIQO9pIB0KDExUfb29jp//rzmzJmjXr16ydXVVfHx8apUqZJu3LihiIgI/fLLLypRooSty4WN0FMKeMr27dunChUqaOjQoZKkDRs2qGXLlgoICFC9evW0fv169enTR998842GDh2qnj17yt3dXYsXL9b169e1detWAikAmj17tnLnzq2oqCg5ODho2bJlql27ttasWaO1a9eqatWq6tOnj1599VXNmjVLJpNJvXv3VrNmzbRq1SqtW7eOQAqA1djZ2SkxMVG9e/dW8eLF9eOPP6pYsWIaPny4Dhw4oHnz5kmSfH19CaSAdCgpkDp79qxKliypmzdvytXV1fKYYRiKjIzUb7/9RiD1gqOnFGAFkydPVvfu3fX555/L3d1d169fV79+/SRJZ8+e1eDBg3X06FF9/fXXKlWqlKS7V6pxcHBINgEggBfXkSNH9O677+rOnTtav369Bg8erOLFi6tt27ayt7fXmDFjNGPGDNWtW1dhYWG6efOmbt26pRs3bsjb2zvZfC4AkJaSJjX/66+/dPv2bfn6+srZ2Vnz5s3Txo0b5evrq1atWqlAgQK6c+eOXn/9dfXv31916tSxdekA0kDSOeDGjRuKjY2Vj4+PzGazEhIS5Orqqvbt22vixInJhvDNmzdPpUuX1ssvv2zDyvEsIJQCnqKkt5fJZNLMmTPVrl07eXp6qkePHho4cKCl3blz51S9enU1bdpUn3/+ua3KBfCMO3HihEJCQnTx4kXlzJlTYWFhqlixouXxr7/+Wp999pm2bdumV1991YaVAnhRJH0ZXblypYYNG6Zz584pMDBQJUqU0ODBg1P8uDZw4EDNnTtXmzZtUu7cuW1UNYC0knQO+P777zV8+HCdP39eBQoUUJUqVdSnTx8tW7ZMjRo1skxjYjabLf8GJIbvAU+dyWTSpk2bFBQUpEWLFik6Olp//PGHbt68aQmtcuXKpapVq2rr1q2Kj4+3ccUAnjVJF0iQpAkTJqhYsWLavn27bt68KUmKjY2VJPXs2VNZsmTRihUrbFIngBePyWTSzz//rLfeekvNmzfXr7/+qqCgIA0fPlzff/+9pd3ixYvVsWNHTZo0ScuXLyeQAtIJk8mkNWvWqGXLlmrQoIHWrVun7Nmz64svvtC6devUpEmTZCEUgRT+jVcE8BSZTCZt2LBBb7zxhk6ePKlmzZpp2rRpWrJkiUaNGmX5QilJly9flp+fHydqACnY2dlpxYoVatq0qRISEhQWFqby5curW7duOn/+vJydnSXdnQjd09NTmTNntnHFAF4EZrNZsbGxWrx4sXr16qUePXrIw8ND33zzjTp37qymTZta2sbHx8tsNuuXX35R8eLFbVg1gCdx48YNy78TExN1584dzZo1S7169dJHH30kb29vhYeHKzQ0VNWrV7e0A+7HwdYFAOnZ5cuXtWbNGn388cdq0qSJJKlNmzZKSEhQx44dtWfPHhUoUEBxcXEKDw/XL7/8Int7extXDeBZce88LdOnT9d7771nmXdu+vTpCgkJUcWKFfXll1/K09NTW7ZsUUREhKpWrWrjygGkN0nnI8MwZBiG7OzsZGdnJ2dnZ129elWVK1fW+fPnVaZMGdWtW1fjxo2TJK1cuVJeXl5655131KRJE8tExwCePzNmzNDWrVv16aefKk+ePLK3t5e9vb1u3bqlihUr6uLFiypZsqTq1atnOQf8+OOPypIli8qWLWvj6vGsoksG8JQcPHhQlSpV0rJly+Tt7S3pf3NMtW/fXtOnT9fPP/+sOXPmKCgoSL/99puKFCliy5IBPGNMJpPWrVunNm3ayDAM1ahRw/JYgQIFNHfuXOXKlUstWrTQmDFj9M8//2jTpk1MGgogTSUFUteuXZPJZJKdnZ3Cw8O1cuVKSVKGDBn0/fffq3LlyqpTp44mT54s6W6PimXLlmnv3r0ym80EUsBzLjIyUrt27dK4ceN0+vRpSVJCQoLi4+M1c+ZMVaxYUfXr19eECRMkSX///bfmzZun/fv3J5uKALgXoRTwlBQuXFgVK1ZURESEfvvtN12/ft3yC6MktW7dWmPGjFFCQoLq16+vwMBAG1cM4FmUNWtWrV69WmvWrNGZM2eSPVagQAFNmTJFpUqVUmRkpIYNG6ZixYrZpE4A6ZfJZNLff/+twMBAjRs3Tj/++KNq1qwpB4e7gy4+/vhjbdq0SY6Ojpo8ebLlClvDhw/X1q1b9cYbbzA9AZAO9OvXTx06dNDWrVs1ZswYnTx5Ug4ODho4cKA2btwoV1dXTZ482XJuGDlypHbv3q0aNWpwDsB9cfU9II3t2bNHFy5cUP369SVJnTp10qpVq9S3b1+9/fbb8vT0tPziKEnXr19XxowZbVgxgGfRmTNnlCFDBvn4+Ojo0aMqU6aMSpcurUmTJilPnjzJ2p48eVL29vYKCAiwUbUA0rs7d+5o/vz56ty5s0wmk+bOnas333xT8fHxcnR01Lfffqt33nlHVapUkYeHhxwcHLR27VqFh4czhxSQDiS9169du6aPP/5YGzZsUK1atdS7d2+99NJLGj9+vHr27Kk6derI19dXMTExWrVqlTZs2MA5AA9EXAmkEcMwdP36dfXp00cjRozQqlWrJEkTJ05U9erVNWrUKC1cuFDR0dGWQEoSgRSAFI4ePao6depo2rRpioqKUmBgoH755Rdt27ZNvXv3VkRERLL2+fLlI5AC8FS5uLioSJEiio+PV1xcnCIjIyVJjo6OkqQ333xTO3fuVK5cueTo6Kj8+fNr+/btfBkF0glHR0ctWrRIFStW1NWrV+Xo6KgpU6ZoxIgRunDhgrp06aLw8HDLUF9fX1/OAXgo9JQCHoPZbJadnZ3+/vtvubi4JJsjYePGjRoxYoQMw1CnTp1Ur149SdJ7772nrVu3qkOHDmrbtq08PDxsVT6AZ0RiYqLs7e0t55R7tWvXTrt27dLbb7+t0NBQeXt7a//+/apQoYJq166tsLAw5c2b10aVA3iRJJ2j4uLi9Ntvv+nYsWN6//33NWzYMPXu3VuGYSgxMdEyZEdSsl7hAJ5/R48eVeXKlfXFF1+oRYsWcnNz0+eff66FCxeqatWqlh5TSeeL1D7bAKnhVQI8oqQT7O7du1WoUCFdvXpVN2/etDz++uuvq0+fPkpMTNTEiRMtPaamT5+uIkWKaN68eVwWFYDMZrPs7e21c+dOvfvuu5L+dzEESZo2bZqCg4M1Z84czZkzR1FRUSpatKi2bt2qpUuX6rPPPlNCQoKtygfwAkg6J8XHx8swDDk5OalixYp66623NHLkSH300UcaNWqUTCaTHBwcNGvWLH3//fc2rhrA03Dr1i3Z2dnptddek5ubmyTp008/VYsWLTR58mR9/fXXOnbsmCWIIpTGw3L47yYAkiQFUvv371flypXVpUsXy5C9bt26qUyZMpKkihUryjAM9e3bV1999ZWcnJxUvXp1LV68WJcuXWLIHvCCu/dcUqlSJfXp00e7d+/WH3/8keyS6WPHjlW3bt00ceJE2dnZKSQkREWKFNGBAwfk4OCQrFcCAKSlpJ5O69at05QpU/TPP//Iz89PM2bMkJubmzp27ChJ+uCDD3Ts2DHZ29tr9uzZ2rt3ryS+kALPu3/3dkzq3Z30Y3xsbKycnZ3Vv39/zZs3T4sWLZKzs7OGDBkiR0dHzgF4aPSUAh5S0pfIo0ePqmLFiurevbvCwsJ05MgR7d27V5MmTdLOnTst7StVqqTevXtr9+7dGjhwoFavXi1JypYtm612AcAzIOlccuTIEZUvX159+/bVwIEDNXjwYH366adauXKl/vnnH0v7sWPHqmDBgho/frwmTpyoqKgoFSpUiCt2AngqknpHmUwmrVy5Uk2bNlW2bNlUp04drVu3TrVq1VJERIScnZ3VtWtXLViwQLt27dLp06e1bds2FShQwMZ7ACAtmEwmbd++XTNmzJAklS5dWi+//LI6deqka9euydnZWZJ07do1FStWTKGhoerYsaNlnjngYRFKAQ/h3l4NZcuWVUJCgjJnzixJat68uYYMGaI//vhDY8aM0Y4dOyzrZc2aVUWLFlVAQICKFCliq/IBPCOSziWHDh1ScHCwvL291bx5c0nSd999pxIlSmjo0KFavny5YmJiLOuVKlVKMTEx2rRpk+zt7W1VPoB0LGni8qTeDX/88Yc++eQTDR06VOPGjVOTJk1kGIY2b96sJk2aKCIiQvb29mrRooU2bdqkpUuXqlixYjbcAwBp6fbt25oxY4aGDx9uCaa++eYb2dnZqXz58lq9erW2bNmikSNH6tSpU+rbt69y585t46rxPCKUAv6DYRiys7PT3r17VaFCBb377rvq2rWrvv32Ww0ePFiS1LRpU/Xu3VvHjx/XmDFjFB4eLklav369goODNWHCBOXMmdOWuwHAxu4Nt0uVKqVSpUope/bsCgsLs4TZS5cuVb58+fTll19q+fLlli7yMTExmjBhghYuXGgJxAEgrcycOVOdOnXSvn37LMuuXr2qxo0bq3Pnzrpw4YLKly+vunXr6sCBA7py5Yo6deqkEydOSJI8PDzk7u5uo+oBPA1ubm7q3r27qlSpookTJ2rWrFny9fXVxo0blTt3bnXu3FktW7bUwoULNXXqVKYnwWPj6nvAQ7h06ZJy5sypXr166auvvlJkZKS++OIL/f7776pbt6769+8vSVq2bJmmTp2q3bt3K1euXIqIiNAvv/xCLykAkqTjx48rMDBQH3/8sT7//HMtWrRII0aMUKFChdS5c2eVLFlSktSsWTOdPHlSGTNmlK+vr3744QcdOHCAq+0BeCpmzJihcePGqUSJEuratauKFi0qSTp48KAKFy6sli1bymQyafbs2ZKk2rVra+PGjQoODlZ4eDjz2wHpyNWrV5U1a1bL/cOHD2v06NHavXu3unXrplatWkmSDh06JHt7e2XOnFm+vr42qhbpAaEU8BCioqK0d+9e1ahRw9LbITIyUkOHDtVvv/2mOnXqaMCAAZLufoA7duyYLly4oHr16vElEoCku70uV65cqQsXLqhLly6W5QsXLtTIkSNTBFOjRo3SoUOH9M8//+iTTz5RoUKFbFU6gBdA0rmoSJEi6tq1q4oXLy7pbk/N6tWrKzQ0VO3bt5ckde7cWS1atFCuXLnk7+9vw6oBpKW9e/eqR48e6tmzpxo2bGhZfujQIX3++efau3evBg0apJYtW9quSKQ7hFLAIzKbzTKZTDKZTLpy5YrCwsL022+/JesxBQCpSUhIsPQoSLqKjXR3joZRo0alCKaku5diZ9JQAE/LvVfYWrBggb7++msVKVJE3bt3V9GiRWUYhooUKaIcOXJo4MCBWrJkib799lvt3LmTi7cA6cyWLVv0+eefy2w2q0ePHqpbt67lsc2bN6t+/fry8PBQWFiYQkJCbFgp0hNCKeBf/n3503slfaGMiYmRYRhyc3Oz9JjatWuXKlasqKFDh1q5YgDPm6Rzyb0hVdJQvqJFi6pDhw4qVaqUjasE8KK497PP/PnzNXr0aBUuXFhdu3bVa6+9pl27dqlx48ayt7eXnZ2dli5daulJBSB92bJli0aNGqXr16+rV69eql+/vqS7Fz/o3bu3ChUqpI4dO9JLEmmGic6BeyT1grp69apu376d7LGkL49nzpxRo0aNdPz4cRmGIR8fH33yyScKDAzUzp079ddff9moegDPCrPZnOx+YmJisn8nnUtGjBihGzduSJJatGihjz76SJs3b9bs2bMVGxtr1ZoBvLhMJpPi4+MlSe+884769OmjAwcOaNy4cTpw4IBKlCiho0eP6ocfftDvv/9OIAWkA0l9UyIiIrRv3z4dPHhQkhQcHKzu3bsrU6ZMGjFihBYsWKCYmBjNnz9fWbJkUd++fQmkkKboKQX8v6S5ovbs2aMKFSpo3bp1Kl++fLI2ERERCg4OVo0aNTRjxgyZTCbLr4tXr15VYmIiE/0BkCQdOXJEc+fOVVhYmEwmkxITE2VnZyeTyaQzZ86oTJkyql+/vqZNm5asl8Ly5ctVvHhxBQQE2HgPALwokoYTnz9/XgcPHlTt2rW1YMECjRo1SsWLF1f79u3pvQmkI0mfO1auXKn+/fvr77//Vq5cuZQ/f37NnTtXkvTLL79ozpw5+uabb+Tv76/IyEiFh4erWLFiti0e6Q6hFKD/fRjbv3+/goOD1bZtW3399dfJ2hiGobZt28psNmvWrFnJhvg9aMgfgBdPXFycihYtqmPHjik0NFQzZ860hNi3bt1ShQoVFBQUZAm3pf8F4wDwtN37uSXpM9DZs2dVvHhx9ejRw3LxloULF+rTTz9V7dq1NXLkSDk7O9uybABpIOn9v3btWjVr1kxhYWFq1KiRli9frm7duqlu3br64YcfJEkXL15URESE/vzzT5UrV065c+e2cfVIjwilgP938OBBlS9fXh07dtSwYcNkNpt1/Phx/fXXX/Lz81PevHkVHR0tV1dXJh0G8J+qVKmil156SadOnZK/v79mzJghJycnRUZG6siRI6pcubKtSwTwgrnfj2iXL19WgQIF1LJlS02cONFyQRdJWrJkiUqUKEHvTeA5tn37dr3yyivKmDGjJCkyMlLt27dXcHCwPvjgA0VFRSkoKEiFCxfW4cOHVbBgQa1atcq2ReOFQSgF6O7VrapXr65t27YpLi5OhmGofv36unLlinbv3q3ChQurWrVqGjlypCR6RgH4bx9++KF8fHyUOXNmjR49WiVKlNCsWbP0888/KygoSFmyZLF1iQBeIEmfXbZv364tW7bIZDIpX758atSokS5fvqzly5fr/ffft/TYpPcm8PwzDEO7d+9WqVKlNGTIEHXt2lWenp6SpKlTp6p06dLKnj27qlSpogoVKmjMmDH6/PPP9fnnn6tixYratGmTbXcALwQHWxcAPAscHR01fvx41a9fX9WrV1diYqJcXFwsXdV//fVXff311/Ly8tKAAQMIpADcV9IXOQcHB126dEkffvihDMPQ1KlTlTNnTiUkJOjUqVN84QNgVSaTScuXL1doaKgqVKigM2fO6Pbt21q6dKkWLFigTp06JbtIA+cn4PmWFESXKFFCY8aMUY8ePWQymdSxY0dlypRJ7du3lyRNmzZN2bNn16BBg+Tk5KR8+fKpbNmyMgxDZ8+eZcgenjpCKeD/FSpUSKtXr1bt2rWVMWNGrV69WtmzZ5ckvfrqqzp16pS2bNmiW7duyd3d3cbVAnhWJYXWtWvXtsxN995772n69Om6du2aKleuLDc3N0n/m8sFAJ62iIgI9ejRQ2FhYerSpYv+/vtvbd68WR06dNDbb7+tBQsWEEQB6UTSD1+XL1/W+fPn1aJFC2XJkkXvvPOOJZhKGsp37NgxnT592nKxpsOHDys4OFgDBgxQhgwZbLgXeFEQSgH3eOWVVxQeHq4DBw7I29tb0t1fGTw8POTt7a3ffvuN+aQASLr/0JakUMrV1VWHDh1SQkKC3n//fZ09e1Y9evRQeHi4GjVqpGXLlhFIAbCayMhI2dnZqV69epKkTJkyqU6dOpo4caI+/PBDrVu3TtWrV7dxlQCeVNLnkyNHjqh9+/bKkCGD3N3dtXz5ckVFRalnz56SZAmm6tWrp++//16VKlVS9uzZ9eOPP2rHjh0EUrAaQingX/Lmzas8efJYvlgm/ffixYsqVqwYvyICsHzgO378uHbv3q2WLVtaHkvqLl+wYEEFBASoZs2aOnbsmDZs2KB8+fLJ29tb3333nS5fvmzpjQkAT5uPj49u376tHTt2yN/fX5Lk5OSk8uXLKz4+XhEREbYtEMATMwxDdnZ2Onz4sCpUqKBOnTqpQ4cOypYtmySpe/fuMplM6tGjh+V+6dKlNWTIEH377beSpG3btumVV16x1S7gBUQohRfGo0xOfm+7yMhIjRkzRitXrtTmzZvpKQW84JICqX379qlMmTKWCyBI/xuOd/PmTXl4eMjNzU3btm3TmjVrLB/wOnTooFatWilTpky22gUA6VjSNYz+/ZknY8aMKlWqlJYsWaI8efKoRIkSkiRvb2/5+/szXyaQDphMJl27dk3vv/++QkJC9MUXX1geS0hIkIODg7p16yZJ6tGjh8xms3r37q3mzZurefPmio2NlbOzs63KxwuKUAovhKQvkZGRkTp27JgcHBz00ksvKUeOHA9cb+PGjZo/f77WrFmjdevW6dVXX7VSxQCeRUnnkgMHDqh8+fLq3r27OnfuLOl/H/bOnj2rZs2a6auvvtLSpUt1/vx5yyShhmEoQ4YMdIkHkOb++ecfubq6KjExUQ4ODtq0aZO2b9+uq1ev6q233lJQUJAGDhyoNm3aaOjQoWrQoIGKFy+uefPm6Y8//lC1atVsvQsA0sDly5d16dIlNWnSJNlUAw4ODjKbzTKZTOrWrZtMJpN69uypmJgYffjhh8qYMSOBFGzCZCT9nAKkU0kn44MHD6p58+ayt7fX1atXVbVqVQ0fPjzZ8Jl/zxFz8uRJbd++XeXLl1eePHlsUT6AZ0TS+eGPP/5QxYoVVbt2bc2dOzfZeeP06dOqVKmSZZ4W5owCYA2zZ8/WRx99pMOHD8vb21vLli3TO++8o1KlSumvv/7S+fPn1aFDB/Xv319//PGHvvzyS23evFmZM2eWvb29vvnmGxUvXtzWuwEgDXzzzTcKDQ1VXFycTCZTqnNgxsTE6ObNm/rxxx/Vu3dvnTx5UlmyZLFRxXjREUrhhXDkyBFVqlRJbdu2VZcuXbR+/Xp98sknWrNmjQoXLpyi/eTJk/XOO+/I3d2dy7YDsJwH9u/fr3LlyilTpkyKjY3VTz/9pBIlSliG7bVp00Z37tzRggULGAoDwGqOHDmid999V3fu3NH69es1ePBgFS9eXG3btpW9vb3GjBmjGTNmqG7dugoLC9PNmzd169Yt3bhxQ97e3nwZBdKRbdu2qWrVqpo/f76aNGmSapsxY8Zo1apV+vnnn3Xt2jVlzpzZylUC/8M3baR7169fV7du3dSiRQt9+eWXypkzp1q1aqVChQrpyJEjWr9+vQ4fPizp7tCanTt3aujQoXr33XcfaR4qAOmXnZ2d9u7dq3LlyqlHjx46duyYqlSpoqpVq2rXrl2WHlEzZ84kkAJgda+++qoWLVokT09PlSlTRgcOHFBgYKDl3NS9e3e1bt1akyZN0pEjR+Th4aFs2bIpMDCQQApIZ3Lnzi1PT0/NnTtXZ8+etSy/ty/KuXPnVKxYMZnNZua4hM0RSiHdi4+P19tvv6333nvPsuyLL77QunXrNGzYMH300UeqUqWK1q9fL5PJpCJFimj48OEaOXKkTCYTXy6BF1jSB7jExER169ZNnTt31hdffCE3NzeNHTtWtWvXVpUqVbRz505Le84ZAKzJbDZb/j1hwgQVK1ZM27dv182bNyVJsbGxkqSePXsqS5YsWrFihU3qBGAdOXLk0KRJk7R27Vr1799fR44ckXR3EvSYmBh9/PHHWrp0qd577z3Z2dnxuQU2x/A9vBD+/vtvy68Aixcv1jvvvKNvv/1W1apVU1RUlPr06SOz2azZs2fLw8PDxtUCeBYkDdm7ffu2XFxcdOXKFcscdEnhU2RkpLp166bVq1crPDxcJUuWJJgCYHUrVqzQoEGDNG3aNLm7u6tDhw66ePGiNm/erJw5c0q6OxF6uXLl1L59e3Xs2NHGFQN4msxms6ZNm6YuXbooX758Klu2rFxcXHThwgX99ttvWrNmDfPI4ZlBKIV05d/zP6X25TAxMVEHDhxIdiJu27at/vzzT61bt85qtQJ4diWdS44cOaKePXvq9OnT8vLyUvv27fXuu+/K1dXV0vbeYGrDhg0qUaIEwRSApy7pPPPXX38pJCREtWrVUteuXSVJx44dU0hIiKKiovTll1/K09NTW7Zs0YQJE7Rjxw69/PLLNq4egDXs2LFDX331lU6ePCkPDw+VK1dObdu2Vf78+W1dGmDhYOsCgLSS9CXy+PHj2r17t1q2bGn5Upj0wc1sNsve3t4SSCVlsnZ2dipatKgSExPpxgq84O6d1LxixYpq1KiRatWqpYULF6p///7KmDGj3nzzTUs7Hx8fjR07Vg4ODipVqpR2797Nr48AnjqTyaR169Zp/PjxMgxDNWrUsDxWoEABzZ07V+3bt1eLFi1Us2ZNvfLKK9q0aROBFPACKVWqlBYtWsTVgPFMY04ppAtJXw737dunIkWK6Nq1a5bHEhMTZTKZFB0drYSEhGTrJSQkaODAgVq1apXee+892dvbE0gBL7ikHlLBwcHq1KmTZs+erZ49e2rHjh1ycXHRkiVLLO2S+Pj4aMSIEWrdurUyZMhgq9IBvGCyZs2q1atXa82aNTpz5kyyxwoUKKApU6aoVKlSioyM1LBhw1SsWDGb1AnAdv49igR41hBK4bmXFEgdOHBA5cuXV/fu3dW5c2dJd0Mne3t7nT17VjVr1tSGDRss6/3888/q0aOHpkyZolWrVikwMNBWuwDgGWEYhgzD0IABAxQXF6eaNWvKbDZbAu1q1aopPj5e//zzT4p1/fz8NG3aNBUoUMDaZQN4wZw5c0aRkZEqXry4Dh48KE9PT40aNUqnT59O1i4wMFDz58/X0qVL5ejoaKNqAdjSvT+48+M7nkWEUniuJQVSf/zxh6pWraomTZpo2LBhlivRODg46PTp0woODlaRIkVUs2ZNy7qxsbFyc3PT5s2bGWoDvOCSzhlJV9ycNm2aypYtq08//VQ//vijHBwcdPXqVX3zzTeqWrVqsjml7nXvr5EA8DQcPXpUderU0bRp0xQVFaXAwED98ssv2rZtm3r37q2IiIhk7fPly6eAgAAbVQsAwIMx0TmeW/fO+1KuXDllypRJsbGx+umnn1SiRAklJibK3t5ebdq00Z07d7RgwYIUvw7ExsbK2dnZRnsA4FmQdC45f/68Nm/erBs3bqhNmza6ffu2GjRoICcnJ4WEhKh///5q1KiRxo0bJyn1CykAQFpJ+hzz74u4SFK7du20a9cuvf322woNDZW3t7f279+vChUqqHbt2goLC1PevHltVDkAAA+Pn3Tx3LKzs9PevXtVrlw59ejRQ8eOHVOVKlVUtWpV7dq1yzKh38yZM1MNpCQRSAEvuKQve4cPH1a9evW0Zs0anT17Vk5OTsqSJYtWrVolk8mktm3bqmjRoho1apSk/81VBwBPQ9KFWXbu3Kl3331XUvK5YKZNm6bg4GDNmTNHc+bMUVRUlIoWLaqtW7dq6dKl+uyzz1LMowkAwLOInlJ47iT1TkhMTFTlypVVtmxZDR8+XJJ05coVde/eXatXr1Z4eLhKlixJbwYAqUo6Nxw+fFjBwcHq3LmzPvzwQ3l6ekqSVqxYIT8/PxUrVkxvvPGGbt68qf79+6tWrVqys7Pj3ALgqbi3J3jZsmXVp08f1atXT3/88YeaNGmSbPhwt27d9OOPP6pLly4KCQlR1qxZdejQITk4ODBXJgDguUAohedK0ge127dvy8XFRVeuXFH27Nkl/e8LZmRkpLp160YwBeA/Xbt2TY0aNVKRIkUsw/IkadiwYerXr5+Cg4MVFhamokWLql69ekpISFCvXr3UsGFDzikA0lzS55wjR46oVKlS+uijjzRgwAC98cYb2r9/v8LCwtSwYcNkwVT9+vV1+PBhtWrVSh07dpS3t7cN9wAAgEfD8D08N+79oNa4cWMFBgaqQYMGmjp1qv755x/LF0QfHx+NHTtWderUsQzlM5lMXAIVQApXrlzRhQsX1LhxY8tk55MnT1b//v01fvx4OTs767PPPtOBAwe0atUq3bhxQ1OnTlVMTIyNKweQ3iR9zjl06JCCg4Pl7e2t5s2bS5K+++47lShRQkOHDtXy5cuTnYNKlSqlmJgYbdq0yTJ1AQAAzwt6SuG5cG9X9ooVK6pRo0YqWrSoFi5cqLNnz2rcuHF68803k00GGhkZqV69eumbb77R7t27ucIegBTmz5+vVq1aKT4+3hJsnz9/XhEREQoODtahQ4fUo0cPXbt2TWvXrpW9vb2io6Pl7+9v28IBpCv/HrJXqVIlRUdHK3/+/OrUqZNKlSolSWrUqJFOnjypPn366I033pCHh4f69eunEiVKqEKFCvL19bXxngAA8GjoKYXnQlIPqeDgYHXq1EmzZ89Wz549tWPHDrm4uGjJkiWWdkl8fHw0YsQItW7dWhkyZLBV6QCeYf7+/nJwcNCKFSsk3R0GnDNnTgUHB8tsNqtQoUJq3ry5HBwcFBsbq8yZMxNIAUhzdnZ2On78uIoXL65evXrpp59+UteuXXXo0CFNnDhRO3fulHR3rrvAwECNHDlSDRo0UIsWLTR27FgVK1aMQAoA8FwilMIzzzAMGYahAQMGKC4uTjVr1pTZbLZcVaZatWqKj4/XP//8k2JdPz8/TZs2TQUKFLB22QCeA/7+/vLy8tKcOXN09uzZZPNEJYXcx44ds7QDgKfBMAwdPnxYY8eO1eeffy5JatGihT744AMdOnRIEyZMsARTS5Ys0bvvvquAgACZTCb9/vvvyps3ry3LBwDgsTF8D8+se4fiSdLff/+txo0bKz4+Xh999JEaNGigq1evKleuXBo+fLi6du1qw2oBPK+WLVumt956S82bN1ffvn316quvSpKio6P1+eefa/r06dqyZYsKFixo40oBpGcJCQlycHCQJCUmJlrmh/rmm280atQoFSpUSJ07d1bJkiUt68THx8vR0dEm9QIAkBYIpfBMSgqkzp8/r82bN+vGjRtq06aNbt++rQYNGsjJyUkhISHq37+/GjVqZLlqFlfZA/CoEhMTNX36dHXp0kX58uVTuXLl5OjoqAsXLmjXrl1avXo1c9IBsJqkcOrekGrRokUaMWKEihYtqg4dOljmmAIA4HnH8D08c5ICqcOHD6tevXpas2aNzp49KycnJ2XJkkWrVq2SyWRS27ZtVbRoUY0aNUrS3S+WBFIAHpW9vb06dOigX3/9Va+++qp2796tw4cPq1ChQtqyZQuBFIA0lXSlzySJiYnJ/u3g4KAzZ85oxIgRunHjhqS7Q/k++ugjbd68WbNnz1ZsbKxVawYA4GmhpxSeKUk9nQ4fPqzg4GB17txZH374oTw9PSXdneDTz89PxYoV0xtvvKGbN2+qf//+qlWrluzs7OgpBeCJ3DtkBgCeliNHjmju3LkKCwuTyWRSYmKi7OzsZDKZdObMGZUpU0b169fXtGnTkn22Wb58uYoXL66AgAAb7wEAAGmDUArPnGvXrqlRo0YqUqSIZVieJA0bNkz9+vVTcHCwwsLCVLRoUdWrV08JCQnq1auXGjZsSCAF4Inc++WPkBvA0xAXF6eiRYvq2LFjCg0N1cyZM2UymWQYhm7duqUKFSooKChIM2bMsJyD/j3PJgAA6QX/d8Mz58qVK7pw4YIaN25s6eI+efJk9e/fX+PHj5ezs7M+++wzHThwQKtWrdKNGzc0depUxcTE2LhyAM+7e0MoAikAT4OTk5OyZcumkJAQnTx5UiEhIYqLi5PJZNI///yjMWPGWIKqJARSAID0ip5SeObMnz9frVq1Unx8vOUD2fnz5xUREaHg4GAdOnRIPXr00LVr17R27VrZ29srOjpa/v7+ti0cAADgIXz44Yfy8fFR5syZNXr0aJUoUUKzZs3Szz//rKCgIGXJksXWJQIAYBX87IJnjr+/vxwcHLRixQpJd4fQ5MyZU8HBwTKbzSpUqJCaN28uBwcHxcbGKnPmzARSAADgmZfUA9zBwUGXLl1S27Zt1b17dx0+fFg5c+ZUSEiIXFxcUkyGDgBAekUohWeOv7+/vLy8NGfOHJ09ezbV7uvHjh2ztAMAAHgeJH2mqV27tiIiIiRJ7733nuzs7HTt2jW99tprcnNzk52dXbKr8gEAkF4RSuGZkzNnTk2cOFFr1qxR//79deTIEctj0dHR+uijjzRz5kwNHDhQHh4eNqwUAAAgpfv1dEoKpVxdXXXo0KH/Y+/O42O6/j+Ov2cSSWyJPbZUlNpLNGkIglba2NeqtYmltJai+WrRFqUqVaqWUq3aaim1dkGUoJS0dmqv2mkSa0KQ9f7+8MvUSCxRmQlez8cjj+93zj135nOvye3MO+ecq6SkJL3++us6ceKE+vXrpwsXLqhFixZKSUnhTqAAgCeCo70LANLTvHlzTZgwQb1799bWrVtVo0YNZcuWTWfOnNG2bdsUHh6uihUr2rtMAAAAK6l3yjt8+LC2b9+udu3aWbal3tWzYsWKKlmypAIDA3Xo0CGtXbtWpUuXVsGCBfXDDz8oMjJSRYsWteNRAABgG4yUQpbk4OCgN954Q7/99psqVKig7du3a9++fapUqZI2btyoqlWr2rtEAAAAK6mB1K5du1S5cmVdvHjRsi05OVkmk0lXrlxRjhw5lDNnTu3du1c//fSTypcvr2zZsumNN97Q0qVLCaQAAE8M7r6HLC85OZkh7AAAIEtLDaT27NkjPz8/9e7dW6NGjZIkJSUlydHRUSdOnFDr1q01evRo1apVS6dPn1aJEiUk/TuKCgCAJwkjpZDlpS5uLt38wAYAAJCVpAZSBw4cUL169dSqVSuNGjXK6m57R48eVa1atVS1alXVqlVLDg4OlkBKEoEUAOCJxEgpAAAA4AGlBlK7d+9WjRo1lDdvXsXHx2vlypXy8fGxjPju0qWLbty4oblz5xJAAQDw/wilAAAAgP9g586dqlWrlvr166f33ntPXbp0UVhYmMLDw+Xj42PpxxQ9AACsEUoBAAAAGZQaMCUnJ6tu3bry8/PTp59+KkmKiopS3759tWLFCoWHh+v5558nkAIAIB2EUgAAAEAGpE7Zi4uLk4uLi6Kioix3zEsNn6Kjo9WnTx+CKQAA7oKFzgEAAID7lBpI7d+/Xy1btlS5cuXUtGlTff3117p+/boldCpUqJAmTJighg0bql69etq2bZtMJhM3bQEA4BaEUgAAAMB9uHVRcz8/PxUpUkQ9e/aU2WzW4MGD9dNPP1n6Sf8GU02bNpWvr6927tzJSCkAAG7B9D0AAADgPu3fv1/Vq1dXr169FBoaamkvUaKEfH19tXDhwjT7REZG6v3339e7776rsmXL2rJcAACyNEd7FwAAAABkdal/xx0yZIgSEhIUGBiolJQUpaSkyNHRUQEBAbpw4YKuX7+u7NmzW+1buHBhTZ06VWYzkxQAALgV/2UEAAAA7iB1Kp7JZJLJZNLUqVPl5+enDz74QD///LMcHR11/vx5zZs3T/Xq1UsTSKUikAIAIC2m7wEAAADpSF1D6vTp0/r1118VExOjLl26KC4uTk2bNpWTk5OCgoI0ePBgtWjRQhMnTpQk7rIHAMB94k82AAAAwG1SA6l9+/apcePGCgsL04kTJ+Tk5KT8+fNr+fLlMplM6tq1q6pUqaKxY8dKkpKTkwmkAAC4T6wpBQAAANzCMAxLIOXv769evXrpnXfekaurqyRp6dKlKly4sJYvX65mzZrp4sWLWr16terXry8HBwdGSgEAcJ+YvgcAAADc5uLFi2rRooUqV65smZYnSaNGjdKgQYPk7++v0NBQValSRY0bN1ZSUpJCQkLUvHlzAikAAO4T0/cAAACA20RFRenMmTNq2bKlZbHzKVOmaPDgwfriiy/k7OysYcOGac+ePVq+fLliYmL09ddf69q1a3auHACARwcjpQAAAIDbzJkzR506dVJiYqJl5NPp06d17Ngx+fv7a+/everXr58uXryoVatWycHBQbGxsfL09LRv4QAAPEIYKQUAAADcxtPTU46Ojlq6dKmkm+tMFS9eXP7+/kpJSVGlSpXUpk0bOTo6Kj4+Xvny5SOQAgAggwilAAAAgNt4enrKzc1Ns2bN0okTJ6zWiTKbb36EPnTokKUfAADIOEIpAAAA4DbFixfX5MmTFRYWpsGDB2v//v2WbbGxsXr33Xc1ffp0DR06VLlz57ZjpQAAPLpYUwoAAABIR3Jysr755hv17t1bpUuXVo0aNZQtWzadOXNG27Zt04oVK1S1alV7lwkAwCOLUAoAAAC4iz/++EOffvqp/v77b+XOnVu1atVS165dVbp0aXuXBgDAI41QCgAAALiH5ORkOTg42LsMAAAeK6wpBQAAANxD6uLm0s078QEAgP+OkVIAAAAAAACwOUZKAQAAAAAAwOYIpQAAAAAAAGBzhFIAAAAAAACwOUIpAAAAAAAA2ByhFAAAAAAAAGyOUAoAAAAAAAA2RygFAADwCFq/fr1MJpMuX7583/t4enpq3LhxmVYTAABARhBKAQAAZIJOnTrJZDLpzTffTLOtV69eMplM6tSpk+0LAwAAyCIIpQAAADKJh4eH5s+fr+vXr1vabty4oXnz5umpp56yY2UAAAD2RygFAACQSZ577jl5eHhoyZIllrYlS5boqaeeUtWqVS1t8fHx6tOnjwoVKiQXFxfVqlVLW7dutXquFStWqEyZMsqePbteeOEFHT9+PM3r/fbbb/L391f27Nnl4eGhPn36KC4uLtOODwAA4L8glAIAAMhEXbp00YwZMyyPp0+frs6dO1v1effdd7V48WLNmjVLO3bsUOnSpRUYGKiLFy9Kkk6dOqWWLVuqSZMm2rVrl15//XUNHDjQ6jn+/vtv1a9fX61atdKePXu0YMEC/fbbb+rdu3fmHyQAAMADIJQCAADIRB07dtRvv/2mEydO6MSJE9q0aZM6duxo2R4XF6cvv/xSo0ePVoMGDVShQgVNnTpV2bNn17Rp0yRJX375pUqVKqXPPvtMZcuWVYcOHdKsRxUaGqoOHTqoX79+euaZZ1SjRg1NmDBB3377rW7cuGHLQwYAALgvjvYuAAAA4HFWsGBBNWrUSDNnzpRhGGrUqJEKFChg2f73338rMTFRNWvWtLRly5ZNvr6+OnDggCTpwIEDqlatmtXz+vn5WT3evXu39uzZo7lz51raDMNQSkqKjh07pvLly2fG4QEAADwwQikAAIBM1qVLF8s0ukmTJmXKa1y9elVvvPGG+vTpk2Ybi6oDAICsiFAKAAAgk9WvX18JCQkymUwKDAy02laqVCk5OTlp06ZNKlGihCQpMTFRW7duVb9+/SRJ5cuX148//mi13++//271+LnnntP+/ftVunTpzDsQAACAh4g1pQAAADKZg4ODDhw4oP3798vBwcFqW86cOdWjRw+98847CgsL0/79+9WtWzddu3ZNXbt2lSS9+eab+uuvv/TOO+/o0KFDmjdvnmbOnGn1PAMGDNDmzZvVu3dv7dq1S3/99Zd++OEHFjoHAABZFqEUAACADbi6usrV1TXdbZ988olatWql1157Tc8995yOHDmiVatWKW/evJJuTr9bvHixli1bpipVqmjKlCkaOXKk1XNUrlxZv/76qw4fPix/f39VrVpVQ4YMUdGiRTP92AAAAB6EyTAMw95FAAAAAAAA4MnCSCkAAAAAAADYHKEUAAAAAAAAbI5QCgAAAAAAADZHKAUAAAAAAACbI5QCAAAAAACAzRFKAQAAAAAAwOYIpQAAAAAAAGBzhFIAAAAAAACwOUIpAAAAAAAA2ByhFAAAAAAAAGyOUAoAAAAAAAA2RygFAAAAAAAAmyOUAgAAAAAAgM0RSgEAAAAAAMDmCKUAAAAAAABgc4RSAAAAAAAAsDlCKQAAAAAAANgcoRQAAPdh5syZMplMOn78uKXN09NTjRs3tmkdx48fl8lk0pgxY2z6uvZUt25d1a1b195lPDSdOnWSp6enVZvJZNKHH35oefzhhx/KZDLp/Pnzti3uNum9723p6tWrKlSokObOnWuX17c1e5/vrOrChQvKmTOnVqxYYe9SAAAPGaEUACDLSv2Clt7PwIED7V3eI+lO57Nw4cJ2rWv//v368MMPs+SX8aioKPXv31/lypVTjhw5lDNnTnl7e2vEiBG6fPmyvct7KEaOHKlly5bZu4w0xo8fr9y5c6tt27aWtqwS2GV1devWtfodd3JyUsmSJdW9e3edOnXqgZ7z7Nmz+vDDD7Vr16402+bNm6dx48b9t6LvIH/+/Hr99dc1ePDgTHl+AID9ONq7AAAA7mX48OEqWbKkVVulSpXsVM2j76WXXlJQUJBVW/bs2e1UzU379+/XsGHDVLdu3TSjiH755Rf7FCVp69atatiwoa5evaqOHTvK29tbkrRt2zZ98skn2rBhw0Op7/r163J0tN/HspEjR+qVV15R8+bNrdpfe+01tW3bVs7OzjavKTExUePHj9fbb78tBwcHm7++PTzs8128eHGFhoZKkhISErR//35NmTJFq1at0oEDB5QjR44MPd/Zs2c1bNgweXp6ysvLy2rbvHnztHfvXvXr1++h1H67N998UxMmTNDatWv14osvZsprAABsj1AKAJDlNWjQQD4+PvYu47FRpkwZdezY0d5l3DcnJye7vO7ly5fVokULOTg4aOfOnSpXrpzV9o8//lhTp059KK/l4uLyUJ5HklJSUpSQkPBQntPBwcFugdDPP/+sc+fO6dVXX7XL62eWuLg45cyZM91tD/t8u7m5pfldL1mypHr37q1NmzbppZdeemivlRlufS+XL19elSpV0syZMwmlAOAxwvQ9AMAjb+XKlfL391fOnDmVO3duNWrUSPv27UvT7+DBg3rllVeUL18+ubi4yMfHRz/++GOafvv27dOLL76o7Nmzq3jx4hoxYoRSUlLu+Pq//PKLvLy85OLiogoVKmjJkiVW2y9evKj+/fvr2WefVa5cueTq6qoGDRpo9+7daZ7rxo0b+vDDD1WmTBm5uLioSJEiatmypf7+++87vr5hGOrevbucnJzSvHZGpbfekfTvlKlbmUwm9e7dW8uWLVOlSpXk7OysihUrKiwsLM3+Z86cUdeuXVW0aFE5OzurZMmS6tGjhxISEjRz5ky1bt1akvTCCy9YphutX79eUvprSkVHR6tr165yd3eXi4uLqlSpolmzZln1uXX9ra+//lqlSpWSs7Oznn/+eW3duvWe5+Krr77SmTNnNHbs2DSBlCS5u7vrgw8+sDz+4Ycf1KhRI8sxlipVSh999JGSk5Pv+Vq3rymV6vz583r11Vfl6uqq/Pnzq2/fvrpx40aafXv37q25c+eqYsWKcnZ2tvwbjBkzRjVq1FD+/PmVPXt2eXt7a9GiRWn2j4uL06xZsyznvlOnTpLuvMbR5MmTLa9VtGhR9erVK81Uxrp166pSpUrav3+/XnjhBeXIkUPFihXTp59+es/zIUnLli2Tp6enSpUqdV/9b7d27VrLdSFPnjxq1qyZDhw4YNm+Z88emUwmq2vA9u3bZTKZ9Nxzz1k9V4MGDVStWjWrtvu57nTq1Em5cuXS33//rYYNGyp37tzq0KHDHWtO73xv27ZNgYGBKlCggLJnz66SJUuqS5cuD3JKJMkyVff2kXlnzpxRly5d5O7ubvldnj59umX7+vXr9fzzz0uSOnfubHmvzJw5U3Xr1tXy5ct14sQJS/ut15H4+HgNHTpUpUuXlrOzszw8PPTuu+8qPj7eqoa7vZelm6M8f/rpJxmG8cDHDwDIWhgpBQDI8mJiYtKsH1OgQAFJ0uzZsxUcHKzAwECNGjVK165d05dffqlatWpp586dli9G+/btU82aNVWsWDENHDhQOXPm1Pfff6/mzZtr8eLFatGihSQpMjJSL7zwgpKSkiz9vv766ztOb/vrr7/Upk0bvfnmmwoODtaMGTPUunVrhYWFWUYhHD16VMuWLVPr1q1VsmRJRUVF6auvvlKdOnW0f/9+FS1aVJKUnJysxo0bKzw8XG3btlXfvn115coVrV69Wnv37k33y3lycrK6dOmiBQsWaOnSpWrUqNE9z+eNGzfSnM/cuXM/0JSh3377TUuWLFHPnj2VO3duTZgwQa1atdLJkyeVP39+STen/Pj6+ury5cvq3r27ypUrpzNnzmjRokW6du2aateurT59+mjChAl67733VL58eUmy/O/trl+/rrp16+rIkSPq3bu3SpYsqYULF6pTp066fPmy+vbta9V/3rx5unLlit544w2ZTCZ9+umnatmypY4ePaps2bLd8dh+/PFHZc+eXa+88sp9nYuZM2cqV65cCgkJUa5cubR27VoNGTJEsbGxGj169H09x+1effVVeXp6KjQ0VL///rsmTJigS5cu6dtvv7Xqt3btWn3//ffq3bu3ChQoYHnfjx8/Xk2bNlWHDh2UkJCg+fPnq3Xr1vr5558t75XZs2fr9ddfl6+vr7p37y5Jdw2CPvzwQw0bNkwBAQHq0aOHDh06pC+//FJbt27Vpk2brM7ppUuXVL9+fbVs2VKvvvqqFi1apAEDBujZZ59VgwYN7nrsmzdvThMO3a81a9aoQYMGevrpp/Xhhx/q+vXrmjhxomrWrKkdO3bI09NTlSpVUp48ebRhwwY1bdpUkrRx40aZzWbt3r1bsbGxcnV1VUpKijZv3mw5N6nn7H6uO5KUlJSkwMBA1apVS2PGjMnQlLno6Gi9/PLLKliwoAYOHKg8efLo+PHj9x0+JycnW37XExMTdeDAAUs4VLNmTUu/qKgoVa9e3RIKFSxYUCtXrlTXrl0VGxurfv36qXz58ho+fLiGDBmi7t27y9/fX5JUo0YNFStWTDExMTp9+rQ+//xzSVKuXLkk3Rzt1LRpU/3222/q3r27ypcvrz///FOff/65Dh8+nGYtszu9lyXJ29tbn3/+ufbt28cUbgB4XBgAAGRRM2bMMCSl+2MYhnHlyhUjT548Rrdu3az2i4yMNNzc3Kza69WrZzz77LPGjRs3LG0pKSlGjRo1jGeeecbS1q9fP0OS8ccff1jaoqOjDTc3N0OScezYMUt7iRIlDEnG4sWLLW0xMTFGkSJFjKpVq1rabty4YSQnJ1vVeOzYMcPZ2dkYPny4pW369OmGJGPs2LFpzkVKSoplP0nG6NGjjcTERKNNmzZG9uzZjVWrVt39ZP6/O53PGTNmGIZhGMHBwUaJEiXS7Dd06FDj9o8NkgwnJyfjyJEjlrbdu3cbkoyJEyda2oKCggyz2Wxs3br1jse1cOFCQ5Kxbt26NH3q1Klj1KlTx/J43LhxhiRjzpw5lraEhATDz8/PyJUrlxEbG2sYxr/nKn/+/MbFixctfX/44QdDkvHTTz/d+UQZhpE3b16jSpUqd+1zq2vXrqVpe+ONN4wcOXJYve/SO8eSjKFDh1oep57vpk2bWvXr2bOnIcnYvXu31b5ms9nYt2/fPWtKSEgwKlWqZLz44otW7Tlz5jSCg4PT7J/6O5j6vo+OjjacnJyMl19+2eo9/cUXXxiSjOnTp1va6tSpY0gyvv32W0tbfHy8UbhwYaNVq1ZpXutWiYmJhslkMv73v/+l2ZZ6bs6dO3fH/b28vIxChQoZFy5csLTt3r3bMJvNRlBQkKWtUaNGhq+vr+Vxy5YtjZYtWxoODg7GypUrDcMwjB07dhiSjB9++MEwjIxdd4KDgw1JxsCBA+96vKluP99Lly41JKX7u3Mvqef/9p/y5csbR48eterbtWtXo0iRIsb58+et2tu2bWu4ublZ3kdbt261ul7cqlGjRuleO2bPnm2YzWZj48aNVu1TpkwxJBmbNm2ytN3tvWwYhrF582ZDkrFgwYL7OQUAgEcA0/cAAFnepEmTtHr1aqsfSVq9erUuX76sdu3a6fz585YfBwcHVatWTevWrZN0c/rc2rVr9eqrr+rKlSuWfhcuXFBgYKD++usvnTlzRpK0YsUKVa9eXb6+vpbXL1iw4B2n3BQtWtQyykqSXF1dFRQUpJ07dyoyMlKS5OzsLLP55n9yk5OTdeHCBeXKlUtly5bVjh07LPsuXrxYBQoU0FtvvZXmdW6fOpeQkGAZ8bJixQq9/PLL930+mzVrluZ8BgYG3vf+twoICLAaVVO5cmW5urrq6NGjkm6Okli2bJmaNGmS7rpgtx/X/VixYoUKFy6sdu3aWdqyZcumPn366OrVq/r111+t+rdp00Z58+a1PE4d4ZFa453ExsYqd+7c913XraPpUt9n/v7+unbtmg4ePHjfz3OrXr16WT1OfW+sWLHCqr1OnTqqUKHCXWu6dOmSYmJi5O/vb/W+y4g1a9YoISFB/fr1s7ynJalbt25ydXXV8uXLrfrnypXLak0jJycn+fr63vPcX7x4UYZhWP273a9//vlHu3btUqdOnZQvXz5Le+XKlfXSSy9ZnbvUcxEXFyfp5si/hg0bysvLSxs3bpR0c/SUyWRSrVq1JN3/dedWPXr0yPBxSFKePHkk3VxfKzExMcP7e3p6Wn7HV65cqXHjxikmJkYNGjTQuXPnJN2c/rt48WI1adJEhmFYHVNgYKBiYmIe+P0iSQsXLlT58uVVrlw5q+dOXRfq9vN1p/eyJMv7gTsvAsDjg+l7AIAsz9fXN91A46+//pKkOy566+rqKkk6cuSIDMPQ4MGD73hL8ejoaBUrVkwnTpxIs3aMJJUtWzbd/UqXLp0mWClTpoykm2saFS5cWCkpKRo/frwmT56sY8eOWa0xlDrFTZL+/vtvlS1b9r7uwhYaGqqrV69q5cqVadZbupfixYsrICAgQ/vcyVNPPZWmLW/evLp06ZIk6dy5c4qNjX2oU21OnDihZ555xioUkf6d7nfixIm71pj6xTa1xjtxdXXVlStX7ruuffv26YMPPtDatWsVGxtrtS0mJua+n+dWzzzzjNXjUqVKyWw2p1nj6fa7U6b6+eefNWLECO3atctq/Z4HCQOlf8/t7b8PTk5Oevrpp9Oc++LFi6d5rbx582rPnj339XrGA6wddKcapZvvkVWrVlkWG/f391dSUpIiIiLk4eGh6Oho+fv7a9++fVahVIUKFSwB1/1ed1I5OjqqePHiGT4O6WZA06pVKw0bNkyff/656tatq+bNm6t9+/b3Nd02Z86cVr/r9evXV61ateTj46NPPvlEn332mc6dO6fLly/r66+/1tdff53u80RHRz9Q/dLN83XgwAEVLFjwvp77Tu9l6d/3w4O+fwEAWQ+hFADgkZW6+Pjs2bMti/feKjXcSe3Xv3//O44IKl26dCZVKY0cOVKDBw9Wly5d9NFHHylfvnwym83q16/fXRdQv5vAwECFhYXp008/Vd26dR/a3dvu9GXvTot13+lOYQ8SJmSWB62xXLly2rVrlxISEu55B8DLly+rTp06cnV11fDhw1WqVCm5uLhox44dGjBgwAP/O9/uTv8+6a15tnHjRjVt2lS1a9fW5MmTVaRIEWXLlk0zZszQvHnzHko99/Kg5z5fvnwymUz3DA7/Kx8fH7m4uGjDhg166qmnVKhQIZUpU0b+/v6aPHmy4uPjtXHjRqvRkPd73Ul160jJjDKZTFq0aJF+//13/fTTT1q1apW6dOmizz77TL///rtl3aaM8Pb2lpubmzZs2CDp3+Pp2LGjgoOD092ncuXKD1R/6vM/++yzGjt2bLrbPTw8rB7faf0+6d8gOXVNQQDAo49QCgDwyEqdNlaoUKG7jvx5+umnJd2c4nWvEUIlSpSwjIS41aFDh9LtnzoK69aw4PDhw5JkWaB30aJFeuGFFzRt2jSrfS9fvmz15apUqVL6448/lJiYeNcFuCWpevXqevPNN9W4cWO1bt1aS5cuva8RVveSN2/eNHdRk9KOPrpfBQsWlKurq/bu3XvXfhkZ+VCiRAnt2bNHKSkpVl/2U6fIlShR4oFqvV2TJk0UERGhxYsXW00VTM/69et14cIFLVmyRLVr17a0Hzt27D/V8Ndff1mNHDly5IhSUlLSvUPi7RYvXiwXFxetWrXKalTNjBkz0vS93/Ofem4PHTpk+b2Sbk4nPXbs2EMbgefo6KhSpUo90Pm7tcbbHTx4UAUKFFDOnDkl/TudcOPGjXrqqacsUzv9/f0VHx+vuXPnKioqyurf9H6vOw9T9erVVb16dX388ceaN2+eOnTooPnz5+v1119/oOdLTk7W1atXJd38Hc2dO7eSk5PveTx3e5/caVupUqW0e/du1atX7z+PcEp9P9zpJggAgEcPa0oBAB5ZgYGBcnV11ciRI9NdbyV1zZRChQqpbt26+uqrr/TPP//csZ8kNWzYUL///ru2bNlitX3u3Lnp1nD27FktXbrU8jg2NlbffvutvLy8LKMoHBwc0owMWbhwoWUdq1StWrXS+fPn9cUXX6R5nfRGlgQEBGj+/PkKCwvTa6+99lBG45QqVUoxMTFW06v++ecfq2PMCLPZrObNm+unn37Stm3b0mxPPa7UkCC9QOx2DRs2VGRkpBYsWGBpS0pK0sSJE5UrVy7VqVPngWq93ZtvvqkiRYrof//7nyVovFV0dLRGjBgh6d8RQbf+OyUkJGjy5Mn/qYZJkyZZPZ44caIk3fPOdak1mUwmq1Fux48fT3O3M+nm+b+fcx8QECAnJydNmDDB6linTZummJiY+7r74/3y8/NL9z1zL0WKFJGXl5dmzZpldUx79+7VL7/8ooYNG1r19/f31x9//KF169ZZQqkCBQqofPnyGjVqlKVPqvu97jwMly5dSvO77+XlJUlW0zEzYt26dbp69aqqVKki6eb7pFWrVlq8eHG64fGtx3O339OcOXOmO0311Vdf1ZkzZzR16tQ0265fv25Zz+t+bN++XW5ubqpYseJ97wMAyNoYKQUAeGS5urrqyy+/1GuvvabnnntObdu2VcGCBXXy5EktX75cNWvWtAQ8kyZNUq1atfTss8+qW7duevrppxUVFaWIiAidPn1au3fvliS9++67mj17turXr6++ffsqZ86c+vrrry2jc25XpkwZde3aVVu3bpW7u7umT5+uqKgoq9EojRs31vDhw9W5c2fVqFFDf/75p+bOnWs10kSSgoKC9O233yokJERbtmyRv7+/4uLitGbNGvXs2VPNmjVL8/rNmzfXjBkzFBQUJFdXV3311Vf/6Zy2bdtWAwYMUIsWLdSnTx/Lre7LlCnzwIsdjxw5Ur/88ovq1KljuSX8P//8o4ULF+q3335Tnjx55OXlJQcHB40aNUoxMTFydnbWiy++qEKFCqV5vu7du+urr75Sp06dtH37dnl6emrRokXatGmTxo0bl6HFye8mb968Wrp0qWXh644dO8rb21uStGPHDn333Xfy8/OTJNWoUUN58+ZVcHCw+vTpI5PJpNmzZ//naYzHjh1T06ZNVb9+fUVERGjOnDlq3769JVC4m0aNGmns2LGqX7++2rdvr+joaE2aNEmlS5dO81729vbWmjVrNHbsWBUtWlQlS5ZMd221ggULatCgQRo2bJjq16+vpk2b6tChQ5o8ebKef/55q0XN/6tmzZpp9uzZOnz4sGWdtluNHTtWOXLksGozm8167733NHr0aDVo0EB+fn7q2rWrrl+/rokTJ8rNzU0ffvih1T7+/v76+OOPderUKavwqXbt2vrqq6/k6elptSZURq47/9WsWbM0efJktWjRQqVKldKVK1c0depUubq6pgnX0hMTE6M5c+ZIuhncHjp0SF9++aWyZ8+ugQMHWvp98sknWrdunapVq6Zu3bqpQoUKunjxonbs2KE1a9bo4sWLkm6G1nny5NGUKVOUO3du5cyZU9WqVVPJkiXl7e2tBQsWKCQkRM8//7xy5cqlJk2a6LXXXtP333+vN998U+vWrVPNmjWVnJysgwcP6vvvv9eqVavSXTMwPatXr1aTJk1YUwoAHic2v98fAAD3KfX26Pe6Hfq6deuMwMBAw83NzXBxcTFKlSpldOrUydi2bZtVv7///tsICgoyChcubGTLls0oVqyY0bhxY2PRokVW/fbs2WPUqVPHcHFxMYoVK2Z89NFHxrRp06xu1W4YhlGiRAmjUaNGxqpVq4zKlSsbzs7ORrly5YyFCxdaPd+NGzeM//3vf0aRIkWM7NmzGzVr1jQiIiKMOnXqGHXq1LHqe+3aNeP99983SpYsaWTLls0oXLiw8corrxh///23YRiGcezYMUOSMXr0aKv9Jk+ebEgy+vfvf9dzJcno1avXXfv88ssvRqVKlQwnJyejbNmyxpw5c4yhQ4cat39suNNzlShRwggODrZqO3HihBEUFGQULFjQcHZ2Np5++mmjV69eRnx8vKXP1KlTjaefftpwcHAwJBnr1q0zDMNI9zxFRUUZnTt3NgoUKGA4OTkZzz77bJrb1N/pXKXWPnTo0Lueh1Rnz5413n77baNMmTKGi4uLkSNHDsPb29v4+OOPjZiYGEu/TZs2GdWrVzeyZ89uFC1a1Hj33XeNVatWWR2LYRhGcHCwUaJEibvWk3q+9+/fb7zyyitG7ty5jbx58xq9e/c2rl+/nmbfO/2bTps2zXjmmWcs780ZM2ak+2958OBBo3bt2kb27NkNSZZ/v9TfwVvf94ZhGF988YVRrlw5I1u2bIa7u7vRo0cP49KlS1Z96tSpY1SsWDFNTekdf3ri4+ONAgUKGB999JFVe2r96f04ODhY+q1Zs8aoWbOmkT17dsPV1dVo0qSJsX///jSvExsbazg4OBi5c+c2kpKSLO1z5swxJBmvvfZauvXdz3UnODjYyJkz5z2PNdXt53vHjh1Gu3btjKeeespwdnY2ChUqZDRu3DjNtS09derUsTo3JpPJyJcvn9G0aVNj+/btafpHRUUZvXr1Mjw8PCzXnnr16hlff/21Vb8ffvjBqFChguHo6GhIsvzeXb161Wjfvr2RJ08eQ5LVv3FCQoIxatQoo2LFioazs7ORN29ew9vb2xg2bJjV79Dd3ssHDhwwJBlr1qy557EDAB4dJsPIQiuRAgAAAP/vo48+0owZM/TXX3/dcdF0PBn69eunDRs2aPv27YyUAoDHCGtKAQAAIEt6++23dfXqVc2fP9/epcCOLly4oG+++UYjRowgkAKAxwwjpQAAAAAAAGBzjJQCAAAAAACAzRFKAQAAAAAAwOayRCg1adIkeXp6ysXFRdWqVdOWLVvu2Ldu3boymUxpfho1amTDigEAAAAAAPBf2D2UWrBggUJCQjR06FDt2LFDVapUUWBgoKKjo9Ptv2TJEv3zzz+Wn71798rBwUGtW7e2ceUAAAAAAAB4UHZf6LxatWp6/vnn9cUXX0iSUlJS5OHhobfeeksDBw685/7jxo3TkCFD9M8//yhnzpz37J+SkqKzZ88qd+7c3L0DAAAAAADgITMMQ1euXFHRokVlNt95PJSjDWtKIyEhQdu3b9egQYMsbWazWQEBAYqIiLiv55g2bZratm17x0AqPj5e8fHxlsdnzpxRhQoV/lvhAAAAAAAAuKtTp06pePHid9xu11Dq/PnzSk5Olru7u1W7u7u7Dh48eM/9t2zZor1792ratGl37BMaGqphw4alaT916pRcXV0zXjQAAAAAAADuKDY2Vh4eHsqdO/dd+9k1lPqvpk2bpmeffVa+vr537DNo0CCFhIRYHqeeGFdXV0IpAAAAAACATHKvZZPsGkoVKFBADg4OioqKsmqPiopS4cKF77pvXFyc5s+fr+HDh9+1n7Ozs5ydnf9zrQAAAAAAAHh47Hr3PScnJ3l7eys8PNzSlpKSovDwcPn5+d1134ULFyo+Pl4dO3bM7DIBAAAAAADwkNl9+l5ISIiCg4Pl4+MjX19fjRs3TnFxcercubMkKSgoSMWKFVNoaKjVftOmTVPz5s2VP39+e5QNAAAAAACA/8DuoVSbNm107tw5DRkyRJGRkfLy8lJYWJhl8fOTJ0+muX3goUOH9Ntvv+mXX37JtLqSk5OVmJiYac//uHBycrrr7R0BAAAAAADSYzIMw7B3EbYUGxsrNzc3xcTEpLvQuWEYioyM1OXLl21f3CPIbDarZMmScnJysncpAAAAAAAgC7hX9pLK7iOlsprUQKpQoULKkSPHPVeKf5KlpKTo7Nmz+ueff/TUU09xrgAAAAAAwH0jlLpFcnKyJZBirar7U7BgQZ09e1ZJSUnKli2bvcsBAAAAAACPCBYDukXqGlI5cuSwcyWPjtRpe8nJyXauBAAAAAAAPEoIpdLBNLT7x7kCAAAAAAAPglAKAAAAAAAANkcoBQAAAAAAAJtjofP7Nc/G09TaGxnq3qlTJ82aNStNe2BgoMLCwiRJO3fu1MiRI7VhwwbFxMTIw8NDdevW1TvvvKMyZcro+PHjKlmyZLrPHxERoerVq2f8OAAAAAAAANJBKPUYqV+/vmbMmGHV5uzsLEn6+eef1apVKwUGBmru3LkqVaqUoqOjtXDhQg0ePFgLFiyw7LNmzRpVrFjR6nm4GyEAAACAJ4atByXg0ZbBQSX4F6HUY8TZ2VmFCxdO037t2jV17txZDRs21NKlSy3tJUuWVLVq1XT58mWr/vnz50/3eQAAAAAAAB4W1pR6AqxatUrnz5/Xu+++m+72PHny2LYgAAAAAADwxGOk1GPk559/Vq5cuaza3nvvPTk63vxnLleu3H09T40aNWQ2W+eVV69efThFAgAAAAAAiFDqsfLCCy/oyy+/tGrLly+fpk6dmqHnWbBggcqXL/8wSwMAAAAAALBCKPUYyZkzp0qXLp2mvUyZMpKkgwcPys/P757P4+Hhke7zAAAAAAAAPCysKfUEePnll1WgQAF9+umn6W6/faFzAAAAAACAzMZIqcdIfHy8IiMjrdocHR1VoEABffPNN2rdurWaNm2qPn36qHTp0jp//ry+//57nTx5UvPnz7fsc+HChTTPkydPHrm4uNjkOAAAAAAAwOOPUOp+tTfsXcE9hYWFqUiRIlZtZcuW1cGDB9WsWTNt3rxZoaGhat++vWJjY+Xh4aEXX3xRI0aMsNonICAgzXN/9913atu2babWDwAAAAAAnhwmwzCyftryEMXGxsrNzU0xMTFydXW12nbjxg0dO3ZMJUuWZFTQfeKcAQAAAHjszDPZuwI8Sh6BQSy2drfs5VasKQUAAAAAAACbI5QCAAAAAACAzRFKAQAAAAAAwOYIpQAAAAAAAGBzhFLpeMLWfv9POFcAAAAAAOBBEErdIlu2bJKka9eu2bmSR0dCQoIkycHBwc6VAAAAAACAR4mjvQvIShwcHJQnTx5FR0dLknLkyCGTiVuB3klKSorOnTunHDlyyNGRtxIAAAAAALh/JAm3KVy4sCRZgincndls1lNPPUV4BwAAAAAAMoRQ6jYmk0lFihRRoUKFlJiYaO9ysjwnJyeZzcwCBQAAAAAAGUModQcODg6skwQAAAAAAJBJGOICAAAAAAAAmyOUAgAAAAAAgM0RSgEAAAAAAMDmCKUAAAAAAABgc4RSAAAAAAAAsDlCKQAAAAAAANgcoRQAAAAAAABsjlAKAAAAAAAANkcoBQAAAAAAAJuzeyg1adIkeXp6ysXFRdWqVdOWLVvu2v/y5cvq1auXihQpImdnZ5UpU0YrVqywUbUAAAAAAAB4GBzt+eILFixQSEiIpkyZomrVqmncuHEKDAzUoUOHVKhQoTT9ExIS9NJLL6lQoUJatGiRihUrphMnTihPnjy2Lx4AAAAAAAAPzGQYhmGvF69WrZqef/55ffHFF5KklJQUeXh46K233tLAgQPT9J8yZYpGjx6tgwcPKlu2bPf1GvHx8YqPj7c8jo2NlYeHh2JiYuTq6vpwDgQAAAAA8PiYZ7J3BXiUtLdbrJJlxcbGys3N7Z7Zi92m7yUkJGj79u0KCAj4txizWQEBAYqIiEh3nx9//FF+fn7q1auX3N3dValSJY0cOVLJycl3fJ3Q0FC5ublZfjw8PB76sQAAAAAAACBj7BZKnT9/XsnJyXJ3d7dqd3d3V2RkZLr7HD16VIsWLVJycrJWrFihwYMH67PPPtOIESPu+DqDBg1STEyM5efUqVMP9TgAAAAAAACQcXZdUyqjUlJSVKhQIX399ddycHCQt7e3zpw5o9GjR2vo0KHp7uPs7CxnZ2cbVwoAAAAAAIC7sVsoVaBAATk4OCgqKsqqPSoqSoULF053nyJFiihbtmxycHCwtJUvX16RkZFKSEiQk5NTptYMAAAAAACAh8Nu0/ecnJzk7e2t8PBwS1tKSorCw8Pl5+eX7j41a9bUkSNHlJKSYmk7fPiwihQpQiAFAAAAAADwCLFbKCVJISEhmjp1qmbNmqUDBw6oR48eiouLU+fOnSVJQUFBGjRokKV/jx49dPHiRfXt21eHDx/W8uXLNXLkSPXq1ctehwAAAAAAAIAHYNc1pdq0aaNz585pyJAhioyMlJeXl8LCwiyLn588eVJm87+5mYeHh1atWqW3335blStXVrFixdS3b18NGDDAXocAAAAAAACAB2AyDMOwdxG2FBsbKzc3N8XExMjV1dXe5QAAAAAAspp5JntXgEdJ+ycqVrkv95u92HX6HgAAAAAAAJ5MhFIAAAAAAACwOUIpAAAAAAAA2ByhFAAAAAAAAGyOUAoAAAAAAAA2RygFAAAAAAAAmyOUAgAAAAAAgM0RSgEAAAAAAMDmCKUAAAAAAABgc4RSAAAAAAAAsDlCKQAAAAAAANgcoRQAAAAAAABsjlAKAAAAAAAANkcoBQAAAAAAAJsjlAIAAAAAAIDNEUoBAAAAAADA5gilAAAAAAAAYHOO9i4AWcg8k70rwKOkvWHvCgAAAAAAjzBGSgEAAAAAAMDmCKUAAAAAAABgc4RSAAAAAAAAsDlCKQAAAAAAANgcoRQAAAAAAABsjlAKAAAAAAAANkcoBQAAAAAAAJsjlAIAAAAAAIDNEUoBAAAAAADA5gilAAAAAAAAYHOEUgAAAAAAALA5QikAAAAAAADYHKEUAAAAAAAAbI5QCgAAAAAAADZHKAUAAAAAAACbI5QCAAAAAACAzRFKAQAAAAAAwOYIpQAAAAAAAGBzWSKUmjRpkjw9PeXi4qJq1appy5Ytd+w7c+ZMmUwmqx8XFxcbVgsAAAAAAID/yu6h1IIFCxQSEqKhQ4dqx44dqlKligIDAxUdHX3HfVxdXfXPP/9Yfk6cOGHDigEAAAAAAPBf2T2UGjt2rLp166bOnTurQoUKmjJlinLkyKHp06ffcR+TyaTChQtbftzd3e/YNz4+XrGxsVY/AAAAAAAAsC+7hlIJCQnavn27AgICLG1ms1kBAQGKiIi4435Xr15ViRIl5OHhoWbNmmnfvn137BsaGio3NzfLj4eHx0M9BgAAAAAAAGScXUOp8+fPKzk5Oc1IJ3d3d0VGRqa7T9myZTV9+nT98MMPmjNnjlJSUlSjRg2dPn063f6DBg1STEyM5efUqVMP/TgAAAAAAACQMY72LiCj/Pz85OfnZ3lco0YNlS9fXl999ZU++uijNP2dnZ3l7OxsyxIBAAAAAABwD3YdKVWgQAE5ODgoKirKqj0qKkqFCxe+r+fIli2bqlatqiNHjmRGiQAAAAAAAMgEdg2lnJyc5O3trfDwcEtbSkqKwsPDrUZD3U1ycrL+/PNPFSlSJLPKBAAAAAAAwENm9+l7ISEhCg4Olo+Pj3x9fTVu3DjFxcWpc+fOkqSgoCAVK1ZMoaGhkqThw4erevXqKl26tC5fvqzRo0frxIkTev311+15GAAAAAAAAMgAu4dSbdq00blz5zRkyBBFRkbKy8tLYWFhlsXPT548KbP53wFdly5dUrdu3RQZGam8efPK29tbmzdvVoUKFex1CAAAAAAAAMggk2EYhr2LsKXY2Fi5ubkpJiZGrq6u9i4na5lnsncFeJS0f6IuHQAAAHiS8N0IGcF3ozTuN3ux65pSAAAAAAAAeDIRSgEAAAAAAMDmCKUAAAAAAABgc4RSAAAAAAAAsDlCKQAAAAAAANgcoRQAAAAAAABsjlAKAAAAAAAANkcoBQAAAAAAAJsjlAIAAAAAAIDNEUoBAAAAAADA5gilAAAAAAAAYHOO9i4AAAAAeGDzTPauAI+K9oa9KwAA3IaRUgAAAAAAALA5QikAAAAAAADYHKEUAAAAAAAAbI5QCgAAAAAAADZHKAUAAAAAAACbI5QCAAAAAACAzRFKAQAAAAAAwOYc7V0AAOAJMM9k7wrwKGlv2LsCAAAA2AAjpQAAAAAAAGBzhFIAAAAAAACwOUIpAAAAAAAA2ByhFAAAAAAAAGyOUAoAAAAAAAA2RygFAAAAAAAAmyOUAgAAAAAAgM0RSgEAAAAAAMDmCKUAAAAAAABgc4RSAAAAAAAAsDlCKQAAAAAAANgcoRQAAAAAAABsjlAKAAAAAAAANkcoBQAAAAAAAJsjlAIAAAAAAIDNZYlQatKkSfL09JSLi4uqVaumLVu23Nd+8+fPl8lkUvPmzTO3QAAAAAAAADxUdg+lFixYoJCQEA0dOlQ7duxQlSpVFBgYqOjo6Lvud/z4cfXv31/+/v42qhQAAAAAAAAPi91DqbFjx6pbt27q3LmzKlSooClTpihHjhyaPn36HfdJTk5Whw4dNGzYMD399NM2rBYAAAAAAAAPg11DqYSEBG3fvl0BAQGWNrPZrICAAEVERNxxv+HDh6tQoULq2rXrPV8jPj5esbGxVj8AAAAAAACwL7uGUufPn1dycrLc3d2t2t3d3RUZGZnuPr/99pumTZumqVOn3tdrhIaGys3NzfLj4eHxn+sGAAAAAADAf2P36XsZceXKFb322muaOnWqChQocF/7DBo0SDExMZafU6dOZXKVAAAAAAAAuBdHe754gQIF5ODgoKioKKv2qKgoFS5cOE3/v//+W8ePH1eTJk0sbSkpKZIkR0dHHTp0SKVKlbLax9nZWc7OzplQPQAAAAAAAB6UXUdKOTk5ydvbW+Hh4Za2lJQUhYeHy8/PL03/cuXK6c8//9SuXbssP02bNtULL7ygXbt2MTUPAAAAAADgEWHXkVKSFBISouDgYPn4+MjX11fjxo1TXFycOnfuLEkKCgpSsWLFFBoaKhcXF1WqVMlq/zx58khSmnYAAAAAAABkXXYPpdq0aaNz585pyJAhioyMlJeXl8LCwiyLn588eVJm8yO19BUAAAAAAADuwWQYhmHvImwpNjZWbm5uiomJkaurq73LyVrmmexdAR4l7Z+oSwf+K64vyAiuL8gIri+4X1xbkBFcW5ARXF/SuN/shSFIAAAAAAAAsDlCKQAAAAAAANgcoRQAAAAAAABsjlAKAAAAAAAANkcoBQAAAAAAAJsjlAIAAAAAAIDNZSiU2rJli5KTk++4PT4+Xt9///1/LgoAAAAAAACPtwyFUn5+frpw4YLlsaurq44ePWp5fPnyZbVr1+7hVQcAAAAAAIDHUoZCKcMw7vr4Tm0AAAAAAADArR76mlImk+lhPyUAAAAAAAAeMyx0DgAAAAAAAJtzzOgO+/fvV2RkpKSbU/UOHjyoq1evSpLOnz//cKsDAAAAAADAYynDoVS9evWs1o1q3LixpJvT9gzDYPoeAAAAAAAA7ilDodSxY8cyqw4AAAAAAAA8QTIUSpUoUSKz6gAAAAAAAMATJEMLnf/1119q166dYmNj02yLiYlR+/btdfTo0YdWHAAAAAAAAB5PGQqlRo8eLQ8PD7m6uqbZ5ubmJg8PD40ePfqhFQcAAAAAAIDHU4ZCqV9//VWtW7e+4/ZXX31Va9eu/c9FAQAAAAAA4PGWoVDq5MmTKlSo0B23FyhQQKdOnfrPRQEAAAAAAODxlqFQys3NTX///fcdtx85ciTdqX0AAAAAAADArTIUStWuXVsTJ0684/YJEybI39//PxcFAAAAAACAx1uGQqlBgwZp5cqVeuWVV7RlyxbFxMQoJiZGf/zxh1q1aqVVq1Zp0KBBmVUrAAAAAAAAHhOOGelctWpVLVq0SF26dNHSpUuttuXPn1/ff/+9nnvuuYdaIAAAAAAAAB4/GQqlJKlx48Y6ceKEwsLCdOTIERmGoTJlyujll19Wjhw5MqNGAAAAAAAAPGYyNH2vYcOGiomJUfbs2dWiRQslJyere/fuat68uXLkyKELFy6oQoUKmVUrAAAAAAAAHhMZCqVWrVql+Ph4y+ORI0fq4sWLlsdJSUk6dOjQw6sOAAAAAAAAj6UMhVKGYdz1MQAAAAAAAHA/MhRKAQAAAAAAAA9DhkIpk8kkk8mUpg0AAAAAAADIiAzdfc8wDHXq1EnOzs6SpBs3bujNN99Uzpw5JclqvSkAAAAAAADgTjIUSgUHB1s97tixY5o+QUFB/60iAAAAAAAAPPYyFErNmDEjs+oAAAAAAADAE4SFzgEAAAAAAGBzhFIAAAAAAACwOUIpAAAAAAAA2ByhFAAAAAAAAGwuS4RSkyZNkqenp1xcXFStWjVt2bLljn2XLFkiHx8f5cmTRzlz5pSXl5dmz55tw2oBAAAAAADwX9k9lFqwYIFCQkI0dOhQ7dixQ1WqVFFgYKCio6PT7Z8vXz69//77ioiI0J49e9S5c2d17txZq1atsnHlAAAAAAAAeFB2D6XGjh2rbt26qXPnzqpQoYKmTJmiHDlyaPr06en2r1u3rlq0aKHy5curVKlS6tu3rypXrqzffvst3f7x8fGKjY21+gEAAAAAAIB92TWUSkhI0Pbt2xUQEGBpM5vNCggIUERExD33NwxD4eHhOnTokGrXrp1un9DQULm5uVl+PDw8Hlr9AAAAAAAAeDB2DaXOnz+v5ORkubu7W7W7u7srMjLyjvvFxMQoV65ccnJyUqNGjTRx4kS99NJL6fYdNGiQYmJiLD+nTp16qMcAAAAAAACAjHO0dwEPInfu3Nq1a5euXr2q8PBwhYSE6Omnn1bdunXT9HV2dpazs7PtiwQAAAAAAMAd2TWUKlCggBwcHBQVFWXVHhUVpcKFC99xP7PZrNKlS0uSvLy8dODAAYWGhqYbSgEAAAAAACDrsev0PScnJ3l7eys8PNzSlpKSovDwcPn5+d3386SkpCg+Pj4zSgQAAAAAAEAmsPv0vZCQEAUHB8vHx0e+vr4aN26c4uLi1LlzZ0lSUFCQihUrptDQUEk3Fy738fFRqVKlFB8frxUrVmj27Nn68ssv7XkYAAAAAAAAyAC7h1Jt2rTRuXPnNGTIEEVGRsrLy0thYWGWxc9Pnjwps/nfAV1xcXHq2bOnTp8+rezZs6tcuXKaM2eO2rRpY69DAAAAAAAAQAaZDMMw7F2ELcXGxsrNzU0xMTFydXW1dzlZyzyTvSvAo6T9E3XpwH/F9QUZwfUFGcH1BfeLawsygmsLMoLrSxr3m73YdU0pAAAAAAAAPJkIpQAAAAAAAGBzhFIAAAAAAACwOUIpAAAAAAAA2ByhFAAAAAAAAGyOUAoAAAAAAAA2RygFAAAAAAAAmyOUAgAAAAAAgM0RSgEAAAAAAMDmCKUAAAAAAABgc4RSAAAAAAAAsDlCKQAAAAAAANgcoRQAAAAAAABsjlAKAAAAAAAANkcoBQAAAAAAAJsjlAIAAAAAAIDNEUoBAAAAAADA5gilAAAAAAAAYHOEUgAAAAAAALA5QikAAAAAAADYHKEUAAAAAAAAbI5QCgAAAAAAADZHKAUAAAAAAACbI5QCAAAAAACAzRFKAQAAAAAAwOYIpQAAAAAAAGBzhFIAAAAAAACwOUIpAAAAAAAA2ByhFAAAAAAAAGyOUAoAAAAAAAA2RygFAAAAAAAAmyOUAgAAAAAAgM0RSgEAAAAAAMDmCKUAAAAAAABgc4RSAAAAAAAAsLksEUpNmjRJnp6ecnFxUbVq1bRly5Y79p06dar8/f2VN29e5c2bVwEBAXftDwAAAAAAgKzH7qHUggULFBISoqFDh2rHjh2qUqWKAgMDFR0dnW7/9evXq127dlq3bp0iIiLk4eGhl19+WWfOnLFx5QAAAAAAAHhQdg+lxo4dq27duqlz586qUKGCpkyZohw5cmj69Onp9p87d6569uwpLy8vlStXTt98841SUlIUHh5u48oBAAAAAADwoOwaSiUkJGj79u0KCAiwtJnNZgUEBCgiIuK+nuPatWtKTExUvnz50t0eHx+v2NhYqx8AAAAAAADYl11DqfPnzys5OVnu7u5W7e7u7oqMjLyv5xgwYICKFi1qFWzdKjQ0VG5ubpYfDw+P/1w3AAAAAAAA/hu7T9/7Lz755BPNnz9fS5culYuLS7p9Bg0apJiYGMvPqVOnbFwlAAAAAAAAbudozxcvUKCAHBwcFBUVZdUeFRWlwoUL33XfMWPG6JNPPtGaNWtUuXLlO/ZzdnaWs7PzQ6kXAAAAAAAAD4ddR0o5OTnJ29vbapHy1EXL/fz87rjfp59+qo8++khhYWHy8fGxRakAAAAAAAB4iOw6UkqSQkJCFBwcLB8fH/n6+mrcuHGKi4tT586dJUlBQUEqVqyYQkNDJUmjRo3SkCFDNG/ePHl6elrWnsqVK5dy5cplt+MAAAAAAADA/bN7KNWmTRudO3dOQ4YMUWRkpLy8vBQWFmZZ/PzkyZMym/8d0PXll18qISFBr7zyitXzDB06VB9++KEtSwcAAAAAAMADsnsoJUm9e/dW79690922fv16q8fHjx/P/IIAAAAAAACQqR7pu+8BAAAAAADg0UQoBQAAAAAAAJsjlAIAAAAAAIDNEUoBAAAAAADA5gilAAAAAAAAYHOEUgAAAAAAALA5QikAAAAAAADYHKEUAAAAAAAAbI5QCgAAAAAAADZHKAUAAAAAAACbI5QCAAAAAACAzRFKAQAAAAAAwOYIpQAAAAAAAGBzhFIAAAAAAACwOUIpAAAAAAAA2ByhFAAAAAAAAGyOUAoAAAAAAAA2RygFAAAAAAAAmyOUAgAAAAAAgM0RSgEAAAAAAMDmCKUAAAAAAABgc4RSAAAAAAAAsDlCKQAAAAAAANgcoRQAAAAAAABsjlAKAAAAAAAANkcoBQAAAAAAAJsjlAIAAAAAAIDNEUoBAAAAAADA5gilAAAAAAAAYHOEUgAAAAAAALA5QikAAAAAAADYHKEUAAAAAAAAbI5QCgAAAAAAADZHKAUAAAAAAACbI5QCAAAAAACAzRFKAQAAAAAAwObsHkpNmjRJnp6ecnFxUbVq1bRly5Y79t23b59atWolT09PmUwmjRs3znaFAgAAAAAA4KGxayi1YMEChYSEaOjQodqxY4eqVKmiwMBARUdHp9v/2rVrevrpp/XJJ5+ocOHCNq4WAAAAAAAAD4tdQ6mxY8eqW7du6ty5sypUqKApU6YoR44cmj59err9n3/+eY0ePVpt27aVs7Pzfb1GfHy8YmNjrX4AAAAAAABgX3YLpRISErR9+3YFBAT8W4zZrICAAEVERDy01wkNDZWbm5vlx8PD46E9NwAAAAAAAB6M3UKp8+fPKzk5We7u7lbt7u7uioyMfGivM2jQIMXExFh+Tp069dCeGwAAAAAAAA/G0d4FZDZnZ+f7nuoHAAAAAAAA27DbSKkCBQrIwcFBUVFRVu1RUVEsYg4AAAAAAPCYs1so5eTkJG9vb4WHh1vaUlJSFB4eLj8/P3uVBQAAAAAAABuw6/S9kJAQBQcHy8fHR76+vho3bpzi4uLUuXNnSVJQUJCKFSum0NBQSTcXR9+/f7/l/585c0a7du1Srly5VLp0absdBwAAAAAAADLGrqFUmzZtdO7cOQ0ZMkSRkZHy8vJSWFiYZfHzkydPymz+dzDX2bNnVbVqVcvjMWPGaMyYMapTp47Wr19v6/IBAAAAAADwgOy+0Hnv3r3Vu3fvdLfdHjR5enrKMAwbVAUAAAAAAIDMZLc1pQAAAAAAAPDkIpQCAAAAAACAzRFKAQAAAAAAwOYIpQAAAAAAAGBzhFIAAAAAAACwOUIpAAAAAAAA2ByhFAAAAAAAAGyOUAoAAAAAAAA2RygFAAAAAAAAmyOUAgAAAAAAgM0RSgEAAAAAAMDmCKUAAAAAAABgc4RSAAAAAAAAsDlCKQAAAAAAANgcoRQAAAAAAABsjlAKAAAAAAAANkcoBQAAAAAAAJsjlAIAAAAAAIDNEUoBAAAAAADA5gilAAAAAAAAYHOEUgAAAAAAALA5QikAAAAAAADYHKEUAAAAAAAAbI5QCgAAAAAAADZHKAUAAAAAAACbI5QCAAAAAACAzRFKAQAAAAAAwOYIpQAAAAAAAGBzhFIAAAAAAACwOUIpAAAAAAAA2ByhFAAAAAAAAGyOUAoAAAAAAAA2RygFAAAAAAAAmyOUAgAAAAAAgM0RSgEAAAAAAMDmskQoNWnSJHl6esrFxUXVqlXTli1b7tp/4cKFKleunFxcXPTss89qxYoVNqoUAAAAAAAAD4PdQ6kFCxYoJCREQ4cO1Y4dO1SlShUFBgYqOjo63f6bN29Wu3bt1LVrV+3cuVPNmzdX8+bNtXfvXhtXDgAAAAAAgAdl91Bq7Nix6tatmzp37qwKFSpoypQpypEjh6ZPn55u//Hjx6t+/fp65513VL58eX300Ud67rnn9MUXX9i4cgAAAAAAADwoR3u+eEJCgrZv365BgwZZ2sxmswICAhQREZHuPhEREQoJCbFqCwwM1LJly9LtHx8fr/j4eMvjmJgYSVJsbOx/rP4xdM3eBeCRwu8QMoLrCzKC6wsygusL7hfXFmQE1xZkBNeXNFIzF8Mw7trPrqHU+fPnlZycLHd3d6t2d3d3HTx4MN19IiMj0+0fGRmZbv/Q0FANGzYsTbuHh8cDVg1AktTNzd4VAHhccX0BkBm4tgDILFxf7ujKlStyc7vz+bFrKGULgwYNshpZlZKSoosXLyp//vwymUx2rAyPgtjYWHl4eOjUqVNydXW1dzkAHiNcXwBkBq4tADIL1xdkhGEYunLliooWLXrXfnYNpQoUKCAHBwdFRUVZtUdFRalw4cLp7lO4cOEM9Xd2dpazs7NVW548eR68aDyRXF1dufACyBRcXwBkBq4tADIL1xfcr7uNkEpl14XOnZyc5O3trfDwcEtbSkqKwsPD5efnl+4+fn5+Vv0lafXq1XfsDwAAAAAAgKzH7tP3QkJCFBwcLB8fH/n6+mrcuHGKi4tT586dJUlBQUEqVqyYQkNDJUl9+/ZVnTp19Nlnn6lRo0aaP3++tm3bpq+//tqehwEAAAAAAIAMsHso1aZNG507d05DhgxRZGSkvLy8FBYWZlnM/OTJkzKb/x3QVaNGDc2bN08ffPCB3nvvPT3zzDNatmyZKlWqZK9DwGPM2dlZQ4cOTTMFFAD+K64vADID1xYAmYXrCzKDybjX/fkAAAAAAACAh8yua0oBAAAAAADgyUQoBQAAAAAAAJsjlAIAAAAAAIDNEUoBAAAAAADA5gilAAAAAAAAYHOEUgAAAABsght/AwBuRSgFZDF8WAPwMHAtAZAVpF6Lrly5IkkymUwKDw/Xli1b7FkWABtKSUmxdwnIwgilgCwi9UPbjRs3JEmJiYmSuIgDyJjUa4nJZEq3HQBsyWQyKTo6WmXLllVYWJgWLlyoBg0a6Pz58/YuDYANpKSkyGw268iRIxo5cqQ6duyob7/9Vn///be9S0MWYTL4lArYnWEYMplMWrlypb755hvFxsaqUKFCGjx4sMqVK2fv8gA8IlKvJREREdq4caNMJpNKly6tFi1aWG0HAFsbNGiQJk6cqPj4eH3zzTcKDg62d0kAMllqILV3714FBATIz89Ply5d0unTp9W8eXN9/PHHcnJy4rPJE46RUkAWYDKZ9NNPP6l58+YqXbq0nnnmGZ07d07e3t5atWqVJEZMAbg3k8mkJUuW6OWXX9a6des0ffp09e3bV+3atbNs529RAOyhUaNGunbtmsxmswoUKGDvcgDYgNls1qlTp9SmTRt17txZS5cu1fr16zVo0CDNmDFDUVFRBFIglAKygri4OH3++ed65513NGrUKE2ePFlLly5Vp06d1KpVKx05ckRmM7+uAO7u2LFj6tevn0JDQ7Vy5Upt3rxZEyZM0Lp169ShQwdJaaf1AUBmSQ3Br127plq1amndunXq37+/WrVqpe+//97O1QHIbCkpKVq7dq0qVKigN9980/JH9g4dOsjd3V3Hjx+3b4HIEviWC2QBCQkJOnHihJ5++mlJNz/E5ciRQ5988omef/55jR07VsnJyYxwAHBX0dHRMpvNaty4sSQpb968atiwoSZNmqSIiAitXr3azhUCeFLcujRB7969tWnTJtWpU0cff/yxevXqpaCgIC1evNjSf/r06dq6dasdKwbwsJnNZrm7u6tmzZoqUaKE5Y/shmEoLi5OkZGRdq4QWQGhFJAF5M2bV+XKldNPP/2k+Ph4y0iG3Llzq3Dhwjp37pwcHBwY4QDgrgoVKqS4uDiru1o5OTmpZs2aSkxM1LFjx+xYHYAnSep04ldeeUWlS5dW/vz5Lds+++wzvfnmm2rfvr0++ugj9ezZU3379lXu3LntWDGAzFC/fn3169dP0r+jJ52dnZUvXz45OTlZ+s2fP187duywR4mwM0IpwMZSh60mJCTo2rVrlvaWLVvq1KlTGjt2rJKSkiwBlJOTk/LkyaOkpCRGSgGQdPNDXXrXgzx58sjX11cLFy7Utm3bLO0FCxaUp6cnwTYAm9m7d6/69eunSZMm6b333rPcuOXw4cOSpHHjxmnAgAH6/vvvtWfPHm3YsIGbuwCPsZSUFMvalmazWTly5JCLi4ukmzdC6NGjh9zc3OxcJeyBu+8BNrB582ZVr17dMmT1xx9/1JQpU3TmzBnVq1dPLVu2VK1atfTee+9p1apVKliwoAICArRv3z4tWrRIv//+uypWrGjnowBgb9evX1f27NmVlJQkR0dHrV+/XhERETp//rzat28vb29vbdmyRV26dFGZMmXUtGlTVa1aVbNnz9bMmTO1detWlSxZ0t6HAeAJsGHDBvXq1Uvh4eHKmzevZs6cqblz5+rkyZN6+umntWbNGklSVFSUcuTIwSgp4DGVnJwsBwcHy5RewzCUmJioKlWqaNSoUdqzZ49GjhypDRs2yMfHx97lwg4YKQVksl27dqlWrVoaOXKkJGnt2rVq166dSpYsqcaNG2vNmjUaMGCA5s2bp5EjR+rtt99Wrly5tGDBAl2+fFmbNm0ikAKgmTNnqkSJEjp37pwcHR21ePFiNWjQQGFhYVq1apXq1aunAQMGqEKFCpoxY4ZMJpP69++v1q1ba/ny5Vq9ejWBFACbMZvNSk5OVv/+/VW1alX9/PPP8vLy0qeffqo9e/Zo9uzZkiR3d3cCKeAxlRpInT59WiNHjtT169dlMplkMpmUN29eDRo0iEAKjJQCbGHKlCnq27evRowYoVy5cuny5csaNGiQJOnEiRMaPny4Dh48qM8//1y+vr6Sbt6pxtHR0WquNYAn1/79+/Xaa6/pxo0bWrNmjYYPH66qVauqa9eucnBw0Pjx4zVt2jQ1atRIoaGhunLliq5evaqYmBgVLFjQaj0XAHiYUkdAXLhwQXFxcXJ3d5ezs7Nmz56tdevWyd3dXZ06dVLZsmV148YNvfDCCxo8eLAaNmxo79IBZJLUQOrEiROqXr26goOD9cknn0iS5Tpw5MgRhYeHq3LlynauFvZEKAVkotRfL5PJpOnTp6tbt25ydXVVv379NHToUEu/U6dO6aWXXtIrr7yiESNG2KtcAFncX3/9paCgIJ09e1bFixdXaGioateubdn++eefa9iwYdq8ebMqVKhgx0oBPClSA6lly5Zp1KhROnXqlMqVKycfHx8NHz48zR/Xhg4dqm+//Vbr169XiRIl7FQ1gIcp9ToQExOj+Ph4FSpUSCkpKUpKSlL27NnVvXt3TZ482Wpty9mzZ6tatWoqU6aMHStHVsD0PSCTmUwmrV+/Xt7e3po/f75iY2N14MABXblyxRJaeXh4qF69etq0aZMSExPtXDGArCb1BgmSNGnSJHl5eSkiIkJXrlyRJMXHx0uS3n77beXPn19Lly61S50Anjwmk0m//PKL2rdvrzZt2ui3336Tt7e3Pv30U/3444+WfgsWLFCPHj305ZdfasmSJQRSwGMiNZD68ccf1ahRI/n6+iowMFCjR4+Wk5OTvv/+e02aNMkSSKV+pnnttdcIpCCJUArIVCaTSWvXrlWzZs105MgRtW7dWlOnTtXChQs1duxYyxdKSYqMjFThwoUti6EDQCqz2aylS5fqlVdeUVJSkkJDQ1WzZk316dNHp0+flrOzs6SbC6G7uroqX758dq4YwJMgJSVF8fHxWrBggUJCQtSvXz/lzp1b8+bNU69evfTKK69Y+iYmJiolJUUbNmxQ1apV7Vg1gIfJZDIpLCxM7dq1U9OmTbV69WoVLVpUH3/8sVavXq1WrVpZfb/huw5u52jvAoDHWWRkpMLCwvTee++pVatWkqQuXbooKSlJPXr00I4dO1S2bFklJCQoPDxcGzZskIODg52rBpBV3LpOyzfffKPXX3/dsu7cN998o6CgINWuXVuffPKJXF1dtXHjRh07dkz16tWzc+UAHje33jkr9ZbuZrNZzs7OOn/+vOrWravTp0+revXqatSokSZOnChJWrZsmdzc3NSxY0e1atVK2bNnt/ORAPgvYmJi5ObmJunmulGJiYmaMWOGQkJC9O677+ry5csKDw9XcHCwXnrpJUs/vuPgTogpgUzy559/qk6dOlq8eLEKFiwo6d81prp3765vvvlGv/zyi2bNmiVvb2/9/vvvLPIHwIrJZNLq1avVpUsXGYahl19+2bKtbNmy+vbbb+Xh4aG2bdtq/Pjxun79utavX89weAAPVWogdfHiRZlMJpnNZoWHh2vZsmWSpBw5cujHH39U3bp11bBhQ02ZMkXSzS+vixcv1s6dO5WSkkIgBTzipk2bprfffltHjx6VJDk4OMjFxUVXr15V7dq1dfbsWVWsWFENGjSwBNM///yztmzZYs+ykcURSgGZ5Nlnn1Xt2rV17Ngx/f7777p8+bLlL4yS1LlzZ40fP15JSUlq0qSJypUrZ+eKAWRFBQoU0IoVKxQWFqbjx49bbStbtqy++uor+fr6Kjo6WqNGjZKXl5dd6gTw+DKZTLp06ZLKlSuniRMn6ueff1ZgYKAcHW9Ounjvvfe0fv16ZcuWTVOmTLGsHfPpp59q06ZNatasGVN2gMdAdHS0tm3bpokTJ1qCqaSkJCUmJmr69OmqXbu2mjRpokmTJkmSLl26pNmzZ2v37t1W62MCt+Lue8BDtmPHDp05c0ZNmjSRJPXs2VPLly/XwIED1aFDB7m6ulr+4ihJly9fVp48eexYMYCs6Pjx48qRI4cKFSqkgwcPqnr16qpWrZq+/PJLPf3001Z9jxw5IgcHB5UsWdJO1QJ43N24cUNz5sxRr169ZDKZ9O233+rVV19VYmKismXLpu+//14dO3bUiy++qNy5c8vR0VGrVq1SeHg4a0gBj5FJkyZp1qxZ8vPz01tvvaXSpUtr06ZNatWqlQoWLKg///zT0veDDz7Q/Pnz9csvv6T57AKk4k8WwENiGIYuX76sAQMGaMyYMVq+fLkkafLkyXrppZc0duxYfffdd4qNjbW6HSqBFIDbHTx4UA0bNtTUqVN17tw5lStXThs2bNDmzZvVv39/HTt2zKp/6dKlCaQAZCoXFxdVrlxZiYmJSkhIUHR0tCQpW7ZskqRXX31VW7dulYeHh7Jly6ZnnnlGERERBFLAYyL1DuHt2rXTc889p5UrV2rChAk6efKkatasqQ8++EAHDx5Us2bN1L17d3Xs2FGTJk3SwoULCaRwV4yUAh5ASkqKzGazLl26JBcXF6s1EtatW6cxY8bIMAz17NlTjRs3liS9/vrr2rRpk9544w117dpVuXPntlf5ALKI1IU/U68pt+rWrZu2bdumDh06KDg4WAULFtTu3btVq1YtNWjQQKGhoSpVqpSdKgfwJEm9RiUkJOj333/XoUOH9Oabb2rUqFHq37+/DMNQcnKyZTqfJKtR4QAeD/Pnz9eIESNUrlw5HThwQEeOHNEbb7yhAQMGqFixYtqwYYPGjh0rR0dHlShRQt26dWOJEtwToRSQQakfzLZv366mTZvq999/V548eaxCpg0bNujjjz+Wg4ODevXqpUaNGkmS2rRpoyNHjig8PJwRUsATLvVasnXrVo0bN05z585N8yWuT58+WrdunYKDgy3B1J49e+Tl5aWOHTtq+vTpVl8CAeBhSr0mxcfHy8nJyXJ9iouL09SpUxUSEqIxY8YoJCREkjRjxgzlz59fTZs2JZQCHjMHDx5U3bp19fHHH6tt27bKmTOnRowYoe+++0716tVT//799dRTT1k+36T3BzcgPXySBTIg9eK6e/du1a1bV71797ZM2evTp4+qV68uSapdu7YMw9DAgQM1evRoOTk56aWXXtKCBQv0zz//EEgBT7hbryV16tTRgAEDtH37dh04cMDqlukTJkxQnz59NHnyZJnNZgUFBaly5cras2ePHB0dCaQAZJrUUGn16tX66quvdP36dRUuXFjTpk1Tzpw51aNHD0nS//73Px06dEgODg6aOXOmdu7cKUkEUsBj5urVqzKbzXruueeUM2dOSTfXjDIMQx999JEcHBz05ptvqmzZspK4BuD+EV0C9yn1S+TBgwdVu3Zt9e3bV6Ghodq/f7927typL7/8Ulu3brX0r1Onjvr376/t27dr6NChWrFihSSpSJEi9joEAFlA6rVk//79qlmzpgYOHKihQ4dq+PDh+uCDD7Rs2TJdv37d0n/ChAmqWLGivvjiC02ePFnnzp1TpUqVGA4PIFOkTqIwmUxatmyZXnnlFRUpUkQNGzbU6tWrVb9+fR07dkzOzs566623NHfuXG3btk1Hjx7V5s2bLV9IATzabp9QlbrkwJUrVyRJ8fHxkqTBgwfL09NT8+fP14wZMyxrTxFK4X4RSgH34dZRDX5+fkpKSlK+fPkk3ZyS99FHH+nAgQMaP368tmzZYtmvQIECqlKlikqWLKnKlSvbq3wAWUTqtWTv3r3y9/dXwYIF1aZNG0nSDz/8IB8fH40cOVJLlizRtWvXLPv5+vrq2rVrWr9+vRwcHOxVPoDHWOrC5alfJA8cOKD3339fI0eO1MSJE9WqVSsZhqFff/1VrVq10rFjx+Tg4KC2bdtq/fr1WrRokby8vOx4BAAeJpPJpIiICE2bNk2SVK1aNZUpU0Y9e/bUxYsX5ezsLEm6ePGivLy8FBwcrB49elhufgDcL0Ip4B4Mw5DZbNbOnTtVq1Ytvfbaa3rrrbf0/fffa/jw4ZKkV155Rf3799fhw4c1fvx4hYeHS5LWrFkjf39/TZo0ScWLF7fnYQCws1vDbV9fX/n6+qpo0aIKDQ21hNmLFi1S6dKl9cknn2jJkiWWv0Zeu3ZNkyZN0nfffWcJxAHgYZk+fbp69uypXbt2WdrOnz+vli1bqlevXjpz5oxq1qypRo0aac+ePYqKilLPnj31119/SZJy586tXLly2al6AJkhLi5O06ZN06effmoJpubNmyez2ayaNWtqxYoV2rhxoz777DP9/fffGjhwoEqUKGHnqvEoYqFz4D78888/Kl68uEJCQjR69GhFR0fr448/1h9//KFGjRpp8ODBkqTFixfr66+/1vbt2+Xh4aFjx45pw4YNjJICIEk6fPiwypUrp/fee08jRozQ/PnzNWbMGFWqVEm9evXS888/L0lq3bq1jhw5ojx58sjd3V0//fST9uzZw932AGSKadOmaeLEifLx8dFbb72lKlWqSJL+/PNPPfvss2rXrp1MJpNmzpwpSWrQoIHWrVsnf39/hYeHs74d8Jj6888/NXnyZG3ZskW9e/dW586ddeHCBXXo0EGHDh1SYmKinJyctHDhQnl7e9u7XDyiCKWA+3Du3Dnt3LlTL7/8smW0Q3R0tEaOHKnff/9dDRs21JAhQyTdvHgfOnRIZ86cUePGjfkSCUDSzVGXy5Yt05kzZ9S7d29L+3fffafPPvssTTA1duxY7d27V9evX9f777+vSpUq2at0AE+A1GtR5cqV9dZbb6lq1aqSbo7UfOmllxQcHKzu3btLknr16qW2bdvKw8NDnp6edqwawMN2/vx5FShQwPJ43759GjdunLZv364+ffqoU6dOkqS9e/fKwcFB+fLlk7u7u52qxeOAUArIoJSUFJlMJplMJkVFRSk0NFS///671YgpAEhPUlKSZURB6oKh0s3h8GPHjk0TTElSYmIi6zMAyDSpd9mTpLlz5+rzzz9X5cqV1bdvX1WpUkWGYahy5coqVqyYhg4dqoULF+r777/X1q1buXkL8JjZuXOn+vXrp7ffflvNmze3tO/du1cjRozQzp079eGHH6pdu3b2KxKPHdaUAm5zt5w2KSlJZrNZ169fV1xcnNzd3fXee++pevXqWrVqld577z0bVgrgUZMaSCUlJcnBwUFJSUmSpPbt26t///7au3evpkyZYnXDBAIpAJnJZDJZPvt06NBB/fr10549ezRu3Djt2LFDJpNJM2bM0P79+9W+fXv98MMP+umnnwikgMfQ1atX5eLiokmTJmn58uWW9kqVKqlHjx76559/1L9/f3377bd2rBKPG0Ip4Bapo6DOnz+vuLg4q22pIxyOHz+uFi1a6PDhwzIMQ4UKFdL777+vcuXKaevWrbpw4YKdqgeQVaSkpFg9Tk5Otvr/qdeSMWPGKCYmRpLUtm1bvfvuu/r11181c+ZMy62WASCzmUwmy23cO3bsqAEDBmjPnj2aOHGi9uzZIx8fHx08eFA//fST/vjjD8vUPgCPF39/f33wwQfKlSuXxowZo59++smyrVChQvL391fHjh1Vu3ZtO1aJxw2rEgL/L3WtqB07dqhWrVpavXq1atasadnu6OioY8eOyd/fXy+//LK8vLwsf10sWLCgPvnkEyUnJyt//vx2PAoAWYHZbNb+/fv17bffKjQ0VA4ODkpOTpbZbJaDg4OOHz+u6tWrq0mTJnJzc7NMn3n11Vfl6OioqlWrWm61DACZLTk5WdmyZdPp06f1559/qnXr1kpISNDYsWM1YcIEde/eXb6+vqxtBzxGUj97HDt2TDExMXJwcNCzzz4rf39/JScna8KECRozZoxiY2PVokULzZkzR/nz59fAgQOVN29ee5ePxwhrSgH6d22X3bt3y9/fX127dtXnn39u1ccwDHXt2lUpKSmaMWOGZf2F1G23PgbwZEtISFCVKlV06NAhBQcHa/r06ZYQ++rVq6pVq5a8vb01bdo0y7UjNRgHgMx26+eW1M9AJ06cUNWqVdWvXz/LzVu+++47ffDBB2rQoIE+++wzwnLgMZF6DVi2bJkGDx6sS5cuycPDQ88884xlat6GDRs0a9YszZs3T56enoqOjlZ4eLi8vLzsWzweO4RSwP/7888/VbNmTfXo0UOjRo1SSkqKDh8+rAsXLqhw4cIqVaqUYmNjlT17dtZ4AXBPL774op566in9/fff8vT01LRp0+Tk5KTo6Gjt379fdevWtXeJAJ4wd/ojWmRkpMqWLat27dpp8uTJlhu6SNLChQvl4+OjkiVL2rpcAJkg9TqwatUqtW7dWqGhoWrRooWWLFmiPn36qFGjRpZpe2fPntWxY8d08uRJ1ahRQyVKlLBz9XgcEUoBunl3q5deekmbN29WQkKCDMNQkyZNFBUVpe3bt+vZZ59VQECAPvvsM0mMjAJwb++8844KFSqkfPnyady4cfLx8dGMGTP0yy+/yNvbm6m+AGwq9bNLRESENm7cKJPJpNKlS6tFixaKjIzUkiVL9Oabb1pGbDJ6E3h8REREqHz58sqTJ48kKTo6Wt27d5e/v7/+97//6dy5c/L29tazzz6rffv2qWLFilYLnQOZif/SALp5d6svvvhCxYoV00svvaR69eopJSVFn332mSIiIhQUFKQFCxZo+PDhkkQgBeCOUhc5d3R01D///KOuXbuqb9++2rdvn4oXL66goCC5uLikWQwdADKTyWTSkiVL9PLLL2vdunWaPn26+vbtqw4dOqhw4cLq2bOnVX8CKeDRZxiGtm3bppo1a2rSpEmKjY2VdHPR8oYNGyogIEDnzp3Tiy++qEaNGmnp0qUKCgrSypUrGdENm+G/NsD/q1SpklasWKG//vpLFy9e1DfffKPatWurWrVq6t69u5o2baqNGzfq6tWr9i4VQBaWGlo3aNBAx44dkyS9/vrrMpvNunjxop577jnlzJlTZrPZ6q58AJCZjh07pn79+ik0NFQrV67U5s2bNWHCBK1Zs0YdOnSQRBAFPE5SR0f6+Pho/PjxGjJkiL744gtdunRJktS9e3dVqVJFy5YtU9GiRfXhhx/KyclJpUuXlp+fnwzD0IkTJ+x8FHgS8F8e4Bbly5dXeHi4hg4dqoIFC0q6eUHPnTu3ChYsqAsXLrCeFABJuuNIp9RQKnv27Nq7d6+SkpL0+uuv68SJE+rXr58uXLigFi1aKCUlRQ4ODrYsGcATLDo6WmazWY0bN5Yk5c2bVw0bNtTkyZMVERGh1atX27lCAA9LSkqKTCaTIiMjtW3bNrVt21azZ8/WBx98oClTpujy5cuWvocOHdLRo0fl7u4uSdq3b5/8/f21cuVK1pCCTTjauwAgqylVqpSefvppyxfL1P89e/asvLy8+CsiAMtaK4cPH9b27dvVrl07y7bUv0xWrFhRJUuWVGBgoA4dOqS1a9eqdOnSKliwoH744QdFRkaqaNGidjwKAE+SQoUKKS4uTlu2bJGnp6ckycnJSTVr1lRiYqJlZCeAR1vqZ5T9+/ere/fuypEjh3LlyqUlS5bo3LlzevvttyVJPXr0UJ48edS4cWP9+OOPqlOnjooWLaqff/5ZW7ZsUY4cOex8JHhS8O0aT4yMrOl/65pR0dHRev/997Vs2TL179+fkVLAEy71w96uXbtUuXJlXbx40bItOTlZJpNJV65cUY4cOZQzZ07t3btXP/30k8qXL69s2bLpjTfe0NKlSwmkAGQKwzDS/cyTJ08e+fr6auHChdq2bZulvWDBgvL09GS9TOAxYBiGzGaz9u3bp5o1a6pOnTr65ptvtGDBAklS3759NW7cOL3//vv68ssvde3aNVWrVk0fffSRChQoIEnavHmzypcvb8/DwBOGu+/hiZD6JTI6OlqHDh2So6OjnnrqKRUrVuyu+61bt05z5sxRWFiYli9fLi8vL9sUDCBLSr2W7NmzR35+furdu7dGjRolSUpKSpKjo6NOnDih1q1ba/To0apVq5ZOnz5tGf7OnTsBZJbr168re/bslmvR+vXrFRERofPnz6t9+/by9vbWli1b1KVLF5UpU0ZNmzZV1apVNXv2bM2cOVNbt25VyZIl7X0YAP6jixcvqlmzZnruuec0fvx4S3vqtUGSJkyYoH79+umjjz5S//795ezsLEmKj4+3/H/AVhgphcde6pfIP//8U3Xr1lXPnj3VsmVLDRgwQGfPnk3T91YeHh6qW7euNm7cSCAFPOFSryUHDhxQvXr11KpVK40aNcrqbntHjx5VrVq1VLVqVdWqVUsODg5W6zEQSAHIDDNnzlSJEiV07tw5OTo6avHixWrQoIHCwsK0atUq1atXTwMGDFCFChU0Y8YMmUwm9e/fX61bt9by5cu1evVqAingMREZGal//vlHrVq1svpu4+joqJSUFBmGoT59+mj8+PEaOnSohg8fblljikAK9sBIKTwR9u/frzp16qhr167q3bu31qxZo/fff19hYWF69tln0/SfMmWKOnbsqFy5clm+iAJ4cqVeB3bv3q0aNWoob968io+P18qVK+Xj46Pk5GQ5ODioS5cuunHjhubOnUsABcBm9u/fr9dee003btzQmjVrNHz4cFWtWlVdu3aVg4ODxo8fr2nTpqlRo0YKDQ3VlStXdPXqVcXExKhgwYLKnz+/vQ8BwEMyb948BQcHKyEhQSaTKd3vMteuXdOVK1f0888/q3///jpy5AjXAdgNoRQee5cvX9Yrr7yi8uXLa+LEiZb2wMBAdenSRfnz51eRIkVUsWJFGYahbdu2qVWrVvL29taSJUskMboBgLRz507VqlVL/fr103vvvacuXbooLCxM4eHh8vHxsfRjih4Ae/jrr78UFBSks2fPqnjx4goNDVXt2rUt2z///HMNGzZMmzdvVoUKFexYKYDMtHnzZtWrV09z5sxRq1at0u0zfvx4LV++XL/88osuXryofPny2bhK4F8M/8BjLzExUR06dNDrr79uafv444+1evVqjRo1Su+++65efPFFrVmzRiaTSZUrV9ann36qzz77TCaTiS+XwBMs9e82ycnJ6tOnj3r16qWPP/5YOXPm1IQJE9SgQQO9+OKL2rp1q6U/1wwAtnTr9JxJkybJy8tLERERunLliqSba8RI0ttvv638+fNr6dKldqkTgG2UKFFCrq6u+vbbb3XixAlL+61jUU6dOiUvLy+lpKQob9689igTsGCkFJ4Ily5dslxwFyxYoI4dO+r7779XQECAzp07pwEDBiglJUUzZ85U7ty57VwtgKwgdbh7XFycXFxcFBUVZbljXmr4FB0drT59+mjFihUKDw/X888/TzAFwOaWLl2qDz/8UFOnTlWuXLn0xhtv6OzZs/r1119VvHhxSTcXQq9Ro4a6d++uHj162LliAJlpyZIlat++vV599VUNHDjQMjry2rVrGjFihObNm6dffvlFZcqUsXOlAKEUHjO3z5lO78thcnKy9uzZo6pVq1raunbtqpMnT2r16tU2qxVA1pV6Ldm/f7/efvttHT16VG5uburevbtee+01Zc+e3dL31mBq7dq18vHxIZgCkOlSrzMXLlxQUFCQ6tevr7feekuSdOjQIQUFBencuXP65JNP5Orqqo0bN2rSpEnasmULX0SBx1xKSoqmTp2q3r17q3Tp0vLz85OLi4vOnDmj33//XWFhYVbfhQB7YvoeHhupXyIPHz6s7777TtK/a0GlZq8pKSlycHCwXIQNw5BhGDKbzapSpYqSk5NFTgs82W5d1NzPz09FihRRz549ZTabNXjwYP3000+WfpJUqFAhTZgwQU2bNpWvr6927txJIAUg05lMJq1evVpdunSRYRh6+eWXLdvKli2rb7/9Vh4eHmrbtq3Gjx+v69eva/369QRSwBPAbDbrjTfe0KZNm1SpUiXt3LlTe/fuVfny5fXbb78RSCFLYaQUHgupXyJ37dql6tWr67PPPlOvXr0kyXJXrNjYWLm4uMjJycmyX2Jioj766CN98803Wrt2rcqVK2evQwCQhezfv1/Vq1dXr169FBoaamkvUaKEfH19tXDhwjT7REZG6v3339e7776rsmXL2rJcAE+onTt3ytfXV8nJyVq5cqUCAwOtth88eFCdOnVSYmKifv/9d2XLls1OlQKwl9TvQkBWxUgpPPJSA6k9e/aoZs2a6tu3ryWQSkpKkoODg06cOKHAwECtXbvWst8vv/yifv366auvvtLy5csJpABYRk8OGTJECQkJCgwMVEpKipKSkiRJAQEBSkxM1PXr19PsW7hwYU2dOpVACkCmO378uKKjo1W1alX9+eefcnV11dixY3X06FGrfuXKldOcOXO0aNEiAingCXX70iZAVkMohUdaaiB14MAB1atXT61atdKoUaMs02ocHR119OhR+fv7q3LlylZ/QYyPj1fOnDn166+/MoQVeMKlXjNS77g5depU+fn56YMPPtDPP/8sR0dHnT9/XvPmzVO9evWs1pS61a0f/AAgMxw8eFANGzbU1KlTde7cOZUrV04bNmzQ5s2b1b9/fx07dsyqf+nSpVWyZEk7VQvA3m5dUoDlBZAVMX0Pj6xb132pUaOG8ubNq/j4eK1cuVI+Pj6WoapdunTRjRs3NHfu3DQX4vj4eDk7O9vpCABkBanXktOnT+vXX39VTEyMunTpori4ODVt2lROTk4KCgrS4MGD1aJFC02cOFFS+jdSAICHJfVzzO03cZGkbt26adu2berQoYOCg4NVsGBB7d69W7Vq1VKDBg0UGhqqUqVK2alyAADuH3/SxSPLbDZr586dqlGjhvr166dDhw7pxRdfVL169bRt2zbL3Onp06enG0hJIpACnnCpX/b27dunxo0bKywsTCdOnJCTk5Py58+v5cuXy2QyqWvXrqpSpYrGjh0r6eaXRQIpAJkl9cYsW7du1WuvvSbJetrN1KlT5e/vr1mzZmnWrFk6d+6cqlSpok2bNmnRokUaNmyYZdoxAABZGSOl8MhJHZ2QnJysunXrys/PT59++qkkKSoqSn379tWKFSsUHh6u559/ntEMANKVem3Yt2+f/P391atXL73zzjtydXWVJC1dulSFCxeWl5eXmjVrpitXrmjw4MGqX7++zGYz1xYAmeL2O4AOGDBAjRs31oEDB9SqVSur6cN9+vTRzz//rN69eysoKEgFChTQ3r175ejoyFqZAIBHAqEUHimpH9Ti4uLk4uKiqKgoFS1aVNK/XzCjo6PVp08fgikA93Tx4kW1aNFClStXtkzLk6RRo0Zp0KBB8vf3V2hoqKpUqaLGjRsrKSlJISEhat68OdcUAA9d6uec/fv3y9fXV++++66GDBmiZs2aaffu3QoNDVXz5s2tgqkmTZpo37596tSpk3r06KGCBQva8QgAAMgYpu/hkXHrB7WWLVuqXLlyatq0qb7++mtdv37d8gWxUKFCmjBhgho2bGiZymcymbjbBIA0oqKidObMGbVs2dKy2PmUKVM0ePBgffHFF3J2dtawYcO0Z88eLV++XDExMfr666917do1O1cO4HGT+jln79698vf3V8GCBdWmTRtJ0g8//CAfHx+NHDlSS5YssboG+fr66tq1a1q/fj23fQcAPHIYKYVHwq1D2WvXrq0WLVqoSpUq+u6773TixAlNnDhRr776qtVioNHR0QoJCdG8efO0fft27rAHII05c+aoU6dOSkxMtATbp0+f1rFjx+Tv76+9e/eqX79+unjxolatWiUHBwfFxsbK09PTvoUDeKzcPmWvTp06io2N1TPPPKOePXvK19dXktSiRQsdOXJEAwYMULNmzZQ7d24NGjRIPj4+qlWrltzd3e18JAAAZAwjpfBISB0h5e/vr549e2rmzJl6++23tWXLFrm4uGjhwoWWfqkKFSqkMWPGqHPnzsqRI4e9SgeQhXl6esrR0VFLly6VdHMacPHixeXv76+UlBRVqlRJbdq0kaOjo+Lj45UvXz4CKQAPndls1uHDh1W1alWFhIRo5cqVeuutt7R3715NnjxZW7dulXRzrbty5crps88+U9OmTdW2bVtNmDBBXl5eBFIAgEcSoRSyPMMwZBiGhgwZooSEBAUGBiolJcVyV5mAgAAlJibq+vXrafYtXLiwpk6dqrJly9q6bACPAE9PT7m5uWnWrFk6ceKE1TpRqSH3oUOHLP0AIDMYhqF9+/ZpwoQJGjFihCSpbdu2+t///qe9e/dq0qRJlmBq4cKFeu2111SyZEmZTCb98ccfKlWqlD3LBwDggTF9D1nWrVPxJOnSpUtq2bKlEhMT9e6776pp06Y6f/68PDw89Omnn+qtt96yY7UAHlWLFy9W+/bt1aZNGw0cOFAVKlSQJMXGxmrEiBH65ptvtHHjRlWsWNHOlQJ4nCUlJcnR0VGSlJycbFkfat68eRo7dqwqVaqkXr166fnnn7fsk5iYqGzZstmlXgAAHgZCKWRJqYHU6dOn9euvvyomJkZdunRRXFycmjZtKicnJwUFBWnw4MFq0aKF5a5Z3GUPQEYlJyfrm2++Ue/evVW6dGnVqFFD2bJl05kzZ7Rt2zatWLGCNekA2ExqOHVrSDV//nyNGTNGVapU0RtvvGFZYwoAgEcd0/eQ5aQGUvv27VPjxo0VFhamEydOyMnJSfnz59fy5ctlMpnUtWtXValSRWPHjpV084slgRSAjHJwcNAbb7yh3377TRUqVND27du1b98+VapUSRs3biSQAvBQpd7pM1VycrLV/3d0dNTx48c1ZswYxcTESLo5le/dd9/Vr7/+qpkzZyo+Pt6mNQMAkFkYKYUsJXWk0759++Tv769evXrpnXfekaurq6SbC3wWLlxYXl5eatasma5cuaLBgwerfv36MpvNjJQC8J/cOmUGADLL/v379e233yo0NFQmk0nJyckym80ymUw6fvy4qlevriZNmmjq1KlWn22WLFmiqlWrqmTJknY+AgAAHg5CKWQ5Fy9eVIsWLVS5cmXLtDxJGjVqlAYNGiR/f3+FhoaqSpUqaty4sZKSkhQSEqLmzZsTSAH4T2798kfIDSAzJCQkqEqVKjp06JCCg4M1ffp0mUwmGYahq1evqlatWvL29ta0adMs16Db19kEAOBxwX/dkOVERUXpzJkzatmypWWI+5QpUzR48GB98cUXcnZ21rBhw7Rnzx4tX75cMTEx+vrrr3Xt2jU7Vw7gUXdrCEUgBSAzODk5qUiRIgoKCtKRI0cUFBSkhIQEmUwmXb9+XePHj7cEVakIpAAAjytGSiHLmTNnjjp16qTExETLB7LTp0/r2LFj8vf31969e9WvXz9dvHhRq1atkoODg2JjY+Xp6WnfwgEAAO7DO++8o0KFCilfvnwaN26cfHx8NGPGDP3yyy/y9vZW/vz57V0iAAA2wZ9dkOV4enrK0dFRS5culXRzCk3x4sXl7++vlJQUVapUSW3atJGjo6Pi4+OVL18+AikAAJDlpY4Ad3R01D///KOuXbuqb9++2rdvn4oXL66goCC5uLikWQwdAIDHFaEUshxPT0+5ublp1qxZOnHiRLrD1w8dOmTpBwAA8ChI/UzToEEDHfu/9u4/purqj+P463Iv5I1Bs9KZA6F5y1AHgxl16d6tRhuURgJrrWmNgIbFHd21QT+vrn8idLVGpU6KtCWrNSUz6LpGy4WtBiYyvAyN6C7YpOVdUggIF75/+L03r1hftC/3Yj4f/93P+Xw+933+4u7FOe/T1ydJKi0tVVRUlHw+nzIyMhQbG6uoqKiQU/kAAPi3IpTCnJOQkKCtW7fK7XbL5XLJ4/EEx4aGhlRVVaX6+npt2rRJcXFxEawUAABgur9a6RQIpcxms7q6ujQxMaHS0lJ5vV45nU6dOnVK+fn5mpyc5CRQAMBVwRTpAoCLWbt2rWpra+VwONTW1qasrCxFR0drYGBA7e3tamlp0YoVKyJdJgAAQIjASXnHjx/X4cOH9cgjjwTHAqd6rlixQjfffLNycnLU09OjL7/8UhaLRQsWLNC+fft08uRJLV68OIKzAAAgPFgphTnJaDSqrKxMra2tWr58uQ4fPqxjx45p5cqV+vrrr5Wenh7pEgEAAEIEAqmOjg6lpqbK5/MFx/x+vwwGg37//Xdde+21io2NVVdXl/bv36+UlBRFR0errKxMjY2NBFIAgKsGp+9hzvP7/SxhBwAAc1ogkOrs7JTVapXD4VBNTY0kaWJiQiaTSV6vVw899JC2bNkim82m/v5+JSUlSfpzFRUAAFcTVkphzgs0N5fO/WADAACYSwKBVHd3t7Kzs1VYWKiampqQ0/Z+/PFH2Ww2paeny2azyWg0BgMpSQRSAICrEiulAAAAgMsUCKSOHj2qrKwszZ8/X2NjY/r888+1atWq4Irv4uJijY6Oavfu3QRQAAD8F6EUAAAA8A8cOXJENptNTqdTL7zwgoqLi+V2u9XS0qJVq1YF72OLHgAAoQilAAAAgEsUCJj8fr/uvvtuWa1Wbd68WZI0ODiop59+Ws3NzWppadHtt99OIAUAwEUQSgEAAACXILBlb3h4WPPmzdPg4GDwxLxA+PTLL7+ooqKCYAoAgL9Bo3MAAABghgKBlMfjUUFBgW677Tbl5eVpx44dGhkZCYZOCxcuVG1tre6//35lZ2ervb1dBoOBQ1sAADgPoRQAAAAwA+c3Nbdarbrpppv01FNPKSoqSi6XS/v37w/eJ/0ZTOXl5SkzM1NHjhxhpRQAAOdh+x4AAAAwQx6PR3feeafKy8tVXV0dvJ6UlKTMzEx9/PHH0545efKkXnzxRVVVVWnZsmXhLBcAgDnNFOkCAAAAgLku8H/cjRs36uzZs8rJydHk5KQmJydlMpl077336tSpUxoZGZHZbA55dtGiRaqrq1NUFJsUAAA4H38ZAQAAgL8Q2IpnMBhkMBhUV1cnq9Wql156SZ999plMJpN+/fVXNTQ0KDs7e1ogFUAgBQDAdGzfAwAAAC4i0EOqv79fBw8e1OnTp1VcXKzh4WHl5eUpJiZGjz32mFwul/Lz8/Xmm29KEqfsAQAwQ/zLBgAAALhAIJA6duyY1qxZI7fbLa/Xq5iYGN1www1qamqSwWBQSUmJ0tLS9Prrr0uS/H4/gRQAADNETykAAADgPFNTU8FAym63q7y8XJWVlYqPj5ckNTY2atGiRWpqatKDDz4on8+nL774Qrm5uTIajayUAgBghti+BwAAAFzA5/MpPz9fqampwW15klRTU6Pnn39edrtd1dXVSktL05o1azQxMaFnnnlGa9euJZACAGCG2L4HAAAAXGBwcFADAwMqKCgINjvfvn27XC6X3nrrLV1zzTV6+eWX1dnZqaamJp0+fVo7duzQmTNnIlw5AABXDlZKAQAAABf44IMPVFRUpPHx8eDKp/7+fvX19clut6urq0tOp1M+n08HDhyQ0WjU0NCQkpOTI1s4AABXEFZKAQAAABdITk6WyWRSY2OjpHN9phISEmS32zU5OamVK1fq4Ycflslk0tjYmK6//noCKQAALhGhFAAAAHCB5ORkXXfdddq1a5e8Xm9In6ioqHM/oXt6eoL3AQCAS0coBQAAAFwgISFBW7duldvtlsvlksfjCY4NDQ2pqqpK9fX12rRpk+Li4iJYKQAAVy56SgEAAAAX4ff79c4778jhcMhisSgrK0vR0dEaGBhQe3u7mpublZ6eHukyAQC4YhFKAQAAAH/ju+++0+bNm9Xb26u4uDjZbDaVlJTIYrFEujQAAK5ohFIAAADA/+D3+2U0GiNdBgAA/yr0lAIAAAD+h0Bzc+ncSXwAAOCfY6UUAAAAAAAAwo6VUgAAAAAAAAg7QikAAAAAAACEHaEUAAAAAAAAwo5QCgAAAAAAAGFHKAUAAAAAAICwI5QCAAAAAABA2BFKAQAAAAAAIOwIpQAAAK5AX331lQwGg3777bcZP5OcnKw33nhj1moCAAC4FIRSAAAAs6CoqEgGg0EbNmyYNlZeXi6DwaCioqLwFwYAADBHEEoBAADMksTERH344YcaGRkJXhsdHVVDQ4OWLFkSwcoAAAAij1AKAABglmRkZCgxMVF79+4NXtu7d6+WLFmi9PT04LWxsTFVVFRo4cKFmjdvnmw2m9ra2kLe1dzcrFtvvVVms1n33HOPfvrpp2nf19raKrvdLrPZrMTERFVUVGh4eHjW5gcAAPBPEEoBAADMouLiYr333nvBz/X19Xr88cdD7qmqqtKePXu0a9cuff/997JYLMrJyZHP55Mk/fzzzyooKNADDzygjo4OlZaW6rnnngt5R29vr3Jzc1VYWKjOzk599NFHam1tlcPhmP1JAgAAXAZCKQAAgFm0fv16tba2yuv1yuv16tChQ1q/fn1wfHh4WNu2bdOWLVt03333afny5aqrq5PZbNa7774rSdq2bZuWLl2q1157TcuWLdO6deum9aOqrq7WunXr5HQ6dcsttygrK0u1tbV6//33NTo6Gs4pAwAAzIgp0gUAAAD8my1YsECrV6/Wzp07NTU1pdWrV+vGG28Mjvf29mp8fFx33XVX8Fp0dLQyMzPV3d0tSeru7tYdd9wR8l6r1Rry+ejRo+rs7NTu3buD16ampjQ5Oam+vj6lpKTMxvQAAAAuG6EUAADALCsuLg5uo3v77bdn5Tv++OMPlZWVqaKiYtoYTdUBAMBcRCgFAAAwy3Jzc3X27FkZDAbl5OSEjC1dulQxMTE6dOiQkpKSJEnj4+Nqa2uT0+mUJKWkpOjTTz8Nee7bb78N+ZyRkSGPxyOLxTJ7EwEAAPg/oqcUAADALDMajeru7pbH45HRaAwZi42N1ZNPPqnKykq53W55PB498cQTOnPmjEpKSiRJGzZs0IkTJ1RZWamenh41NDRo586dIe959tln9c0338jhcKijo0MnTpzQvn37aHQOAADmLEIpAACAMIiPj1d8fPxFx1599VUVFhbq0UcfVUZGhn744QcdOHBA8+fPl3Ru+92ePXv0ySefKC0tTdu3b9crr7wS8o7U1FQdPHhQx48fl91uV3p6ujZu3KjFixfP+twAAAAuh2Fqamoq0kUAAAAAAADg6sJKKQAAAAAAAIQdoRQAAAAAAADCjlAKAAAAAAAAYUcoBQAAAAAAgLAjlAIAAAAAAEDYEUoBAAAAAAAg7AilAAAAAAAAEHaEUgAAAAAAAAg7QikAAAAAAACEHaEUAAAAAAAAwo5QCgAAAAAAAGH3H2c5YXSmBGdJAAAAAElFTkSuQmCC", + "text/plain": [ + "
" + ] + }, + "metadata": {}, + "output_type": "display_data" + } + ], + "source": [ + "\n", + "import matplotlib.pyplot as plt\n", + "\n", + "\n", + "# Make sure results_df is defined and contains the necessary columns\n", + "# Also, ensure that K is defined\n", + "\n", + "plt.figure(figsize=(12, 10))\n", + "\n", + "# Graph for nDCG, Recall@K, and Precision@K\n", + "plt.subplot(2, 1, 1) # First subplot\n", + "ax1 = results_df.plot(x='Model', y=['nDCG', f'Recall@{K}', 'Precision@1'], kind='bar', ax=plt.gca())\n", + "plt.title('Feedback Function Performance (Higher is Better)')\n", + "plt.ylabel('Score')\n", + "plt.xticks(rotation=45)\n", + "plt.legend(loc='upper left')\n", + "\n", + "# Graph for ECE\n", + "plt.subplot(2, 1, 2) # Second subplot\n", + "ax2 = results_df.plot(x='Model', y=['ECE'], kind='bar', ax=plt.gca(), color='orange')\n", + "plt.title('Feedback Function Calibration (Lower is Better)')\n", + "plt.ylabel('ECE')\n", + "plt.xticks(rotation=45)\n", + "\n", + "plt.tight_layout()\n", + "plt.show()\n", + "\n", + "\n" + ] + }, + { + "cell_type": "code", + "execution_count": 23, + "metadata": {}, + "outputs": [ + { + "data": { + "text/html": [ + "
\n", + "\n", + "\n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + "
ModelnDCGECERecall@5Precision@1
0GPT-3.5-Turbo0.5672300.54740.940.218365
1GPT-4-Turbo0.6646960.44300.940.325833
2GPT-4-Turbo-latest0.6557130.45960.940.312167
3Claude-20.5991100.66900.900.268214
\n", + "
" + ], + "text/plain": [ + " Model nDCG ECE Recall@5 Precision@1\n", + "0 GPT-3.5-Turbo 0.567230 0.5474 0.94 0.218365\n", + "1 GPT-4-Turbo 0.664696 0.4430 0.94 0.325833\n", + "2 GPT-4-Turbo-latest 0.655713 0.4596 0.94 0.312167\n", + "3 Claude-2 0.599110 0.6690 0.90 0.268214" + ] + }, + "execution_count": 23, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "results_df" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": [] + } + ], + "metadata": { + "kernelspec": { + "display_name": "trulens", + "language": "python", + "name": "python3" + }, + "language_info": { + "codemirror_mode": { + "name": "ipython", + "version": 3 + }, + "file_extension": ".py", + "mimetype": "text/x-python", + "name": "python", + "nbconvert_exporter": "python", + "pygments_lexer": "ipython3", + "version": "3.11.5" + } + }, + "nbformat": 4, + "nbformat_minor": 2 +} diff --git a/trulens_eval/trulens_eval/tests/context_relevance_benchmark_calibration.ipynb b/trulens_eval/trulens_eval/tests/context_relevance_benchmark_calibration.ipynb new file mode 100644 index 000000000..02a9b54c9 --- /dev/null +++ b/trulens_eval/trulens_eval/tests/context_relevance_benchmark_calibration.ipynb @@ -0,0 +1,595 @@ +{ + "cells": [ + { + "cell_type": "code", + "execution_count": 1, + "metadata": {}, + "outputs": [], + "source": [ + "# pip install -q scikit-learn litellm" + ] + }, + { + "cell_type": "code", + "execution_count": 2, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "🦑 Tru initialized with db url sqlite:///default.sqlite .\n", + "🛑 Secret keys may be written to the database. See the `database_redact_keys` option of `Tru` to prevent this.\n" + ] + } + ], + "source": [ + "# Import groundedness feedback function\n", + "from trulens_eval import Tru\n", + "from test_cases import generate_ms_marco_context_relevance_benchmark\n", + "from benchmark_frameworks.eval_as_recommendation import score_passages, compute_ndcg, compute_ece, recall_at_k, precision_at_k\n", + "Tru().reset_database()\n", + "\n", + "benchmark_data = []\n", + "for i in range(1, 6):\n", + " dataset_path = f\"./datasets/ms_marco/ms_marco_train_v2.1_{i}.json\"\n", + " benchmark_data.extend(list(generate_ms_marco_context_relevance_benchmark(dataset_path)))\n" + ] + }, + { + "cell_type": "code", + "execution_count": 3, + "metadata": {}, + "outputs": [], + "source": [ + "import os\n", + "os.environ[\"OPENAI_API_KEY\"] = \"...\"\n", + "os.environ[\"HUGGINGFACE_API_KEY\"] = \"...\"\n", + "os.environ[\"ANTHROPIC_API_KEY\"] = \"...\"\n", + "os.environ[\"TOGETHERAI_API_KEY\"] = \"...\"" + ] + }, + { + "cell_type": "code", + "execution_count": 4, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "305\n" + ] + } + ], + "source": [ + "import pandas as pd\n", + "import numpy as np\n", + "df = pd.DataFrame(benchmark_data)\n", + "\n", + "print(len(df.groupby(\"query_id\").count()))" + ] + }, + { + "cell_type": "code", + "execution_count": 5, + "metadata": {}, + "outputs": [ + { + "data": { + "text/html": [ + "
\n", + "\n", + "\n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + "
query_idquerypassageis_selectedrelevant_idx
01185869)what was the immediate impact of the success ...The presence of communication amid scientific ...10
11185869)what was the immediate impact of the success ...The Manhattan Project and its atomic bomb help...00
21185869)what was the immediate impact of the success ...Essay on The Manhattan Project - The Manhattan...00
31185869)what was the immediate impact of the success ...The Manhattan Project was the name for a proje...00
41185869)what was the immediate impact of the success ...versions of each volume as well as complementa...00
..................
3032565901what are some things you can do to keep your d...Eating the right foods not only makes it easie...09
3033565901what are some things you can do to keep your d...Eat a healthy diet. Photo Credit Tay Jnr/Digit...09
3034565901what are some things you can do to keep your d...Share. Your digestive system is where it all b...09
3035565901what are some things you can do to keep your d...Start Slideshow. For some of us, digestive dis...09
3036565901what are some things you can do to keep your d...Practicing yoga is an excellent way to keep yo...09
\n", + "

1525 rows × 5 columns

\n", + "
" + ], + "text/plain": [ + " query_id query \\\n", + "0 1185869 )what was the immediate impact of the success ... \n", + "1 1185869 )what was the immediate impact of the success ... \n", + "2 1185869 )what was the immediate impact of the success ... \n", + "3 1185869 )what was the immediate impact of the success ... \n", + "4 1185869 )what was the immediate impact of the success ... \n", + "... ... ... \n", + "3032 565901 what are some things you can do to keep your d... \n", + "3033 565901 what are some things you can do to keep your d... \n", + "3034 565901 what are some things you can do to keep your d... \n", + "3035 565901 what are some things you can do to keep your d... \n", + "3036 565901 what are some things you can do to keep your d... \n", + "\n", + " passage is_selected \\\n", + "0 The presence of communication amid scientific ... 1 \n", + "1 The Manhattan Project and its atomic bomb help... 0 \n", + "2 Essay on The Manhattan Project - The Manhattan... 0 \n", + "3 The Manhattan Project was the name for a proje... 0 \n", + "4 versions of each volume as well as complementa... 0 \n", + "... ... ... \n", + "3032 Eating the right foods not only makes it easie... 0 \n", + "3033 Eat a healthy diet. Photo Credit Tay Jnr/Digit... 0 \n", + "3034 Share. Your digestive system is where it all b... 0 \n", + "3035 Start Slideshow. For some of us, digestive dis... 0 \n", + "3036 Practicing yoga is an excellent way to keep yo... 0 \n", + "\n", + " relevant_idx \n", + "0 0 \n", + "1 0 \n", + "2 0 \n", + "3 0 \n", + "4 0 \n", + "... ... \n", + "3032 9 \n", + "3033 9 \n", + "3034 9 \n", + "3035 9 \n", + "3036 9 \n", + "\n", + "[1525 rows x 5 columns]" + ] + }, + "execution_count": 5, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "df.groupby(\"query_id\").head()" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "#### Define feedback functions for contexnt relevance to be evaluated" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "### Visualization" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "### Temperature Scaling " + ] + }, + { + "cell_type": "code", + "execution_count": 11, + "metadata": {}, + "outputs": [], + "source": [ + "from trulens_eval.feedback import OpenAI, LiteLLM\n", + "\n", + "temperatures = [0, 0.3, 0.7, 1]\n", + "# GPT 3.5\n", + "turbo = OpenAI(model_engine=\"gpt-3.5-turbo\")\n", + "\n", + "def wrapped_relevance_turbo_t(input, output, temperature):\n", + " return turbo.qs_relevance_confidence_verb_2s_top1(input, output, temperature)\n", + " \n", + "# # GPT 4 turbo\n", + "gpt4 = OpenAI(model_engine=\"gpt-4-1106-preview\")\n", + "\n", + "def wrapped_relevance_gpt4_t(input, output, temperature):\n", + " return gpt4.qs_relevance_confidence_verb_2s_top1(input, output, temperature)\n", + "\n", + "claude_1 = LiteLLM(model_engine=\"claude-instant-1\")\n", + "def wrapped_relevance_claude1_t(input, output, temperature):\n", + " claude_1.qs_relevance_confidence_verb_2s_top1(input, output, temperature)\n", + "\n", + "claude_2 = LiteLLM(model_engine=\"claude-2\")\n", + "def wrapped_relevance_claude2_t(input, output, temperature):\n", + " claude_2.qs_relevance_confidence_verb_2s_top1(input, output, temperature)\n", + "\n", + "feedback_functions = {\n", + " 'GPT-3.5-Turbo': wrapped_relevance_turbo_t,\n", + " 'GPT-4-Turbo': wrapped_relevance_gpt4_t,\n", + " # 'Claude-1': wrapped_relevance_claude1_t,\n", + " # 'Claude-2': wrapped_relevance_claude2_t,\n", + "}\n", + "\n", + "backoffs_by_functions = {\n", + " 'GPT-3.5-Turbo': 0,\n", + " 'GPT-4-Turbo': 0.5,\n", + " # 'Claude-1': 1.5,\n", + " # 'Claude-2': 1.5,\n", + "}" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": [ + "for temp in temperatures:\n", + " # Running the benchmark\n", + " results = []\n", + "\n", + " intermediate_results = []\n", + " for name, func in feedback_functions.items():\n", + " try:\n", + " scores, true_relevance = score_passages(df, name, func, backoffs_by_functions[name] if name in backoffs_by_functions else 0.5, n=1, temperature=temp)\n", + " ece_value = compute_ece(scores, true_relevance)\n", + " \n", + " results.append((name, ece_value, ))\n", + " print(f\"Finished running feedback function name {name}\")\n", + " \n", + " print(\"Saving results...\")\n", + " tmp_results_df = pd.DataFrame(results, columns=[f'Model-t-{temp}', 'ECE'])\n", + "\n", + " tmp_results_df.to_csv(f\"results_verbalized_ece_t_{temp}.csv\")\n", + " print(tmp_results_df)\n", + " intermediate_results.append(tmp_results_df)\n", + " except Exception as e:\n", + " print(f\"Failed to run benchmark for feedback function name {name} due to {e}\")\n", + " # Convert results to DataFrame for display\n", + " results_df = pd.DataFrame(results, columns=[f'Model-t-{temp}', 'ECE',])\n" + ] + }, + { + "cell_type": "code", + "execution_count": 1, + "metadata": {}, + "outputs": [ + { + "ename": "NameError", + "evalue": "name 'results_df' is not defined", + "output_type": "error", + "traceback": [ + "\u001b[0;31m---------------------------------------------------------------------------\u001b[0m", + "\u001b[0;31mNameError\u001b[0m Traceback (most recent call last)", + "Cell \u001b[0;32mIn[1], line 1\u001b[0m\n\u001b[0;32m----> 1\u001b[0m results_df\u001b[38;5;241m.\u001b[39mto_csv(\u001b[38;5;124m\"\u001b[39m\u001b[38;5;124mresults_verbalized_ece_temp_scaling.csv\u001b[39m\u001b[38;5;124m\"\u001b[39m)\n", + "\u001b[0;31mNameError\u001b[0m: name 'results_df' is not defined" + ] + } + ], + "source": [ + "results_df.to_csv(\"results_verbalized_ece_temp_scaling.csv\")" + ] + }, + { + "cell_type": "code", + "execution_count": 10, + "metadata": {}, + "outputs": [], + "source": [ + "\n", + "\n", + "results_df_1 = pd.read_csv(\"results_temp_scaling_gpt-3.5.csv\")\n", + "results_df_2 = pd.read_csv(\"results_temp_scaling_gpt-4.csv\")\n", + "\n" + ] + }, + { + "cell_type": "code", + "execution_count": 11, + "metadata": {}, + "outputs": [ + { + "data": { + "text/html": [ + "
\n", + "\n", + "\n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + "
Scaling: TemperatureModelECE
00.0GPT-3.5-Turbo0.492735
10.3GPT-3.5-Turbo0.477844
20.7GPT-3.5-Turbo0.467127
31.0GPT-3.5-Turbo0.465417
\n", + "
" + ], + "text/plain": [ + " Scaling: Temperature Model ECE\n", + "0 0.0 GPT-3.5-Turbo 0.492735\n", + "1 0.3 GPT-3.5-Turbo 0.477844\n", + "2 0.7 GPT-3.5-Turbo 0.467127\n", + "3 1.0 GPT-3.5-Turbo 0.465417" + ] + }, + "execution_count": 11, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "results_df_1\n" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [] + }, + { + "cell_type": "code", + "execution_count": 12, + "metadata": {}, + "outputs": [ + { + "data": { + "text/html": [ + "
\n", + "\n", + "\n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + "
Scaling: TemperatureModelECE
00.0GPT-4-Turbo0.741519
10.3GPT-4-Turbo0.742373
20.7GPT-4-Turbo0.737771
31.0GPT-4-Turbo0.732807
\n", + "
" + ], + "text/plain": [ + " Scaling: Temperature Model ECE\n", + "0 0.0 GPT-4-Turbo 0.741519\n", + "1 0.3 GPT-4-Turbo 0.742373\n", + "2 0.7 GPT-4-Turbo 0.737771\n", + "3 1.0 GPT-4-Turbo 0.732807" + ] + }, + "execution_count": 12, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "results_df_2" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": [ + "import matplotlib.pyplot as plt\n", + "\n", + "# Make sure results_df is defined and contains the necessary columns\n", + "# Also, ensure that K is defined\n", + "\n", + "plt.figure(figsize=(12, 10))\n", + "\n", + "# Graph for nDCG, Recall@K, and Precision@K\n", + "plt.subplot(2, 1, 1) # First subplot\n", + "ax1 = results_df.plot(x='Model', y=['nDCG', f'Recall@{K}', 'Precision@1'], kind='bar', ax=plt.gca())\n", + "plt.title('Feedback Function Performance (Higher is Better)')\n", + "plt.ylabel('Score')\n", + "plt.xticks(rotation=45)\n", + "plt.legend(loc='upper left')\n", + "\n", + "# Graph for ECE\n", + "plt.subplot(2, 1, 2) # Second subplot\n", + "ax2 = results_df.plot(x='Model', y=['ECE'], kind='bar', ax=plt.gca(), color='orange')\n", + "plt.title('Feedback Function Calibration (Lower is Better)')\n", + "plt.ylabel('ECE')\n", + "plt.xticks(rotation=45)\n", + "\n", + "plt.tight_layout()\n", + "plt.show()\n" + ] + } + ], + "metadata": { + "kernelspec": { + "display_name": "trulens", + "language": "python", + "name": "python3" + }, + "language_info": { + "codemirror_mode": { + "name": "ipython", + "version": 3 + }, + "file_extension": ".py", + "mimetype": "text/x-python", + "name": "python", + "nbconvert_exporter": "python", + "pygments_lexer": "ipython3", + "version": "3.11.5" + } + }, + "nbformat": 4, + "nbformat_minor": 2 +} diff --git a/trulens_eval/trulens_eval/tests/context_relevance_smoke_tests.ipynb b/trulens_eval/trulens_eval/tests/context_relevance_benchmark_small.ipynb similarity index 100% rename from trulens_eval/trulens_eval/tests/context_relevance_smoke_tests.ipynb rename to trulens_eval/trulens_eval/tests/context_relevance_benchmark_small.ipynb diff --git a/trulens_eval/trulens_eval/tests/datasets/meetingbank/human_scoring.json b/trulens_eval/trulens_eval/tests/datasets/meetingbank/human_scoring.json new file mode 100644 index 000000000..95895b15f --- /dev/null +++ b/trulens_eval/trulens_eval/tests/datasets/meetingbank/human_scoring.json @@ -0,0 +1,39602 @@ +{ + "LongBeachCC_03012016_16-0197": { + "dialogLM": { + "coherence": [ + 4, + 5, + 4 + ], + "summary": "Recommendation to authorize city manager, or Designee, to execute three new permits to operate Kiteboarding and Stand-Up Paddle boarding, rental and instruction concessions on city of long Beach beaches, for a period of one year, with the option to renew for two additional one-year periods, at the discretion of the city manager. (district 3)", + "consistency": [ + 3, + 4, + 3 + ], + "fluency": [ + 4, + 4, + 4 + ], + "informativeness": [ + 4, + 4, + 4 + ], + "redundancy": [ + 5, + 5, + 5 + ] + }, + "davinci003": { + "coherence": [ + 5, + 5, + 3 + ], + "summary": "The city has received a lot of inquiry about kiteboarding, and a public meeting was held to discuss the sport. After an RFP process, three responders were selected and staff is now requesting that the city council authorize the issuance of permits to them.", + "consistency": [ + 3, + 4, + 2 + ], + "fluency": [ + 5, + 5, + 4 + ], + "informativeness": [ + 4, + 3, + 3 + ], + "redundancy": [ + 5, + 5, + 4 + ] + }, + "hmnet": { + "coherence": [ + 3, + 5, + 4 + ], + "summary": "Recommendation to authorize city manager, or Designee, to execute three new permits to receive and expend city support from parks, recreation and marine, in an amount not to exceed, for a period of two years, with the option to renew for two additional one -Year periods, at the discretion of the city manager.)", + "consistency": [ + 2, + 3, + 3 + ], + "fluency": [ + 2, + 4, + 4 + ], + "informativeness": [ + 2, + 2, + 4 + ], + "redundancy": [ + 4, + 5, + 5 + ] + }, + "lead-3": { + "coherence": [ + 1, + 1, + 1 + ], + "summary": "Is public comment next, Madam Clerk. And item ten is next door to. Well.", + "consistency": [ + 1, + 1, + 1 + ], + "fluency": [ + 1, + 1, + 1 + ], + "informativeness": [ + 1, + 1, + 1 + ], + "redundancy": [ + 2, + 5, + 5 + ] + }, + "bart": { + "coherence": [ + 4, + 5, + 4 + ], + "summary": "Recommendation to authorize City Manager, or designee, to execute three (3) permits, and any amendments, to operate Kiteboarding and Stand-Up Paddle Boarding, stand-up paddle boarding, and/or instruction, provision of food and beverage concessions on City of Long Beach beaches, from June 15, 2015 through June 14, 2016, with the option to renew for one additional one-year period, at the discretion of the City Manager. (District 3)", + "consistency": [ + 4, + 4, + 4 + ], + "fluency": [ + 4, + 5, + 5 + ], + "informativeness": [ + 4, + 3, + 4 + ], + "redundancy": [ + 3, + 5, + 5 + ] + }, + "lexrank": { + "coherence": [ + 3, + 2, + 5 + ], + "summary": "So the the three vendors that have been selected through this process, Southern California, Kitesurfing off the hook, Kiteboarding and Captain Kirk's, do they at this time or are they expected to have all necessary certifications and requirements in place before the permits are executed? As I mentioned in my staff report to the two of the two incumbents who were not selected, submitted a protest letter through purchasing.", + "consistency": [ + 2, + 2, + 4 + ], + "fluency": [ + 2, + 4, + 5 + ], + "informativeness": [ + 1, + 3, + 2 + ], + "redundancy": [ + 3, + 3, + 5 + ] + }, + "pegasus": { + "coherence": [ + 4, + 5, + 5 + ], + "summary": "Recommendation to authorize City Manager, or designee, to execute all documents necessary to issue three new permits to operate, rent, and/or provide instruction for kite surfing, stand-up paddle boarding, and rental and/or instruction concessions on City of Long Beach beaches, subject to the approval of the California Coastal Commission", + "consistency": [ + 5, + 4, + 5 + ], + "fluency": [ + 4, + 5, + 5 + ], + "informativeness": [ + 4, + 4, + 5 + ], + "redundancy": [ + 5, + 5, + 5 + ] + } + }, + "LongBeachCC_10182016_16-0964": { + "lexrank": { + "coherence": [ + 3, + 1, + 3 + ], + "summary": "So they never really you know, if Larry Itliong and the contributions of the Filipino farmworkers were recognized, all youth would get to know about the history of Filipinos here in the U.S.. So it wasn't until 2012 I met the son of Larry Itliong, Johnny Itliong, and learn about how it was the, you know, the Filipino farm workers that went on strike first.", + "consistency": [ + 2, + 3, + 4 + ], + "fluency": [ + 2, + 1, + 4 + ], + "informativeness": [ + 1, + 3, + 3 + ], + "redundancy": [ + 2, + 1, + 3 + ] + }, + "hmnet": { + "coherence": [ + 2, + 1, + 4 + ], + "summary": "Recommendation to adopt specifications no . Rfp and authorize city manager to work with members of the human relations workers of America to provide culturally farm workers in the United States.", + "consistency": [ + 3, + 2, + 2 + ], + "fluency": [ + 2, + 3, + 4 + ], + "informativeness": [ + 2, + 3, + 1 + ], + "redundancy": [ + 4, + 3, + 5 + ] + }, + "davinci003": { + "coherence": [ + 5, + 3, + 5 + ], + "summary": "Council member Roberto U. Ranga proposed that October 25th be declared as Larry Itliong Day in Long Beach to recognize his contributions to the United Farm Workers of America and the American Farm Worker Farm Labor Movement. The Human Relations Commission and other members of the City Council supported the recommendation, citing Itliong's lasting and positive impact on human rights.", + "consistency": [ + 5, + 4, + 4 + ], + "fluency": [ + 5, + 4, + 4 + ], + "informativeness": [ + 5, + 4, + 5 + ], + "redundancy": [ + 5, + 4, + 5 + ] + }, + "bart": { + "coherence": [ + 3, + 3, + 4 + ], + "summary": "Recommendation to request that the City Council commemorate Human Rights Advocate/Farmworker Larry Itliong by declaring October 25th as Larry \u201cItlionG Day\u201d in the City of Long Beach. On motion of Councilor Ortega, the rules were suspended; the proclamation was adopted; yeas 10, nays 1(Baker), absent 1(Flaherty).", + "consistency": [ + 4, + 3, + 4 + ], + "fluency": [ + 2, + 2, + 3 + ], + "informativeness": [ + 2, + 3, + 4 + ], + "redundancy": [ + 2, + 4, + 5 + ] + }, + "pegasus": { + "coherence": [ + 5, + 4, + 5 + ], + "summary": "Recommendation to request that the City Council commemorate human rights advocate, farmworker and labor organizer Larry Itliong by declaring October 25th as \"Larry Itliong Day\" in the City of Long Beach.", + "consistency": [ + 5, + 5, + 5 + ], + "fluency": [ + 5, + 5, + 5 + ], + "informativeness": [ + 4, + 5, + 5 + ], + "redundancy": [ + 5, + 5, + 5 + ] + }, + "lead-3": { + "coherence": [ + 1, + 1, + 3 + ], + "summary": "Councilman Andrews. Okay. Motion carries and item 16, please.", + "consistency": [ + 1, + 1, + 1 + ], + "fluency": [ + 2, + 1, + 5 + ], + "informativeness": [ + 1, + 1, + 1 + ], + "redundancy": [ + 2, + 5, + 5 + ] + }, + "dialogLM": { + "coherence": [ + 2, + 3, + 4 + ], + "summary": "Recommendation to request that the city council commemorate human rights advocate, Farmworker, and labor Organizer Larry Itcasg by declaring October 25 as Larry it \u00aeG day in the city of long Beach.", + "consistency": [ + 1, + 3, + 4 + ], + "fluency": [ + 1, + 1, + 4 + ], + "informativeness": [ + 1, + 3, + 5 + ], + "redundancy": [ + 4, + 3, + 5 + ] + } + }, + "AlamedaCC_02032015_2015-1274": { + "pegasus": { + "coherence": [ + 2, + 4, + 5 + ], + "summary": "Recommendation to Accept Report on Sale, a Successor Agency to the Community Improvement Commission of the City of Alameda. (Finance 2410)", + "consistency": [ + 3, + 3, + 5 + ], + "fluency": [ + 2, + 3, + 5 + ], + "informativeness": [ + 2, + 2, + 5 + ], + "redundancy": [ + 4, + 5, + 5 + ] + }, + "dialogLM": { + "coherence": [ + 2, + 4, + 5 + ], + "summary": "Recommendation to accept report on sale, a successor agency to the community improvement Commission of the city of Alameda, 2014. (Finance 2410)", + "consistency": [ + 3, + 3, + 5 + ], + "fluency": [ + 2, + 3, + 5 + ], + "informativeness": [ + 2, + 2, + 5 + ], + "redundancy": [ + 5, + 5, + 5 + ] + }, + "lead-3": { + "coherence": [ + 1, + 1, + 1 + ], + "summary": "All those in favor. I oppose abstentions. Motion carries unanimously.", + "consistency": [ + 1, + 1, + 1 + ], + "fluency": [ + 1, + 3, + 5 + ], + "informativeness": [ + 1, + 1, + 1 + ], + "redundancy": [ + 4, + 5, + 5 + ] + }, + "bart": { + "coherence": [ + 2, + 3, + 5 + ], + "summary": "Recommendation to Accept Report on the Successor Agency to the Community Improvement Commission of the City of Alameda, 2014 (the \u201cCity\u201d) Bond Results and Compliance Reports. (Finance 2410) [Continued from January 20, 2015]", + "consistency": [ + 3, + 3, + 5 + ], + "fluency": [ + 2, + 4, + 5 + ], + "informativeness": [ + 2, + 2, + 5 + ], + "redundancy": [ + 2, + 5, + 5 + ] + }, + "davinci003": { + "coherence": [ + 5, + 5, + 4 + ], + "summary": "The City of Alameda recently refinanced a 2003 CIC tax allocation bond, resulting in a $9 million savings to the General Fund and a bond upgrade. As a result of the upgrade, the city is now receiving an additional $381,000 annually until 2033.", + "consistency": [ + 4, + 5, + 3 + ], + "fluency": [ + 5, + 5, + 4 + ], + "informativeness": [ + 4, + 3, + 3 + ], + "redundancy": [ + 5, + 5, + 4 + ] + }, + "hmnet": { + "coherence": [ + 2, + 3, + 2 + ], + "summary": "Recommendation to accept report on sale, a successor to the agency community improvement Commission of the city of Alameda 2014 community improvement district . development)", + "consistency": [ + 1, + 4, + 3 + ], + "fluency": [ + 1, + 3, + 3 + ], + "informativeness": [ + 1, + 2, + 3 + ], + "redundancy": [ + 2, + 5, + 3 + ] + }, + "lexrank": { + "coherence": [ + 2, + 3, + 1 + ], + "summary": "The second bullet is refunding indenture provisions that do not require the agency to set aside full annual debt service on the 2014 bonds in the first half of every bond year. And what the under what the right underwriting are the credit agencies would like to see is they would like to see see you getting the whole year's debt service in the first six months and d0f will not approve or has not so far approved that.", + "consistency": [ + 1, + 5, + 2 + ], + "fluency": [ + 1, + 4, + 1 + ], + "informativeness": [ + 1, + 2, + 2 + ], + "redundancy": [ + 2, + 4, + 3 + ] + } + }, + "SeattleCityCouncil_06272016_Res 31673": { + "davinci003": { + "coherence": [ + 5, + 4, + 5 + ], + "summary": "The Gender Equality, Safe Communities and New Americans Committee recommended Seattle City Council pass Resolution 316723, which affirms the city's commitment to quality, locally produced broadcast news in the case of emergencies. Councilmember Bagshaw proposed an amendment to the resolution to clean up language regarding channel sharing, but it was ultimately withdrawn and the resolution was passed.", + "consistency": [ + 5, + 3, + 4 + ], + "fluency": [ + 5, + 4, + 5 + ], + "informativeness": [ + 5, + 3, + 5 + ], + "redundancy": [ + 5, + 3, + 5 + ] + }, + "lexrank": { + "coherence": [ + 2, + 1, + 5 + ], + "summary": "Agenda Item number eight Resolution 316723. This resolution passed through committee.", + "consistency": [ + 1, + 1, + 1 + ], + "fluency": [ + 3, + 4, + 4 + ], + "informativeness": [ + 1, + 1, + 1 + ], + "redundancy": [ + 5, + 5, + 5 + ] + }, + "bart": { + "coherence": [ + 5, + 5, + 5 + ], + "summary": "A RESOLUTION affirming Seattle City Council\u2019s commitment to high quality locally produced broadcast news to effectively inform the public in the case of emergencies, and to require that the Cable Television Franchise Subscriber Agreement between the City of Seattle and CNN, Inc. include non-exclusive use of City-owned or leased properties and limitations be made available to the public and to employees who request to use the public domain.", + "consistency": [ + 5, + 5, + 5 + ], + "fluency": [ + 4, + 4, + 5 + ], + "informativeness": [ + 4, + 5, + 5 + ], + "redundancy": [ + 5, + 5, + 5 + ] + }, + "pegasus": { + "coherence": [ + 4, + 5, + 5 + ], + "summary": "A RESOLUTION affirming The City of Seattle\u2019s commitment to high quality, locally produced broadcast news to effectively inform the public in the case of emergencies.", + "consistency": [ + 3, + 5, + 5 + ], + "fluency": [ + 4, + 5, + 4 + ], + "informativeness": [ + 3, + 5, + 4 + ], + "redundancy": [ + 5, + 5, + 5 + ] + }, + "hmnet": { + "coherence": [ + 2, + 1, + 2 + ], + "summary": "A relating to the Seattle city commitment to high quality locally, produced in the case of emergencies and emergencies.", + "consistency": [ + 3, + 3, + 4 + ], + "fluency": [ + 1, + 1, + 4 + ], + "informativeness": [ + 2, + 3, + 3 + ], + "redundancy": [ + 1, + 1, + 2 + ] + }, + "dialogLM": { + "coherence": [ + 4, + 5, + 5 + ], + "summary": "A resolution affirming Seattle city council \u2019 s commitment to high-quality locally produced broadcast news to effectively inform the public in the case of emergencies.", + "consistency": [ + 3, + 5, + 4 + ], + "fluency": [ + 3, + 5, + 4 + ], + "informativeness": [ + 3, + 5, + 4 + ], + "redundancy": [ + 5, + 5, + 5 + ] + }, + "lead-3": { + "coherence": [ + 2, + 4, + 3 + ], + "summary": "The Report of the Gender Equality, Safe Communities and New Americans Committee. Agenda Item number eight Resolution 316723. Affirming Seattle City Council's commitment to high quality, locally produced broadcast news to effectively inform the public in the case of emergencies.", + "consistency": [ + 3, + 4, + 4 + ], + "fluency": [ + 3, + 3, + 4 + ], + "informativeness": [ + 3, + 4, + 3 + ], + "redundancy": [ + 4, + 4, + 5 + ] + } + }, + "LongBeachCC_05122020_20-0407": { + "dialogLM": { + "coherence": [ + 2, + 4, + 3 + ], + "summary": "Recommendation to declare ordinance amending the long Beach municipal code by amending and restating chapter 21. 15, related to zoning regulations, read and adopted as read. (citywide)", + "consistency": [ + 2, + 4, + 2 + ], + "fluency": [ + 2, + 4, + 4 + ], + "informativeness": [ + 2, + 4, + 1 + ], + "redundancy": [ + 3, + 5, + 5 + ] + }, + "pegasus": { + "coherence": [ + 2, + 4, + 5 + ], + "summary": "Recommendation to declare ordinance amending and restating the Douglas Park Planned Development District (PD-1), read and adopted as read. (Citywide)", + "consistency": [ + 2, + 4, + 1 + ], + "fluency": [ + 2, + 5, + 5 + ], + "informativeness": [ + 2, + 4, + 1 + ], + "redundancy": [ + 3, + 5, + 5 + ] + }, + "hmnet": { + "coherence": [ + 2, + 3, + 5 + ], + "summary": "Recommendation to declare ordinance amending and restating the Douglas park planned development district), read and adopted as read.)", + "consistency": [ + 2, + 4, + 1 + ], + "fluency": [ + 2, + 3, + 3 + ], + "informativeness": [ + 2, + 4, + 1 + ], + "redundancy": [ + 3, + 5, + 5 + ] + }, + "lexrank": { + "coherence": [ + 2, + 1, + 3 + ], + "summary": "It's just clarifying that use and using those words self storage, public storage, commercial storage within the zoning code instead of using what's called an SCC code which has led to confusion. And this will allow greater opportunities to have storage areas, including in attics.", + "consistency": [ + 2, + 1, + 1 + ], + "fluency": [ + 2, + 1, + 5 + ], + "informativeness": [ + 1, + 1, + 1 + ], + "redundancy": [ + 1, + 1, + 5 + ] + }, + "lead-3": { + "coherence": [ + 1, + 1, + 1 + ], + "summary": "I emotion carries. Thank you. Next item is hearing 32.", + "consistency": [ + 1, + 1, + 1 + ], + "fluency": [ + 1, + 1, + 1 + ], + "informativeness": [ + 1, + 1, + 1 + ], + "redundancy": [ + 3, + 1, + 1 + ] + }, + "davinci003": { + "coherence": [ + 5, + 4, + 4 + ], + "summary": "The article discusses a series of code amendments to the Long Beach Municipal Code that address land use issues and improve administrative processes. These changes include allowing aerospace and rocketry uses to operate as a matter of right, allowing temporary uses on vacant lots, and allowing storage areas in garages and attics.", + "consistency": [ + 5, + 4, + 3 + ], + "fluency": [ + 5, + 3, + 5 + ], + "informativeness": [ + 5, + 3, + 3 + ], + "redundancy": [ + 5, + 5, + 5 + ] + }, + "bart": { + "coherence": [ + 3, + 5, + 3 + ], + "summary": "Recommendation to declare ordinance amending the Long Beach Municipal Code by amending and restating Title 21 (Zoning Regulations) - Douglas Park Planned Development District (PD-1 North and PD-2 South), read and adopted as read. (Citywide)", + "consistency": [ + 3, + 5, + 1 + ], + "fluency": [ + 3, + 4, + 5 + ], + "informativeness": [ + 3, + 5, + 1 + ], + "redundancy": [ + 2, + 4, + 5 + ] + } + }, + "LongBeachCC_04122022_22-0408": { + "bart": { + "coherence": [ + 4, + 4, + 5 + ], + "summary": "Recommendation to respectfully request City Council approval of the motion of the Public Safety Committee of the City Council on February 25, 2022 to support Assembly Bill 1621 to enact legislation relating to unsterilized firearms. This bill would expand the definition of what constitutes a firearm in terms of what\u2019s required for a serial number, tracking purposes, and regulation, and what steps are being taken to implement the ban on non-serialized firearms in Long Beach.", + "consistency": [ + 4, + 3, + 4 + ], + "fluency": [ + 3, + 2, + 5 + ], + "informativeness": [ + 4, + 3, + 5 + ], + "redundancy": [ + 2, + 4, + 5 + ] + }, + "hmnet": { + "coherence": [ + 2, + 4, + 5 + ], + "summary": "Recommendation to request city council approval of the motion of the public safety committee of motion to enact an Unsterilized firearms ban on unlicensed kits to manufacture firearms.", + "consistency": [ + 2, + 3, + 4 + ], + "fluency": [ + 1, + 2, + 5 + ], + "informativeness": [ + 1, + 3, + 4 + ], + "redundancy": [ + 1, + 4, + 5 + ] + }, + "lexrank": { + "coherence": [ + 1, + 3, + 3 + ], + "summary": "And I think that this item is timely given that President Biden's just announced a ban just yesterday on unlicensed kits to manufacture the ghost gun, which I believe. And I think this sends the right message to the residents of Long Beach and anybody that comes in Long Beach that, you know, goes guns won't be tolerated, gun violence won't be tolerated in our city.", + "consistency": [ + 1, + 2, + 4 + ], + "fluency": [ + 2, + 3, + 3 + ], + "informativeness": [ + 1, + 2, + 3 + ], + "redundancy": [ + 2, + 5, + 5 + ] + }, + "davinci003": { + "coherence": [ + 5, + 3, + 5 + ], + "summary": "The City Council of Long Beach is supporting a motion of the Public Safety Committee to enact legislation relating to unsterilized firearms, in response to President Biden's announcement of a federal ban on unlicensed kits to manufacture ghost guns. The Council is also looking into a local feasibility study on how the state and federal legislation would impact the city of Long Beach.", + "consistency": [ + 5, + 3, + 4 + ], + "fluency": [ + 5, + 2, + 5 + ], + "informativeness": [ + 5, + 4, + 5 + ], + "redundancy": [ + 5, + 5, + 5 + ] + }, + "lead-3": { + "coherence": [ + 2, + 1, + 4 + ], + "summary": "Thank you. We have item two, please. Communication from Councilwoman Sarah Chair, Public Safety Committee Recommendation to request City Council to approve the Motion of the Public Safety Committee of on February 25th, 2022 to support Assembly Bill 1621 to enact legislation relating to unsterilized firearms.", + "consistency": [ + 1, + 1, + 2 + ], + "fluency": [ + 2, + 3, + 5 + ], + "informativeness": [ + 1, + 1, + 1 + ], + "redundancy": [ + 3, + 5, + 4 + ] + }, + "pegasus": { + "coherence": [ + 3, + 2, + 5 + ], + "summary": "Recommendation to request City Council to approve the Motion of the Public Safety Committee of February 25, 2022 to support Assembly Bill 1621, to enact legislation relating to unsterilized firearms.", + "consistency": [ + 3, + 3, + 3 + ], + "fluency": [ + 3, + 2, + 4 + ], + "informativeness": [ + 2, + 3, + 3 + ], + "redundancy": [ + 5, + 5, + 5 + ] + }, + "dialogLM": { + "coherence": [ + 3, + 2, + 5 + ], + "summary": "Recommendation to request city Council to approve the motion of the public safety Committee on February 25, 2022 to support assembly bill 1675 to enact legislation relating to Unsterilized firearms.", + "consistency": [ + 3, + 3, + 3 + ], + "fluency": [ + 3, + 2, + 4 + ], + "informativeness": [ + 2, + 3, + 3 + ], + "redundancy": [ + 4, + 4, + 5 + ] + } + }, + "SeattleCityCouncil_07202020_CB 119828": { + "hmnet": { + "coherence": [ + 2, + 1, + 1 + ], + "summary": "An relating to Seattle public utilities; authorizing the general manager of public utilities to acquire, using negotiation or eminent domain or separate or separate domain or utilities Designee to acquire by negotiation or various eminent domain Designee or separate, or separate all necessary property rights; and request city light, LLC, or Designee, to acquire and operate a solid solid infrastructure infrastructure maintenance infrastructure materials for water repair and repair infrastructure materials necessary to restore the street block in Spokane street, South of Seattle, Washington, in Council district four.", + "consistency": [ + 3, + 2, + 2 + ], + "fluency": [ + 2, + 1, + 4 + ], + "informativeness": [ + 2, + 2, + 2 + ], + "redundancy": [ + 1, + 1, + 1 + ] + }, + "bart": { + "coherence": [ + 3, + 3, + 3 + ], + "summary": "AN ORDINANCE relating to Seattle Public Utilities; authorizing the General Manager/CEO of General Public Utilities or designee to acquire by negotiation or eminent domain, or condemnation, of certain real property rights owned by James Legacy Properties, LLC, commonly known as John E. Magnuson\u2019s, Seattle Chinatown-International District Preservation and Development Company, and all other necessary property rights, including easement interests, access rights, improvements, buildings, fixtures, licenses, permits, and other appurtenances, located at 13th Avenue South and 1st Avenue South, commonly referred to as the \u201cSewer Yard Property\u201d (\u201cProperty\u201d) and declaring", + "consistency": [ + 4, + 3, + 3 + ], + "fluency": [ + 3, + 3, + 5 + ], + "informativeness": [ + 3, + 3, + 3 + ], + "redundancy": [ + 3, + 4, + 5 + ] + }, + "dialogLM": { + "coherence": [ + 2, + 3, + 4 + ], + "summary": "An ordinance relating to Seattle public utility; authorizing the general Manager/Ceo of Seattle public utilities or his Designee to acquire, by the negotiation or eminent domain, or separate pricing Subclass, and all other necessary property rights owned by James legacy properties, LLC, John Limoges as his separate property and a railway company, and ratifying and confirming certain prior acts.", + "consistency": [ + 2, + 2, + 3 + ], + "fluency": [ + 3, + 3, + 5 + ], + "informativeness": [ + 2, + 3, + 3 + ], + "redundancy": [ + 2, + 2, + 5 + ] + }, + "pegasus": { + "coherence": [ + 4, + 3, + 4 + ], + "summary": "AN ORDINANCE relating to Seattle Public Utilities; authorizing the General Manager/CEO of Seattle Public Utilities or his designee to acquire by negotiation or eminent domain any and all necessary property rights, including easements, access rights, improvements, buildings, fixtures, licenses, and other appurtenances, owned by James Legacy", + "consistency": [ + 4, + 2, + 4 + ], + "fluency": [ + 4, + 3, + 4 + ], + "informativeness": [ + 3, + 3, + 4 + ], + "redundancy": [ + 3, + 3, + 5 + ] + }, + "lead-3": { + "coherence": [ + 2, + 2, + 2 + ], + "summary": "Every part of the City Council chambers item three Capital 119828 relating to public utilities authorizing the general manager slash CEO of general public utilities or designee to acquire by negotiation or eminent domain or separate pricing subclass and all other necessary property rights. Owned by James Legacy Properties LLC, John approached as his separate property and B and railway company. Thank you, Madam Clerk.", + "consistency": [ + 3, + 3, + 2 + ], + "fluency": [ + 2, + 3, + 4 + ], + "informativeness": [ + 2, + 3, + 2 + ], + "redundancy": [ + 2, + 4, + 5 + ] + }, + "davinci003": { + "coherence": [ + 5, + 2, + 5 + ], + "summary": "Seattle City Council Bill 119828 would authorize the acquisition of four industrial parcels to create a spoils yard for water infrastructure maintenance, and the purchase and sale agreements for the properties expire at the end of this month. The bill was passed with nine votes in favor and no opposition.", + "consistency": [ + 5, + 2, + 4 + ], + "fluency": [ + 5, + 3, + 5 + ], + "informativeness": [ + 4, + 3, + 4 + ], + "redundancy": [ + 5, + 4, + 5 + ] + }, + "lexrank": { + "coherence": [ + 3, + 1, + 3 + ], + "summary": "Hearing none, I'd ask that the clerk please call the roll on the passage of the bill. I will move to pass Council Bill 119828.", + "consistency": [ + 1, + 1, + 1 + ], + "fluency": [ + 3, + 3, + 3 + ], + "informativeness": [ + 1, + 1, + 1 + ], + "redundancy": [ + 4, + 5, + 5 + ] + } + }, + "LongBeachCC_06212016_16-0565": { + "hmnet": { + "coherence": [ + 2, + 1, + 4 + ], + "summary": "Recommendation to adopt specifications no . Rfp for the purchase and development opportunity at Anaheim street, assessor parcel number property); declare the city subject property as surplus;", + "consistency": [ + 1, + 3, + 5 + ], + "fluency": [ + 2, + 1, + 4 + ], + "informativeness": [ + 1, + 3, + 3 + ], + "redundancy": [ + 3, + 3, + 5 + ] + }, + "lead-3": { + "coherence": [ + 4, + 4, + 5 + ], + "summary": "Item 20. A report from Economic and Property Development and Development Services recommendation to adopt specifications for the purchase and development opportunity at Anaheim Street and Lime Avenue. Declare the property a surplus and authorize the city manager to execute all necessary documents with CJD Development Group for the sale of the property in the amount of $500,000.", + "consistency": [ + 4, + 4, + 4 + ], + "fluency": [ + 4, + 5, + 5 + ], + "informativeness": [ + 4, + 4, + 4 + ], + "redundancy": [ + 4, + 5, + 5 + ] + }, + "dialogLM": { + "coherence": [ + 2, + 2, + 4 + ], + "summary": "Recommendation to adopt specifications no. Rfp Ep19-121 for the purchase and development opportunity at Anaheim Street and lime Avenue, assessor parcel numbers 7280-019-900, -901, -912, -923, -944, -955, -101, -102, -103, And-1026 (subject property); declare the city-owned subject property as surplus; authorize city manager, or Designee, to execute any and all necessary documents including a purchase and sale agreement with C. S. development group, a Delaware limited liability company, or affiliate, for the sale of the subject property in the amount of $500, 000; and accept categorical exemption Ce 19-168. (district 6)", + "consistency": [ + 2, + 3, + 3 + ], + "fluency": [ + 2, + 1, + 4 + ], + "informativeness": [ + 2, + 4, + 5 + ], + "redundancy": [ + 1, + 1, + 5 + ] + }, + "pegasus": { + "coherence": [ + 2, + 3, + 4 + ], + "summary": "Recommendation to adopt Specifications No. RFP EP15-131 for the purchase and development opportunity at Anaheim Street and Lime Avenue, Assessor Parcel Numbers 7280-010-900, -901, -904, -904, -904 (Subject Property); Declare the City-owned Subject Property as surplus; Authorize City", + "consistency": [ + 3, + 3, + 4 + ], + "fluency": [ + 2, + 1, + 4 + ], + "informativeness": [ + 2, + 4, + 4 + ], + "redundancy": [ + 2, + 1, + 5 + ] + }, + "bart": { + "coherence": [ + 3, + 2, + 5 + ], + "summary": "Recommendation to adopt Specifications No. RFP EP16-133 for the purchase and development opportunity at Anaheim Street and Lime Avenue, Assessor Parcel Numbers 7133-001-900, -901, -902, -905, -909, -910, -911 and -912 (Subject Property); Declare the City-owned Subject Property as surplus; Authorize City Manager, or designee, to execute any and all necessary documents including a Purchase and Sale Agreement with CJD Development Group, LLC, a California limited liability company, or affiliate, for the sale of the Subject Property in the amount of $500,000; and Accept Categorical Exemption", + "consistency": [ + 3, + 3, + 4 + ], + "fluency": [ + 3, + 2, + 4 + ], + "informativeness": [ + 3, + 4, + 5 + ], + "redundancy": [ + 1, + 1, + 5 + ] + }, + "davinci003": { + "coherence": [ + 5, + 5, + 5 + ], + "summary": "The city council has approved a recommendation to purchase and develop a property in the Midtown Anaheim area, creating 10 temporary and 24 permanent jobs with the development of an art deco masterpiece. The RFP process was extended in order to solicit more interest and higher quality proposals, though some were disappointed in the process.", + "consistency": [ + 3, + 4, + 4 + ], + "fluency": [ + 5, + 5, + 5 + ], + "informativeness": [ + 4, + 4, + 4 + ], + "redundancy": [ + 4, + 5, + 5 + ] + }, + "lexrank": { + "coherence": [ + 2, + 1, + 4 + ], + "summary": "And that intent again is to solicit more interest and higher quality proposals submitted for the property. But we would like to respectfully request that the City Council evaluate all three proposals that were submitted before making a final decision.", + "consistency": [ + 1, + 2, + 5 + ], + "fluency": [ + 2, + 5, + 5 + ], + "informativeness": [ + 1, + 2, + 1 + ], + "redundancy": [ + 4, + 5, + 5 + ] + } + }, + "BostonCC_03162022_2022-0381": { + "hmnet": { + "coherence": [ + 2, + 1, + 4 + ], + "summary": "Order for a hearing to receive and discuss the regulation of Cannabis in the city establishments to discuss the Siting of Boston, Boston, and the zoning board of Appeals.", + "consistency": [ + 3, + 4, + 5 + ], + "fluency": [ + 2, + 2, + 4 + ], + "informativeness": [ + 2, + 4, + 3 + ], + "redundancy": [ + 2, + 1, + 2 + ] + }, + "bart": { + "coherence": [ + 3, + 2, + 2 + ], + "summary": "Order for a hearing to discuss the regulation and siting of cannabis establishments in the City of Boston and the Zoning Board of Appeals. Councilor Arroyo in the Chair. On motion of Councilor Mejia, Rule 12 was invoked to include Councilor Worrell as co-sponsor.", + "consistency": [ + 4, + 4, + 3 + ], + "fluency": [ + 2, + 3, + 4 + ], + "informativeness": [ + 4, + 4, + 2 + ], + "redundancy": [ + 3, + 5, + 3 + ] + }, + "davinci003": { + "coherence": [ + 4, + 5, + 5 + ], + "summary": "The article discusses the regulation and siting of cannabis establishments in the city of Boston, and the Zoning Board of Appeals' role in the process. It also mentions the half-mile buffer zone requirement and the Boston Cannabis Board's requirement of equity applicants, and its efforts to ensure fairness and predictability in the process.", + "consistency": [ + 4, + 5, + 5 + ], + "fluency": [ + 4, + 5, + 4 + ], + "informativeness": [ + 3, + 5, + 5 + ], + "redundancy": [ + 4, + 5, + 5 + ] + }, + "lexrank": { + "coherence": [ + 3, + 2, + 2 + ], + "summary": "I know of at least two instances when the Boston Cannabis Board has approved two locations within the same half mile, and then the ZBA has had to make a decision on which one they were going to approve in the neighborhood. Lucky number 0381 Councilor Edwards offered the following order for a hearing to discuss the regulation and siting of cannabis establishments in the city of Boston, Boston and the Zoning Board of Appeals.", + "consistency": [ + 2, + 3, + 3 + ], + "fluency": [ + 2, + 2, + 2 + ], + "informativeness": [ + 2, + 3, + 2 + ], + "redundancy": [ + 2, + 1, + 3 + ] + }, + "dialogLM": { + "coherence": [ + 3, + 4, + 3 + ], + "summary": "Order for a hearing to discuss the regulation and Siting of Cannabis establishments in the city of Boston and the zoning board of Appeals. referred to the Committee on planning, development and transportation.", + "consistency": [ + 4, + 4, + 3 + ], + "fluency": [ + 3, + 4, + 3 + ], + "informativeness": [ + 3, + 5, + 3 + ], + "redundancy": [ + 4, + 3, + 5 + ] + }, + "pegasus": { + "coherence": [ + 3, + 4, + 5 + ], + "summary": "Order for a hearing to discuss the regulation and regulation of cannabis establishments in the City of Boston and the Board of Appeals.", + "consistency": [ + 3, + 5, + 5 + ], + "fluency": [ + 3, + 5, + 5 + ], + "informativeness": [ + 3, + 5, + 4 + ], + "redundancy": [ + 5, + 4, + 5 + ] + }, + "lead-3": { + "coherence": [ + 2, + 1, + 3 + ], + "summary": "Thank you, Counsel Royal. Would any other counselors like to speak on this? Dawkins 0312 will remain in committee motions, orders and resolutions.", + "consistency": [ + 1, + 1, + 1 + ], + "fluency": [ + 2, + 1, + 3 + ], + "informativeness": [ + 1, + 1, + 1 + ], + "redundancy": [ + 4, + 5, + 5 + ] + } + }, + "AlamedaCC_05072019_2019-6698": { + "lead-3": { + "coherence": [ + 1, + 2, + 1 + ], + "summary": "Okay. Oh, Sophia, remember how. Come on up.", + "consistency": [ + 1, + 1, + 1 + ], + "fluency": [ + 1, + 4, + 1 + ], + "informativeness": [ + 1, + 1, + 1 + ], + "redundancy": [ + 2, + 5, + 5 + ] + }, + "dialogLM": { + "coherence": [ + 2, + 1, + 1 + ], + "summary": "Proclamation declaring may 19 to the 9th, may 9 to the 19th, as the 23rd annual affordable housing week in Alameda. (city manager 2110)", + "consistency": [ + 2, + 3, + 5 + ], + "fluency": [ + 1, + 3, + 1 + ], + "informativeness": [ + 1, + 3, + 5 + ], + "redundancy": [ + 1, + 1, + 1 + ] + }, + "davinci003": { + "coherence": [ + 5, + 5, + 3 + ], + "summary": "The mayor of Alameda proclaimed May 9th to 19th as the 23rd Annual Affordable Housing Week to support affordable housing, and East Bay housing organizations are hosting 17 events in nine cities in order to acknowledge the need for and benefits of affordable housing. Additionally, representatives from the Army, Chamber of Commerce, and Downtown Alameda Business Association are present for Small Business Week.", + "consistency": [ + 5, + 4, + 4 + ], + "fluency": [ + 4, + 5, + 4 + ], + "informativeness": [ + 4, + 4, + 3 + ], + "redundancy": [ + 2, + 5, + 4 + ] + }, + "pegasus": { + "coherence": [ + 3, + 4, + 4 + ], + "summary": "Proclamation Declaring May 19 through May 19, 2019 as \u201cAffordable Housing Week\u201d in the City of Alameda. (City Manager 2110)", + "consistency": [ + 2, + 3, + 3 + ], + "fluency": [ + 4, + 4, + 2 + ], + "informativeness": [ + 2, + 4, + 4 + ], + "redundancy": [ + 2, + 3, + 1 + ] + }, + "lexrank": { + "coherence": [ + 2, + 4, + 2 + ], + "summary": "WHEREAS, East Bay housing organizations have organized affordable housing week for 23 years, and this year will feature 17 events in nine cities acknowledging the need for, for and benefits of affordable housing. You were supportive of affordable housing week.", + "consistency": [ + 2, + 3, + 3 + ], + "fluency": [ + 3, + 4, + 4 + ], + "informativeness": [ + 1, + 2, + 3 + ], + "redundancy": [ + 2, + 4, + 4 + ] + }, + "hmnet": { + "coherence": [ + 2, + 1, + 1 + ], + "summary": "Discuss May to May the following: homelessness and provide support to seniors, children, youth, and people with disabilities.", + "consistency": [ + 1, + 2, + 1 + ], + "fluency": [ + 2, + 4, + 1 + ], + "informativeness": [ + 1, + 1, + 1 + ], + "redundancy": [ + 1, + 3, + 1 + ] + }, + "bart": { + "coherence": [ + 4, + 4, + 2 + ], + "summary": "Public Hearing to Consider Declaring May 19 to May 9, 2019 as the 23rd Annual Affordable Housing Week in Alameda, where We will Work to Provide Support to Elderly, Families, Youth, Veterans and People with Disabilities and to Provide Direction to Staff on Activities related to the Week. (Housing 266)", + "consistency": [ + 2, + 3, + 3 + ], + "fluency": [ + 4, + 3, + 2 + ], + "informativeness": [ + 2, + 4, + 4 + ], + "redundancy": [ + 2, + 4, + 2 + ] + } + }, + "LongBeachCC_02162021_21-0123": { + "lead-3": { + "coherence": [ + 2, + 1, + 3 + ], + "summary": "Thank you, Madam Clark. Mr. Clark, let's move on to the bid to commission appointment item. So let's start with item 19, please.", + "consistency": [ + 1, + 1, + 1 + ], + "fluency": [ + 2, + 4, + 3 + ], + "informativeness": [ + 1, + 1, + 1 + ], + "redundancy": [ + 1, + 5, + 5 + ] + }, + "lexrank": { + "coherence": [ + 1, + 4, + 3 + ], + "summary": "Recommendation to receive Charter Commission appointment and reappointment approved by the Government Personnel and Election Oversight Committee. And I know you are going to bring so much value to this commission.", + "consistency": [ + 2, + 4, + 4 + ], + "fluency": [ + 2, + 2, + 3 + ], + "informativeness": [ + 2, + 4, + 2 + ], + "redundancy": [ + 3, + 5, + 5 + ] + }, + "dialogLM": { + "coherence": [ + 3, + 4, + 5 + ], + "summary": "Recommendation to receive charter Commission appointments and Reappointments approved by the government, personnel and elections oversight committee pursuant to section 509 of the city charter and section 2. 03. 065 of the long Beach municipal code.", + "consistency": [ + 3, + 4, + 5 + ], + "fluency": [ + 2, + 5, + 3 + ], + "informativeness": [ + 3, + 4, + 5 + ], + "redundancy": [ + 3, + 5, + 5 + ] + }, + "bart": { + "coherence": [ + 4, + 4, + 5 + ], + "summary": "Recommendation to receive Charter Commission appointments and reappointments approved by the Government, Personnel and Elections Oversight Committee pursuant to Section 509 of the City Charter and Section 2.03.065 of the Long Beach Municipal Code; and Reappointing Daniel McNish as a member of the Parks, Recreation and Marine Commission.", + "consistency": [ + 4, + 4, + 4 + ], + "fluency": [ + 3, + 4, + 5 + ], + "informativeness": [ + 4, + 4, + 5 + ], + "redundancy": [ + 4, + 5, + 5 + ] + }, + "hmnet": { + "coherence": [ + 4, + 4, + 5 + ], + "summary": "Recommendation to receive charter Commission appointments pursuant to section 509 of the city charter and section 2 of the long Beach municipal code.", + "consistency": [ + 3, + 3, + 4 + ], + "fluency": [ + 2, + 3, + 4 + ], + "informativeness": [ + 2, + 3, + 4 + ], + "redundancy": [ + 4, + 5, + 5 + ] + }, + "pegasus": { + "coherence": [ + 4, + 5, + 5 + ], + "summary": "Recommendation to receive Charter Commission appointments and reappointments approved by the Government, Personnel and Elections Oversight Committee pursuant to Section 509 of the City Charter and Section 2.03.065 of the Long Beach Municipal Code.", + "consistency": [ + 4, + 5, + 5 + ], + "fluency": [ + 4, + 5, + 5 + ], + "informativeness": [ + 3, + 5, + 5 + ], + "redundancy": [ + 5, + 5, + 5 + ] + }, + "davinci003": { + "coherence": [ + 4, + 3, + 4 + ], + "summary": "The Government Personnel and Election Oversight Committee recommended the appointment and reappointment of four people to the Charter Commission, and the motion was approved by the committee with the congratulations of the council. The committee also recommended the appointment of three people to the Parks and Recreation Commission and the Civil Service Commission, and the motion was approved with the congratulations of the council.", + "consistency": [ + 5, + 4, + 4 + ], + "fluency": [ + 4, + 3, + 5 + ], + "informativeness": [ + 5, + 4, + 4 + ], + "redundancy": [ + 4, + 1, + 5 + ] + } + }, + "DenverCityCouncil_01072019_18-1442": { + "davinci003": { + "coherence": [ + 5, + 5, + 5 + ], + "summary": "The City of Denver is welcoming the 113th National Western Stock Show, Rodeo Horse Show to Denver, and the partnership between the city and county of Denver, Colorado State University and the Western Stock Association continues to strengthen. The National Western Center will become a global destination for agricultural heritage and innovation and the home of the stock show for the next hundred years.", + "consistency": [ + 5, + 4, + 4 + ], + "fluency": [ + 5, + 4, + 5 + ], + "informativeness": [ + 5, + 3, + 5 + ], + "redundancy": [ + 5, + 5, + 5 + ] + }, + "lead-3": { + "coherence": [ + 1, + 5, + 1 + ], + "summary": "Thank you, Councilman Flynn. Seeing no other announcements, we're going to move on. There are no presentations.", + "consistency": [ + 1, + 5, + 1 + ], + "fluency": [ + 1, + 5, + 5 + ], + "informativeness": [ + 1, + 1, + 1 + ], + "redundancy": [ + 1, + 5, + 5 + ] + }, + "pegasus": { + "coherence": [ + 5, + 4, + 5 + ], + "summary": "A proclamation welcoming the 113th National Western Stock Show, Rodeo Horse Show to Denver.", + "consistency": [ + 5, + 5, + 5 + ], + "fluency": [ + 4, + 4, + 5 + ], + "informativeness": [ + 4, + 4, + 5 + ], + "redundancy": [ + 5, + 5, + 5 + ] + }, + "bart": { + "coherence": [ + 4, + 3, + 1 + ], + "summary": "A proclamation in recognition of the 130th Annual National Western Stock Show, Rodeo and Horse Show to be held on January 12, 2019 at the National Western Center, National Western Hall of Education and Culture on Saturday, January 20-21 at the monthly base rent of $6,500 per session and at least $10 per session for a total annual contract amount not to exceed $20,000,000 for a period of one year, with the option to renew for four additional one-year periods, at the discretion of the City Manager.", + "consistency": [ + 3, + 3, + 3 + ], + "fluency": [ + 4, + 4, + 4 + ], + "informativeness": [ + 3, + 4, + 2 + ], + "redundancy": [ + 2, + 3, + 4 + ] + }, + "dialogLM": { + "coherence": [ + 5, + 4, + 4 + ], + "summary": "A proclamation welcoming the 113Th national Western stock show, rodeo and horse show to Denver.", + "consistency": [ + 4, + 5, + 5 + ], + "fluency": [ + 3, + 4, + 1 + ], + "informativeness": [ + 3, + 4, + 5 + ], + "redundancy": [ + 5, + 5, + 5 + ] + }, + "lexrank": { + "coherence": [ + 3, + 3, + 3 + ], + "summary": "The sitting count of Denver to the proclamation and the copy be transmitted to the National Western Stock Show. The 113th National Western Stock Show kicking off with the parade Councilman Brooks this Thursday at noon on 17th Street.", + "consistency": [ + 3, + 3, + 4 + ], + "fluency": [ + 4, + 4, + 3 + ], + "informativeness": [ + 2, + 3, + 4 + ], + "redundancy": [ + 4, + 5, + 5 + ] + }, + "hmnet": { + "coherence": [ + 4, + 5, + 4 + ], + "summary": "A proclamation welcoming the National Western stock show in Council district 10.", + "consistency": [ + 4, + 4, + 3 + ], + "fluency": [ + 4, + 4, + 4 + ], + "informativeness": [ + 4, + 3, + 3 + ], + "redundancy": [ + 5, + 5, + 5 + ] + } + }, + "DenverCityCouncil_10112021_21-1202": { + "lexrank": { + "coherence": [ + 4, + 4, + 4 + ], + "summary": "That the city and county of Denver, Colorado does hereby observe October 11th, 2021, as Indigenous Peoples Day, and that the city and the Kirk of the city and county of Denver shall attest and affixed the seal of the city and county of Denver to this proclamation, and that the copy be transmitted to the American Indian Commission and the Colorado Commission on Indian Affairs. Proclamation number 21, dash 1202 in observance of the sixth annual Indigenous People's Day in city and County of Denver.", + "consistency": [ + 4, + 4, + 4 + ], + "fluency": [ + 4, + 4, + 4 + ], + "informativeness": [ + 2, + 4, + 5 + ], + "redundancy": [ + 3, + 2, + 5 + ] + }, + "lead-3": { + "coherence": [ + 1, + 1, + 3 + ], + "summary": "All right. Right on. Thank you, Councilwoman Sandoval.", + "consistency": [ + 1, + 1, + 3 + ], + "fluency": [ + 1, + 4, + 5 + ], + "informativeness": [ + 1, + 1, + 1 + ], + "redundancy": [ + 1, + 4, + 5 + ] + }, + "pegasus": { + "coherence": [ + 3, + 5, + 5 + ], + "summary": "A proclamation in observance of the sixth annual Indigenous Peoples\u2019 Day in the City and County of Denver.", + "consistency": [ + 3, + 5, + 5 + ], + "fluency": [ + 3, + 5, + 5 + ], + "informativeness": [ + 2, + 5, + 4 + ], + "redundancy": [ + 4, + 5, + 5 + ] + }, + "dialogLM": { + "coherence": [ + 3, + 4, + 5 + ], + "summary": "A proclamation in observance of the sixth annual indigenous peoples \u2019 day in the city and county of Denver.", + "consistency": [ + 3, + 5, + 5 + ], + "fluency": [ + 3, + 5, + 4 + ], + "informativeness": [ + 2, + 5, + 4 + ], + "redundancy": [ + 4, + 5, + 5 + ] + }, + "davinci003": { + "coherence": [ + 5, + 4, + 5 + ], + "summary": "The City and County of Denver celebrated the sixth annual Indigenous People's Day on October 11th, 2021 by honoring the contributions made to the city by its indigenous community. Councilwoman Pro Tem Torres read a proclamation recognizing the contributions and indigenous community members diligence and persistence in exposing an active and nearly 150 year old state proclamation that threatened the health and personal safety of the Indigenous community.", + "consistency": [ + 4, + 4, + 4 + ], + "fluency": [ + 5, + 4, + 5 + ], + "informativeness": [ + 4, + 4, + 5 + ], + "redundancy": [ + 4, + 4, + 5 + ] + }, + "hmnet": { + "coherence": [ + 2, + 1, + 1 + ], + "summary": "A proclamation in observance of the sixth annual 1202 of 1202 in the fifth annual urban day in city and county of Denver.", + "consistency": [ + 2, + 2, + 1 + ], + "fluency": [ + 2, + 1, + 1 + ], + "informativeness": [ + 1, + 2, + 1 + ], + "redundancy": [ + 1, + 1, + 3 + ] + }, + "bart": { + "coherence": [ + 2, + 1, + 4 + ], + "summary": "A proclamation in observance of the Sixth Annual Indigenous Peoples\u2019 Day in City and County of Denver on October 10, 2021. A proclamation observant of the sixth annual Indigenous People\u2019s Day in Council District 3 on November 6, 2021 at the monthly meeting of the City Council for a one-year period from October 1, 2021 through September 30, 2024.", + "consistency": [ + 3, + 2, + 4 + ], + "fluency": [ + 2, + 1, + 4 + ], + "informativeness": [ + 2, + 2, + 5 + ], + "redundancy": [ + 1, + 2, + 5 + ] + } + }, + "SeattleCityCouncil_08052019_CB 119589": { + "lead-3": { + "coherence": [ + 1, + 3, + 1 + ], + "summary": "Bill passed in Sherwood. Sign it. Please read the report of the Gender Equality Safe Communities, New Americans in Education Committee.", + "consistency": [ + 1, + 2, + 1 + ], + "fluency": [ + 2, + 2, + 3 + ], + "informativeness": [ + 1, + 2, + 1 + ], + "redundancy": [ + 2, + 5, + 5 + ] + }, + "dialogLM": { + "coherence": [ + 3, + 5, + 5 + ], + "summary": "An ordinance relating to the city \u2019 s criminal code; conforming the Seattle municipal code to state law for crimes that require the submission of biological samples to the state of Washington.", + "consistency": [ + 3, + 4, + 5 + ], + "fluency": [ + 2, + 5, + 4 + ], + "informativeness": [ + 2, + 4, + 5 + ], + "redundancy": [ + 3, + 5, + 5 + ] + }, + "hmnet": { + "coherence": [ + 2, + 4, + 2 + ], + "summary": "An relating to the criminal code; amending the Seattle municipal code to state law for crimes that require the evaluation of submission to the state of Washington.", + "consistency": [ + 3, + 4, + 1 + ], + "fluency": [ + 2, + 4, + 5 + ], + "informativeness": [ + 2, + 4, + 1 + ], + "redundancy": [ + 3, + 5, + 5 + ] + }, + "pegasus": { + "coherence": [ + 3, + 5, + 5 + ], + "summary": "AN ORDINANCE relating to the City\u2019s Criminal Code; conforming the Seattle Municipal Code to state law for crimes that require the submission of biological samples to the State of Washington; amending Section 3.15.000 of the Seattle Municipal Code; and ratifying and confirming certain prior acts.", + "consistency": [ + 4, + 5, + 4 + ], + "fluency": [ + 3, + 5, + 4 + ], + "informativeness": [ + 2, + 5, + 5 + ], + "redundancy": [ + 1, + 5, + 5 + ] + }, + "lexrank": { + "coherence": [ + 3, + 4, + 3 + ], + "summary": "However, in this last legislative session, and thanks to the leadership of Representative or while she was able to solicit and receive a opinion from the Attorney General's Office that noted that the Washington State Patrol Crime Lab would be bound legally to process Seattle DNA samples and and results if the CMC and municipal code definitions conformed to state law. So implementing this legislation, in summary, will allow the police department and other law enforcement agencies to use DNA evidence to solve crimes, catch perpetrators, and bring justice to victims and their families in the future.", + "consistency": [ + 2, + 4, + 4 + ], + "fluency": [ + 2, + 4, + 4 + ], + "informativeness": [ + 1, + 4, + 4 + ], + "redundancy": [ + 2, + 4, + 5 + ] + }, + "bart": { + "coherence": [ + 3, + 3, + 5 + ], + "summary": "AN ORDINANCE relating to the City\u2019s criminal code; conforming the Seattle Municipal Code to state law for crimes that require the submission of biological samples to the State of Washington; amending Sections 3.02.125, 3.15.000, and 6.208.020 of, and adding a new Section 14.34.010 to, the Seattle municipal code.", + "consistency": [ + 3, + 4, + 4 + ], + "fluency": [ + 3, + 3, + 4 + ], + "informativeness": [ + 2, + 4, + 5 + ], + "redundancy": [ + 1, + 3, + 5 + ] + }, + "davinci003": { + "coherence": [ + 5, + 5, + 5 + ], + "summary": "Councilmember Gonzalez proposed a bill to conform the Seattle Municipal Code to state law for 11 serious or sex related crimes that require the submission of biological samples for the Washington State Patrol Crime Lab. The legislation does not change the elements of any of the underlying crimes and DNA samples will only be taken after conviction.", + "consistency": [ + 5, + 5, + 4 + ], + "fluency": [ + 5, + 5, + 5 + ], + "informativeness": [ + 5, + 5, + 4 + ], + "redundancy": [ + 5, + 5, + 5 + ] + } + }, + "DenverCityCouncil_02142022_22-0161": { + "lead-3": { + "coherence": [ + 1, + 3, + 1 + ], + "summary": "12 Eyes Council Resolutions 20 2-0166 and 20 2-0119 have been adopted. Madam Secretary, please put the next item on our screens. Councilmember Torres, go ahead with your comments on this 161, please.", + "consistency": [ + 1, + 1, + 1 + ], + "fluency": [ + 1, + 3, + 5 + ], + "informativeness": [ + 1, + 1, + 1 + ], + "redundancy": [ + 2, + 5, + 5 + ] + }, + "hmnet": { + "coherence": [ + 2, + 5, + 4 + ], + "summary": "A bill for an ordinance amending the Denver revised municipal code by adding a new language protest concerning the use of tear gas mask in the language and make changes pertaining to the language of the code.", + "consistency": [ + 3, + 4, + 2 + ], + "fluency": [ + 4, + 5, + 4 + ], + "informativeness": [ + 3, + 2, + 4 + ], + "redundancy": [ + 2, + 5, + 4 + ] + }, + "lexrank": { + "coherence": [ + 1, + 3, + 1 + ], + "summary": "Councilmember Flynn, will you please put the resolutions for adoption and the bills on final consideration for final passage on the floor? And bills on final consideration be placed upon final consideration and do pass in a block for the following items.", + "consistency": [ + 1, + 4, + 1 + ], + "fluency": [ + 1, + 4, + 5 + ], + "informativeness": [ + 1, + 1, + 1 + ], + "redundancy": [ + 2, + 2, + 5 + ] + }, + "davinci003": { + "coherence": [ + 5, + 5, + 5 + ], + "summary": "Councilmember Torres called attention to a concerning wording in a bill on ghost gun legislation and proposed a minor amendment to prevent a potential expansive interpretation of the language. The Council voted in favor of the amendment and Council Bill 21-1455 was placed upon final consideration and passed.", + "consistency": [ + 4, + 3, + 5 + ], + "fluency": [ + 5, + 5, + 5 + ], + "informativeness": [ + 4, + 5, + 5 + ], + "redundancy": [ + 5, + 5, + 5 + ] + }, + "pegasus": { + "coherence": [ + 1, + 4, + 5 + ], + "summary": "A resolution amending the Denver Revised Municipal Code by adding a new Chapter 8.110 relating to weapons. Amends Chapter 8.110 of the Denver Revised Municipal Code by adding a new Chapter 8.110 relating to weapons. The Committee approved filing this item at its meeting on 2-19-22.", + "consistency": [ + 2, + 3, + 5 + ], + "fluency": [ + 2, + 5, + 5 + ], + "informativeness": [ + 1, + 3, + 4 + ], + "redundancy": [ + 1, + 2, + 5 + ] + }, + "dialogLM": { + "coherence": [ + 2, + 4, + 5 + ], + "summary": "A bill for an ordinance amending the Denver revised municipal code to restructure the weapons code, properly categorize and Catego amend the language in those sections, and to clarify the legislative intent of the proposed bill. AMENDS the Denver adopted 2015 bill, article IV, section 13, as amended, and K. C. C. 1. 24. 010. the committee approved filing this item at its meeting on 2-15-21.", + "consistency": [ + 3, + 3, + 5 + ], + "fluency": [ + 3, + 4, + 4 + ], + "informativeness": [ + 2, + 3, + 5 + ], + "redundancy": [ + 2, + 5, + 4 + ] + }, + "bart": { + "coherence": [ + 4, + 5, + 3 + ], + "summary": "A resolution amending the Denver Revised Municipal Code by amending Section 11-61, D.R.M.C. concerning the weapons code and missiles division of the offenses chapter and the weapons and missiles subchapter V of the Denver Municipal Code concerning military equipment and accessories, banning bump stock firing mechanisms, and conforming the maximum capacity of ammunition magazines to state law. Amends the weapons codes and regulations to address challenges experienced over the past two years, and make conforming amendments to all articles of the code as part of regular code maintenance and upkeep. The Committee approved filing this item at its meeting on 2-14-22.", + "consistency": [ + 3, + 3, + 2 + ], + "fluency": [ + 4, + 5, + 4 + ], + "informativeness": [ + 3, + 4, + 3 + ], + "redundancy": [ + 2, + 5, + 4 + ] + } + }, + "DenverCityCouncil_11162020_20-1234": { + "bart": { + "coherence": [ + 3, + 5, + 5 + ], + "summary": "A resolution approving a proposed Third Amendatory Agreement between the City and County of Denver and Fannie Mae, Inc. to amend provisions and extend the term for the administration and grant disbursement of certain amounts of federal coronavirus relief funds during the COVID-19 health crisis. Amends a loan agreement with Fanny Mae, LLC to add three years for a new end date of 12-31-2024 and expands the scope of services to include multi-family rental assistance and homebuyer assistance programs for qualified lower-income homeowning families in financial need. No change to contract amount (HOST 202161105-01). The last regularly scheduled Council meeting", + "consistency": [ + 2, + 4, + 3 + ], + "fluency": [ + 2, + 4, + 5 + ], + "informativeness": [ + 2, + 4, + 3 + ], + "redundancy": [ + 2, + 3, + 5 + ] + }, + "pegasus": { + "coherence": [ + 2, + 1, + 4 + ], + "summary": "A resolution approving and providing for the execution of a proposed Grant Agreement between the City and County of Denver and the United States of America concerning the Department of Housing and Urban Development\u2019s (HUD) Community Development Block Grant (CDBG) program. Approves a grant agreement with the United States Department of Housing and", + "consistency": [ + 2, + 4, + 2 + ], + "fluency": [ + 2, + 1, + 4 + ], + "informativeness": [ + 2, + 4, + 2 + ], + "redundancy": [ + 3, + 4, + 5 + ] + }, + "lead-3": { + "coherence": [ + 1, + 1, + 4 + ], + "summary": "And we have this queued up for a vote. So. Council Member Cashman, would you please put Resolution one, two, three, four on the floor for adoption?", + "consistency": [ + 1, + 1, + 1 + ], + "fluency": [ + 1, + 4, + 4 + ], + "informativeness": [ + 1, + 1, + 1 + ], + "redundancy": [ + 1, + 4, + 5 + ] + }, + "lexrank": { + "coherence": [ + 2, + 1, + 4 + ], + "summary": "Knowing that there are other mortgage assistance programs available, that those are, you know, and we should be you know, we got some of the data back from the true a program on the rental side and our residents are probably using that state program a little less because they're relying on our local dollars. So both of those programs are available and have mortgage assistance for residents ready to go tomorrow.", + "consistency": [ + 1, + 2, + 4 + ], + "fluency": [ + 2, + 3, + 5 + ], + "informativeness": [ + 1, + 2, + 2 + ], + "redundancy": [ + 1, + 3, + 4 + ] + }, + "davinci003": { + "coherence": [ + 1, + 1, + 4 + ], + "summary": "Council Member Cashman moved to adopt Resolution 20-123-4, and Council Bill 1229 was the next item up for discussion.", + "consistency": [ + 1, + 1, + 2 + ], + "fluency": [ + 2, + 4, + 4 + ], + "informativeness": [ + 1, + 1, + 1 + ], + "redundancy": [ + 2, + 4, + 5 + ] + }, + "hmnet": { + "coherence": [ + 3, + 2, + 4 + ], + "summary": "A resolution approving a proposed Intergovernmental agreement between the city and county of Denver and community partners, LLC to extend the term and amend provisions for transitional foreclosures with mortgage foreclosures or mortgage foreclosures . a contract with foreclosures by adding for a new total of and six months for a successor to the Denver revised municipal code to provide rental assistance to residents facing foreclosure on a citywide). The last regularly scheduled council meeting within the 30 review period is on 3 -20. the committee approved filing this item at its meeting on 11. pursuant to Council rule 3.7, Councilman called out this resolution at the Monday, 12 -20 council meeting for a postponement to the next regularly scheduled meeting of Monday, July 31, 2017.", + "consistency": [ + 4, + 3, + 3 + ], + "fluency": [ + 3, + 1, + 4 + ], + "informativeness": [ + 3, + 3, + 3 + ], + "redundancy": [ + 2, + 1, + 5 + ] + }, + "dialogLM": { + "coherence": [ + 3, + 2, + 3 + ], + "summary": "A resolution authorizing and approving the expenditure and payment from the appropriation account designated \u201c liability claims, \u201d the sum of one million six hundred thousand dollars ($1, 600, 000. 00), payable to Killmer, Lane & Newman, Llp, in full payment and satisfaction of all claims in case no. 11-Cv-0017-Ms, in the United States District Court for the District of Colorado. settles a claim involving the Denver Department of housing and community development. This item was approved for filing by Councilwoman Cdebaca.", + "consistency": [ + 2, + 3, + 2 + ], + "fluency": [ + 3, + 2, + 4 + ], + "informativeness": [ + 2, + 3, + 1 + ], + "redundancy": [ + 3, + 1, + 5 + ] + } + }, + "LongBeachCC_08182020_20-0787": { + "bart": { + "coherence": [ + 2, + 5, + 1 + ], + "summary": "Recommendation to authorize City Manager, or designee, to execute any and all documents necessary for the Third Amendment to Management Agreement No. 21667 with Waste Management, Inc., a California corporation, for the completion of various capital improvement projects at the Long Beach Convention and Entertainment Center, 300 East Ocean Boulevard, in the amount of $600,000. (District 1)", + "consistency": [ + 1, + 1, + 1 + ], + "fluency": [ + 3, + 5, + 5 + ], + "informativeness": [ + 1, + 1, + 1 + ], + "redundancy": [ + 2, + 5, + 4 + ] + }, + "lead-3": { + "coherence": [ + 1, + 5, + 4 + ], + "summary": "23 to 33. Item 23 is a report from economic development. Recommendation to execute the Third Amendment to lease between Long Beach Center and the City of Long Beach for a six month extension for city lease office space at 420 Pine Avenue for the Office of Certain Veterans Organization.", + "consistency": [ + 1, + 4, + 4 + ], + "fluency": [ + 2, + 5, + 4 + ], + "informativeness": [ + 1, + 3, + 5 + ], + "redundancy": [ + 3, + 5, + 4 + ] + }, + "dialogLM": { + "coherence": [ + 3, + 5, + 3 + ], + "summary": "Recommendation to authorize city manager, or Designee, to execute any and all documents necessary for the third amendment to lease no. 301442 between long Beach center and the city of long Beach for a six-month extension for city lease office space at 420 pine Avenue for the office of certain veterans organization. (citywide)", + "consistency": [ + 2, + 3, + 3 + ], + "fluency": [ + 2, + 4, + 3 + ], + "informativeness": [ + 2, + 4, + 4 + ], + "redundancy": [ + 4, + 5, + 4 + ] + }, + "davinci003": { + "coherence": [ + 3, + 5, + 1 + ], + "summary": "The article discusses several reports from various departments in the City of Long Beach, such as Economic Development and Parks, Recreation, and Marine, and their corresponding recommendations for various projects. Additionally, a resident of the third district proposed a plan to the city manager to allow him complete operational control and autonomy to redefine the city into a living building.", + "consistency": [ + 2, + 1, + 1 + ], + "fluency": [ + 4, + 5, + 4 + ], + "informativeness": [ + 2, + 1, + 1 + ], + "redundancy": [ + 5, + 5, + 4 + ] + }, + "pegasus": { + "coherence": [ + 3, + 4, + 1 + ], + "summary": "Recommendation to authorize City Manager, or designee, to execute all documents necessary for the Third Amendment to Lease No. 28164 between the City of Long Beach and the Long Beach Center, LLC, a Delaware limited liability company, for a six-month extension for City lease office space at 420 Pine Avenue, for the", + "consistency": [ + 3, + 4, + 3 + ], + "fluency": [ + 2, + 4, + 1 + ], + "informativeness": [ + 3, + 4, + 4 + ], + "redundancy": [ + 4, + 5, + 3 + ] + }, + "lexrank": { + "coherence": [ + 2, + 3, + 1 + ], + "summary": "District one Item 24 A Report from Economic Development. Recommendation to adopt resolution authorizing the city manager to execute a contract with PPB Lora Corporation for the purchase of seven 2020 CNG few freightliner dump trucks for a total contract amount not to exceed 1.6 million citywide.", + "consistency": [ + 1, + 1, + 1 + ], + "fluency": [ + 3, + 5, + 3 + ], + "informativeness": [ + 1, + 1, + 1 + ], + "redundancy": [ + 3, + 5, + 3 + ] + }, + "hmnet": { + "coherence": [ + 2, + 3, + 1 + ], + "summary": "Recommendation to adopt resolution authorizing city manager, or Designee, to execute a contract, and any necessary amendments, with the port of long Beach, ca, for the purchase of 2020 city office lease, vacant for the office of city office space at 300 East ocean Boulevard, in the amount of, for a period of six months with the option to renew for three additional six periods, at the discretion of the city manager; execute all documents necessary to enter into contracts, including any necessary subsequent amendments.)", + "consistency": [ + 1, + 2, + 1 + ], + "fluency": [ + 3, + 3, + 4 + ], + "informativeness": [ + 1, + 2, + 1 + ], + "redundancy": [ + 4, + 5, + 4 + ] + } + }, + "LongBeachCC_03102020_20-0205": { + "davinci003": { + "coherence": [ + 5, + 4, + 5 + ], + "summary": "The City Council is considering entering into an exclusive negotiation agreement with Little Brass Cafe and the Grand Food and Beverage to test out concession offerings at El Dorado East Regional Park. The goal is to better serve the park\u2019s one million visitors and enhance their experience by reactivating three existing vacant buildings.", + "consistency": [ + 5, + 4, + 5 + ], + "fluency": [ + 5, + 4, + 5 + ], + "informativeness": [ + 4, + 4, + 5 + ], + "redundancy": [ + 5, + 5, + 5 + ] + }, + "pegasus": { + "coherence": [ + 3, + 4, + 5 + ], + "summary": "Recommendation to authorize City Manager, or designee, to execute an Exclusive Negotiation Agreement with Little Saigon Cafe, LLC, and The Grand Food and Beverage, LLC, for the maintenance and operation of concessions at El Dorado East Regional Park. (District 5)", + "consistency": [ + 4, + 3, + 2 + ], + "fluency": [ + 3, + 4, + 5 + ], + "informativeness": [ + 4, + 3, + 4 + ], + "redundancy": [ + 3, + 4, + 5 + ] + }, + "hmnet": { + "coherence": [ + 3, + 2, + 4 + ], + "summary": "Recommendation to authorize city manager, or Designee, to execute an exclusive right agreement) with little brass cafe and the grand food and beverage & beverage, Inc., a California limited liability company), for the purpose of maintenance and operation of concessions at EI Dorado East regional park in the amount of.)", + "consistency": [ + 3, + 2, + 3 + ], + "fluency": [ + 2, + 1, + 2 + ], + "informativeness": [ + 2, + 2, + 3 + ], + "redundancy": [ + 2, + 2, + 5 + ] + }, + "bart": { + "coherence": [ + 3, + 3, + 3 + ], + "summary": "Recommendation to authorize City Manager to execute an Exclusive Negotiation Agreement with Little Brass Cafe, LLC, dba The Grand Food and Beverage, for the maintenance and operation of concessions at El Dorado East Regional Park, for a term of one year, with the option to renew for one additional one-year period, at the discretion of the City Manager. (District 5)", + "consistency": [ + 3, + 3, + 4 + ], + "fluency": [ + 2, + 4, + 3 + ], + "informativeness": [ + 2, + 3, + 4 + ], + "redundancy": [ + 2, + 4, + 5 + ] + }, + "lead-3": { + "coherence": [ + 1, + 1, + 2 + ], + "summary": "I think, you know, we're comfortable in Mongo. Did you want to move up 3 to 5. Please?", + "consistency": [ + 1, + 1, + 1 + ], + "fluency": [ + 2, + 1, + 4 + ], + "informativeness": [ + 1, + 1, + 1 + ], + "redundancy": [ + 2, + 5, + 5 + ] + }, + "dialogLM": { + "coherence": [ + 4, + 4, + 5 + ], + "summary": "Recommendation to authorize city manager to execute all documents necessary to enter into an exclusive negotiation agreement with little brass cafe and the grand food and beverage for the maintenance and operation of concessions at El Dorado East regional Park, for a period of six months, with the option to renew for two additional six-month periods, at the discretion of the city manager. (district 5)", + "consistency": [ + 3, + 3, + 4 + ], + "fluency": [ + 2, + 4, + 3 + ], + "informativeness": [ + 3, + 4, + 5 + ], + "redundancy": [ + 3, + 4, + 5 + ] + }, + "lexrank": { + "coherence": [ + 1, + 1, + 5 + ], + "summary": "So a little bit about the park itself. But there's still another 20 to $30 million of need at the park.", + "consistency": [ + 2, + 1, + 5 + ], + "fluency": [ + 2, + 1, + 4 + ], + "informativeness": [ + 1, + 1, + 1 + ], + "redundancy": [ + 3, + 5, + 5 + ] + } + }, + "LongBeachCC_07192016_16-0644": { + "pegasus": { + "coherence": [ + 4, + 4, + 3 + ], + "summary": "Recommendation to receive and file a report from the Convention and Visitors Bureau regarding the A6 World Series of Beach Volleyball and POW Wow Long Beach.", + "consistency": [ + 3, + 4, + 2 + ], + "fluency": [ + 4, + 4, + 2 + ], + "informativeness": [ + 3, + 3, + 3 + ], + "redundancy": [ + 5, + 5, + 4 + ] + }, + "bart": { + "coherence": [ + 3, + 5, + 4 + ], + "summary": "Recommendation to receive and file a report from the Convention and Visitors Bureau regarding the due tour of the A-6 World Series of Beach Volley and POW Wow Long Beach in accordance with Long Beach Municipal Code Section 2.36.060 and Long Beach Convention and Entertainment Commission recommendation, and authorize City Manager to approve the final terms and conditions of the agreement, including any necessary amendments.", + "consistency": [ + 2, + 4, + 3 + ], + "fluency": [ + 2, + 4, + 4 + ], + "informativeness": [ + 2, + 4, + 4 + ], + "redundancy": [ + 3, + 5, + 4 + ] + }, + "hmnet": { + "coherence": [ + 3, + 4, + 1 + ], + "summary": "Recommendation to receive and file a report from the convention and visitors Bureau regarding the due tour.", + "consistency": [ + 2, + 4, + 2 + ], + "fluency": [ + 3, + 4, + 2 + ], + "informativeness": [ + 1, + 2, + 1 + ], + "redundancy": [ + 5, + 5, + 4 + ] + }, + "lexrank": { + "coherence": [ + 1, + 1, + 1 + ], + "summary": "Long Beach. Beach and in like.", + "consistency": [ + 1, + 1, + 1 + ], + "fluency": [ + 1, + 2, + 1 + ], + "informativeness": [ + 1, + 1, + 1 + ], + "redundancy": [ + 1, + 5, + 5 + ] + }, + "lead-3": { + "coherence": [ + 1, + 2, + 1 + ], + "summary": "Okay. We actually have one more presentation, which is an agenda item. But, but we're going to take that up now because it's a CVB presentation.", + "consistency": [ + 1, + 2, + 1 + ], + "fluency": [ + 3, + 4, + 3 + ], + "informativeness": [ + 1, + 1, + 1 + ], + "redundancy": [ + 3, + 4, + 3 + ] + }, + "davinci003": { + "coherence": [ + 5, + 5, + 2 + ], + "summary": "The Convention and Visitors Bureau presented the A6 World Series of Beach Volleyball and POW Wow Long Beach, which was attended by over 23,000 people. Additionally, the Longines Equestrian Tournament in Paris and Hong Kong was promoted in Long Beach as the L.A. component, capping out the summer with events that put Long Beach on the map.", + "consistency": [ + 4, + 3, + 2 + ], + "fluency": [ + 5, + 4, + 2 + ], + "informativeness": [ + 4, + 3, + 3 + ], + "redundancy": [ + 4, + 5, + 3 + ] + }, + "dialogLM": { + "coherence": [ + 3, + 4, + 1 + ], + "summary": "Recommendation to receive and file a report from the convention and visitors Bureau regarding the \"due tour \", the \"world series of Beach volleyball, and POW Wow long Beach.", + "consistency": [ + 2, + 4, + 2 + ], + "fluency": [ + 1, + 4, + 1 + ], + "informativeness": [ + 1, + 4, + 3 + ], + "redundancy": [ + 2, + 5, + 3 + ] + } + }, + "KingCountyCC_05052021_2021-0173": { + "pegasus": { + "coherence": [ + 3, + 4, + 5 + ], + "summary": "A MOTION confirming the executive's appointment of Jenny Yang, who resides in council district eight, to the King County immigrant and refugee commission, as an ex officio member.", + "consistency": [ + 3, + 3, + 1 + ], + "fluency": [ + 3, + 4, + 4 + ], + "informativeness": [ + 1, + 3, + 1 + ], + "redundancy": [ + 3, + 4, + 5 + ] + }, + "davinci003": { + "coherence": [ + 5, + 5, + 5 + ], + "summary": "The article describes the proposed motions to confirm the executive appointments of Jenny Yang, Khawaja Ray, and Jacob Taylor-Mosquera to the King County Immigrant and Refugee Commission. The appointees discussed their background and their thoughts on how county government can improve services to immigrants and refugees.", + "consistency": [ + 5, + 4, + 3 + ], + "fluency": [ + 5, + 5, + 4 + ], + "informativeness": [ + 4, + 5, + 3 + ], + "redundancy": [ + 5, + 5, + 5 + ] + }, + "hmnet": { + "coherence": [ + 3, + 4, + 5 + ], + "summary": "A confirming the appointment of Juan Yang, who resides in Council district eight, to the King County immigrant and refugee Commission, identifying the executive of the following persons being responsible for work in the Department of communication and coordination of the work of Stakeholders; and ratifying and confirming certain prior acts.", + "consistency": [ + 3, + 4, + 1 + ], + "fluency": [ + 2, + 4, + 4 + ], + "informativeness": [ + 2, + 3, + 3 + ], + "redundancy": [ + 3, + 5, + 5 + ] + }, + "bart": { + "coherence": [ + 5, + 3, + 4 + ], + "summary": "A MOTION confirming the executive's appointment of Jenny Yang, who resides in council district eight, to the King County immigrant and refugee commission, as the district four executive at-large representative; and confirming the appointment of Juan Cole, La Hayde and Jacob Taylor, Mosquera to the Immigration and Refugee Commission, as co-sponsors.", + "consistency": [ + 4, + 4, + 1 + ], + "fluency": [ + 4, + 2, + 4 + ], + "informativeness": [ + 4, + 3, + 3 + ], + "redundancy": [ + 4, + 2, + 5 + ] + }, + "lead-3": { + "coherence": [ + 2, + 1, + 1 + ], + "summary": "Is there anyone here to offer testimony on the Immigrant Refugee Commission appointments? I'm seeing none in so meetings and Walgreens. I'm going to move to item six, seven and eight on today's agenda.", + "consistency": [ + 1, + 1, + 1 + ], + "fluency": [ + 1, + 3, + 1 + ], + "informativeness": [ + 1, + 1, + 1 + ], + "redundancy": [ + 3, + 5, + 5 + ] + }, + "lexrank": { + "coherence": [ + 2, + 2, + 2 + ], + "summary": "Chair, we have motion 2021 171 to appoint Gina to the Immigrant Refugee Commission. It's been moved that we give it to pass recommendation to motions 2021, 172 and 173 went in Mr. Away and Mr. Taylor must go to the Immigrant Refugee Commission.", + "consistency": [ + 1, + 3, + 1 + ], + "fluency": [ + 1, + 2, + 4 + ], + "informativeness": [ + 1, + 3, + 1 + ], + "redundancy": [ + 1, + 2, + 5 + ] + }, + "dialogLM": { + "coherence": [ + 4, + 4, + 5 + ], + "summary": "A motion confirming the executive' s appointment of Jenny Yang, who resides in Council district eight, to the King County immigrant and refugee Commission.", + "consistency": [ + 3, + 3, + 1 + ], + "fluency": [ + 4, + 4, + 5 + ], + "informativeness": [ + 2, + 3, + 1 + ], + "redundancy": [ + 5, + 5, + 5 + ] + } + }, + "DenverCityCouncil_06012015_15-0383": { + "pegasus": { + "coherence": [ + 4, + 5, + 5 + ], + "summary": "A proclamation honoring the 2015 University of Denver Men\u2019s Lacrosse Team and winning the National Collegiate Athletic Association Division 1 Lacrosse National Championship.", + "consistency": [ + 4, + 5, + 5 + ], + "fluency": [ + 4, + 5, + 5 + ], + "informativeness": [ + 4, + 5, + 5 + ], + "redundancy": [ + 5, + 5, + 5 + ] + }, + "hmnet": { + "coherence": [ + 4, + 5, + 4 + ], + "summary": "A proclamation honoring the 2015 University of Denver Lacrosse team and winning the 2015 Ncaa championship Lacrosse Lacrosse Lacrosse team.", + "consistency": [ + 4, + 5, + 4 + ], + "fluency": [ + 3, + 1, + 4 + ], + "informativeness": [ + 4, + 5, + 4 + ], + "redundancy": [ + 2, + 1, + 3 + ] + }, + "lead-3": { + "coherence": [ + 2, + 3, + 4 + ], + "summary": "President. We do have one proclamation tonight. Proclamation 383 Sponsored by me, a proclamation honoring the 2015 University of Denver men's lacrosse team and winning the National Collegiate Athletic Associate Division one Lacrosse National Championship.", + "consistency": [ + 2, + 5, + 5 + ], + "fluency": [ + 2, + 4, + 4 + ], + "informativeness": [ + 1, + 4, + 4 + ], + "redundancy": [ + 3, + 4, + 5 + ] + }, + "dialogLM": { + "coherence": [ + 3, + 4, + 4 + ], + "summary": "A proclamation honoring the 2015 University of Denver men \u2019 s Lacrosse team and winning the National collegiate Denver associate division 1 Lacrosse championship.", + "consistency": [ + 3, + 3, + 5 + ], + "fluency": [ + 2, + 4, + 4 + ], + "informativeness": [ + 3, + 3, + 5 + ], + "redundancy": [ + 4, + 5, + 5 + ] + }, + "davinci003": { + "coherence": [ + 5, + 1, + 5 + ], + "summary": "The Denver City Council adopted Proclamation 383 honoring the 2015 University of Denver men's lacrosse team for winning the National Collegiate Athletic Association Division one Lacrosse National Championship. Additionally, the Council approved resolutions establishing a parcel of land as part of the city street system and appointing a member to the Crime Prevention and Control Commission.", + "consistency": [ + 2, + 4, + 2 + ], + "fluency": [ + 5, + 3, + 4 + ], + "informativeness": [ + 2, + 2, + 2 + ], + "redundancy": [ + 5, + 4, + 5 + ] + }, + "bart": { + "coherence": [ + 4, + 4, + 5 + ], + "summary": "A proclamation honoring the 2015 University of Denver Pioneers Lacrosse team and winning the National Collegiate Athletic Association Division I Lacrosse National Championship. Sponsored by Council President Bill Tierney and Vice Mayor Sussaman. (GOVERNANCE & CHARTER REFERENCE)", + "consistency": [ + 4, + 5, + 4 + ], + "fluency": [ + 3, + 5, + 4 + ], + "informativeness": [ + 4, + 4, + 5 + ], + "redundancy": [ + 3, + 4, + 5 + ] + }, + "lexrank": { + "coherence": [ + 3, + 3, + 4 + ], + "summary": "Proclamation 383 Sponsored by me, a proclamation honoring the 2015 University of Denver men's lacrosse team and winning the National Collegiate Athletic Associate Division one Lacrosse National Championship. WHEREAS, Coach Bill Tierney came to the University of Denver in 2009 after success, coaching at Princeton is now the first Division one lacrosse coach to win national titles at two different universities for a record seven title.", + "consistency": [ + 2, + 4, + 4 + ], + "fluency": [ + 2, + 4, + 4 + ], + "informativeness": [ + 1, + 4, + 4 + ], + "redundancy": [ + 2, + 5, + 5 + ] + } + }, + "LongBeachCC_05012018_18-0362": { + "davinci003": { + "coherence": [ + 5, + 5, + 5 + ], + "summary": "The City Council received and filed the biennial report on public convenience and necessity regarding taxicab service, finding the number of authorized taxi cabs is sufficient for the needs of the city. The Council also extended the terms of the Taxi Regulation Modernization Pilot Program for a period of 12 months and authorized appropriate revisions to the current taxicab ordinance citywide.", + "consistency": [ + 5, + 5, + 5 + ], + "fluency": [ + 5, + 5, + 5 + ], + "informativeness": [ + 5, + 5, + 4 + ], + "redundancy": [ + 5, + 5, + 5 + ] + }, + "hmnet": { + "coherence": [ + 3, + 4, + 5 + ], + "summary": "Recommendation to receive and file the biennial report on the taxicab modernization pilot program.)", + "consistency": [ + 2, + 4, + 5 + ], + "fluency": [ + 2, + 3, + 4 + ], + "informativeness": [ + 1, + 4, + 3 + ], + "redundancy": [ + 4, + 5, + 5 + ] + }, + "lexrank": { + "coherence": [ + 3, + 5, + 5 + ], + "summary": "Therefore, Staff is recommending that the pilot program be extended for a period of 12 months, and that Council authorized the Department of Financial Management and City Attorney to work with Long Beach Yellow Cab to prepare appropriate revisions to the current taxicab ordinance. Staff finds that the pilot program has been an effective tool to assist Yellow Cab in remaining competitive in the TNC driven market while providing quality taxicab services to Long Beach residents and transit.", + "consistency": [ + 2, + 5, + 4 + ], + "fluency": [ + 2, + 5, + 5 + ], + "informativeness": [ + 1, + 4, + 4 + ], + "redundancy": [ + 3, + 5, + 5 + ] + }, + "lead-3": { + "coherence": [ + 3, + 1, + 4 + ], + "summary": "Thank you. Seeing no further council comment members, please cast your vote. Motion carries.", + "consistency": [ + 1, + 1, + 1 + ], + "fluency": [ + 3, + 4, + 5 + ], + "informativeness": [ + 1, + 1, + 1 + ], + "redundancy": [ + 3, + 4, + 5 + ] + }, + "bart": { + "coherence": [ + 4, + 5, + 5 + ], + "summary": "Recommendation to receive and file the Biennial Report on Public Convenience and Necessity Regarding Taxicab Service; conclude the hearing and determine that the number of authorized taxicabs is sufficient for the needs of the City; find that Long Beach Yellow Cab Cooperative is in full compliance with the terms and conditions of the current permit; direct that the period for filing of taxi cab applications remain closed; and authorize City Manager, or designee, to amend the permit with LBYC to approve the requested change in logo, vehicle branding and color; and receive and confirm the terms of the Taxi Regulation Modernization Pilot Program for a period of one year, with the option to renew", + "consistency": [ + 4, + 5, + 5 + ], + "fluency": [ + 4, + 5, + 5 + ], + "informativeness": [ + 3, + 5, + 5 + ], + "redundancy": [ + 3, + 5, + 5 + ] + }, + "pegasus": { + "coherence": [ + 3, + 3, + 5 + ], + "summary": "Recommendation to receive and file the Biennial Report on Public Convenience and Necessity Regarding Taxicab Service; conclude the hearing and determine that the number of authorized taxicab cabs is sufficient for the needs of the City; find that Long Beach Yellow Cab Cooperative is in full compliance with the terms and conditions of the current permit; direct", + "consistency": [ + 4, + 5, + 5 + ], + "fluency": [ + 2, + 3, + 5 + ], + "informativeness": [ + 4, + 5, + 4 + ], + "redundancy": [ + 4, + 4, + 5 + ] + }, + "dialogLM": { + "coherence": [ + 4, + 4, + 4 + ], + "summary": "Recommendation to receive and file the biennial report on public convenience and necessity regarding taxicab service, conclude the hearing and determine that the number of authorized Taxicabs is sufficient for the needs of the city; find that long Beach yellow cab cooperative is in full compliance with the terms and conditions of the current permit; and, authorize city manager, or Designee, to amend the permit with L. B. Y. C. to approve the requested change in logo, vehicle branding and vehicle color, as provided in option 2 of the permit; extend the terms of the pilot program for a period of 12 months; and authorize financial management Department and city attorney to prepare appropriate revisions to the current Taxicap ordinance. (citywide)", + "consistency": [ + 4, + 4, + 4 + ], + "fluency": [ + 3, + 4, + 4 + ], + "informativeness": [ + 3, + 4, + 5 + ], + "redundancy": [ + 1, + 3, + 5 + ] + } + }, + "LongBeachCC_04192022_22-0433": { + "lead-3": { + "coherence": [ + 1, + 1, + 1 + ], + "summary": "The motion is carried. Nine. Jo.", + "consistency": [ + 1, + 1, + 1 + ], + "fluency": [ + 1, + 1, + 1 + ], + "informativeness": [ + 1, + 1, + 1 + ], + "redundancy": [ + 3, + 5, + 5 + ] + }, + "bart": { + "coherence": [ + 3, + 4, + 5 + ], + "summary": "Recommendation to authorize City Manager, or designee, to execute an agreement, and any necessary documents and amendments, with the Conrad Hilton Foundation to accept and expend grant funding in an amount not to exceed $1,600,000 for the creation of a new Space Beach Youth Workforce Development program that will serve 125 youth, for the period of January 1, 2022 through December 31, 2025; and Increase appropriations in the Community Development Grants Fund (SR 150) in the Economic Development Department (ED) by $250,000, offset by grant revenue. (Citywide)", + "consistency": [ + 2, + 3, + 2 + ], + "fluency": [ + 2, + 4, + 4 + ], + "informativeness": [ + 2, + 3, + 5 + ], + "redundancy": [ + 2, + 4, + 5 + ] + }, + "davinci003": { + "coherence": [ + 5, + 4, + 5 + ], + "summary": "The article discusses a grant from the Hilton Foundation to the city of Long Beach to create a Space Beach Youth Workforce Program. This program will provide career exploration, career preparation, and paid internships to disadvantaged youth in the aerospace industry.", + "consistency": [ + 5, + 3, + 4 + ], + "fluency": [ + 5, + 4, + 5 + ], + "informativeness": [ + 5, + 4, + 4 + ], + "redundancy": [ + 5, + 5, + 5 + ] + }, + "dialogLM": { + "coherence": [ + 3, + 4, + 5 + ], + "summary": "Recommendation to authorize city manager, or Designee, to execute an agreement, and any necessary documents including any subsequent amendments, with the Conrad Hilton foundation, a California 501 (c) (3) corporation, to accept and expend grant funding in an amount not to exceed $1, 631, 421 for the creation of a new space Beach workforce development program; and increase appropriations in the general grants Fund (SR 120) in the economic development Department (Ed) by $379, 421, offset by grant revenue. (citywide)", + "consistency": [ + 2, + 3, + 3 + ], + "fluency": [ + 1, + 4, + 4 + ], + "informativeness": [ + 2, + 3, + 4 + ], + "redundancy": [ + 1, + 4, + 5 + ] + }, + "lexrank": { + "coherence": [ + 2, + 1, + 4 + ], + "summary": "So we're particularly proud of those three things with this Space Beach Youth Workforce Program is going to do is really three things. It's just an incredible opportunity for our youth and I couldn't be more excited.", + "consistency": [ + 2, + 1, + 4 + ], + "fluency": [ + 2, + 4, + 5 + ], + "informativeness": [ + 1, + 1, + 1 + ], + "redundancy": [ + 3, + 3, + 5 + ] + }, + "pegasus": { + "coherence": [ + 4, + 4, + 4 + ], + "summary": "Recommendation to authorize City Manager, or designee, to execute an agreement, and all necessary documents including subsequent amendments, with the Conrad N. Hilton Foundation, to accept and expend grant funding in the amount not to exceed $1,674,000 for the creation of a new Space Beach program, for a period of three years,", + "consistency": [ + 3, + 4, + 4 + ], + "fluency": [ + 4, + 4, + 4 + ], + "informativeness": [ + 3, + 4, + 4 + ], + "redundancy": [ + 4, + 5, + 5 + ] + }, + "hmnet": { + "coherence": [ + 1, + 2, + 4 + ], + "summary": "Recommendation to authorize city manager to execute an agreement with Conrad foundation to accept grant funding in the amount not to exceed for the creation of a new space Beach youth opportunity youth program.)", + "consistency": [ + 1, + 3, + 4 + ], + "fluency": [ + 1, + 1, + 4 + ], + "informativeness": [ + 1, + 3, + 3 + ], + "redundancy": [ + 1, + 5, + 5 + ] + } + }, + "DenverCityCouncil_02252019_18-1540": { + "lead-3": { + "coherence": [ + 1, + 1, + 1 + ], + "summary": "11 eyes. Comfortable. 18 Dash 1424 has passed.", + "consistency": [ + 1, + 1, + 1 + ], + "fluency": [ + 1, + 1, + 1 + ], + "informativeness": [ + 1, + 1, + 1 + ], + "redundancy": [ + 3, + 5, + 5 + ] + }, + "lexrank": { + "coherence": [ + 2, + 3, + 3 + ], + "summary": "And the fourth plan is the Globeville Neighborhood Plan from 2014 again, which mostly just reinforces the recommendations of the 41st and Fox station area plan, calling for a mixed use development around the station so staff finds the first criterion is met. And with that, I'm going to request that city council vote to approve Council Bill 18, dash 1540 rezoning 4055 allotted to CMC and I'm available.", + "consistency": [ + 3, + 3, + 3 + ], + "fluency": [ + 2, + 4, + 3 + ], + "informativeness": [ + 2, + 3, + 2 + ], + "redundancy": [ + 2, + 4, + 4 + ] + }, + "dialogLM": { + "coherence": [ + 2, + 4, + 3 + ], + "summary": "A bill for an ordinance changing the zoning classification for 4055 Elati street in Globeville. APPROVES an official map amendment to Rezone property from I-A Uo-2 to C-Mx-8 (industrial to urban center, Mixed-Use), located at 4055 Lati St. in Council district 9. the committee approved filing this item at its meeting on 1-15-18. community planning and development has determined that the requirement for a legal protest (signatures of the owners of 20 percent or more either of the area of the lots included in the proposed change or of the total land area within 200 feet from the subject area) has been met (petition signatures represent 0% and 21. 6%, respectively).", + "consistency": [ + 4, + 3, + 3 + ], + "fluency": [ + 2, + 4, + 4 + ], + "informativeness": [ + 3, + 4, + 3 + ], + "redundancy": [ + 3, + 4, + 5 + ] + }, + "davinci003": { + "coherence": [ + 5, + 2, + 5 + ], + "summary": "The article is about a request to rezone a 19,000 square foot property from IAU oh two to C Annex 8 Urban Center Neighborhood Context mixed use with an 8-story maximum height. After a public hearing, the city council voted to approve the rezoning due to its consistency with adopted plans and its ability to further public health, safety, and welfare.", + "consistency": [ + 5, + 1, + 3 + ], + "fluency": [ + 5, + 2, + 3 + ], + "informativeness": [ + 5, + 2, + 3 + ], + "redundancy": [ + 5, + 3, + 5 + ] + }, + "hmnet": { + "coherence": [ + 1, + 2, + 1 + ], + "summary": "A bill for an ordinance changing the zoning classification for approximately street in university park . an official map amendment to Rezone property located at approximately 1540 53Rd street from I -A Uo -2 to C in Council district 9. the committee approved filing this bill at its meeting on 12.", + "consistency": [ + 3, + 2, + 1 + ], + "fluency": [ + 2, + 2, + 1 + ], + "informativeness": [ + 3, + 2, + 1 + ], + "redundancy": [ + 3, + 3, + 5 + ] + }, + "bart": { + "coherence": [ + 2, + 3, + 5 + ], + "summary": "A bill for an ordinance changing the zoning classification for 4055 LRT Street in Globeville. Approves an official map amendment to rezone property from I-A UO-2 to C-MX-8 (industrial to commercial, mixed-use), located at 4055 Long Beach Boulevard in Council District 9. The Committee approved filing this item at its meeting on 1-15-19.", + "consistency": [ + 4, + 2, + 2 + ], + "fluency": [ + 3, + 3, + 4 + ], + "informativeness": [ + 4, + 2, + 4 + ], + "redundancy": [ + 4, + 2, + 4 + ] + }, + "pegasus": { + "coherence": [ + 2, + 3, + 3 + ], + "summary": "A bill for an ordinance changing the zoning classification for 4055 North 39th Avenue in Globeville. Approves an official map amendment to rezone property located at 4055 North 39th Avenue from I-A UO-2 to C-MX-8 (industrial to urban center, mixed-use) in Council", + "consistency": [ + 4, + 2, + 4 + ], + "fluency": [ + 3, + 4, + 3 + ], + "informativeness": [ + 4, + 2, + 4 + ], + "redundancy": [ + 3, + 4, + 5 + ] + } + }, + "DenverCityCouncil_11042019_19-1110": { + "dialogLM": { + "coherence": [ + 2, + 2, + 4 + ], + "summary": "As amended a bill for an ordinance authorizing the director of excise and licenses to operate the Denver entertainment district and the common consumption area licensing program. APPROVES the Mayoral reappointment of Michael Eugene Somma as acting director. The committee approved filing this item at its meeting on 10-27-19. amended 10-22-19 to specify that the director shall report in writing to city council by April 15 of each year beginning 2021 on the operation of the entertainment district (Thtrd) and the Colfax performing arts district licensing program for a term effective immediately and expiring 6-30-26, or until a successor is duly appointed, and the committee submitted a report recommending that the appointment ought to take effect at 12: 01 A. M. on October 1, 2019, read and adopted as read.", + "consistency": [ + 4, + 2, + 2 + ], + "fluency": [ + 2, + 4, + 4 + ], + "informativeness": [ + 2, + 2, + 3 + ], + "redundancy": [ + 1, + 3, + 5 + ] + }, + "hmnet": { + "coherence": [ + 2, + 1, + 5 + ], + "summary": "A resolution amending the Denver city council rules of procedure.)", + "consistency": [ + 1, + 1, + 1 + ], + "fluency": [ + 2, + 1, + 4 + ], + "informativeness": [ + 1, + 1, + 1 + ], + "redundancy": [ + 5, + 5, + 5 + ] + }, + "lexrank": { + "coherence": [ + 1, + 1, + 4 + ], + "summary": "Mr. President I move that council bill 19 dash 1110 be ordered published as amended be ordered published. Madam Secretary, roll call on 1110 as amended.", + "consistency": [ + 1, + 1, + 1 + ], + "fluency": [ + 2, + 1, + 4 + ], + "informativeness": [ + 1, + 1, + 1 + ], + "redundancy": [ + 2, + 5, + 5 + ] + }, + "pegasus": { + "coherence": [ + 2, + 3, + 4 + ], + "summary": "AS AMENDED a bill for an ordinance amending Chapter 48 of the Revised Municipal Code of the City and County of Denver regarding the operation of the Entertainment District and the Common Consumption Area licensing program. Amends Chapter 48 of the Denver Revised Municipal Code regarding the operation of the Entertainment District and the Common Consumption Area licensing", + "consistency": [ + 3, + 4, + 4 + ], + "fluency": [ + 2, + 4, + 5 + ], + "informativeness": [ + 2, + 4, + 4 + ], + "redundancy": [ + 1, + 2, + 3 + ] + }, + "bart": { + "coherence": [ + 2, + 1, + 5 + ], + "summary": "A resolution authorizing and approving the expenditure and payment from the appropriation account designated \u201cliability claims,\u201d the sum of One Million Six Hundred Thousand Dollars ($1,600,000.00), payable to Molly Miranda Craig and Heideman Poor, LLC, in full payment and satisfaction of all claims filed by the 15 plaintiffs in the lawsuit against the City in the United States District Court for the District of Colorado. Settles a claim involving the Denver Police Department. This item was approved for filing at the Mayor-Council meeting on 10-29-19.", + "consistency": [ + 3, + 1, + 1 + ], + "fluency": [ + 3, + 2, + 5 + ], + "informativeness": [ + 2, + 1, + 1 + ], + "redundancy": [ + 2, + 3, + 5 + ] + }, + "lead-3": { + "coherence": [ + 1, + 1, + 4 + ], + "summary": "I move that resolution 19 dash 1110 be adopted. All right. It has been moved and seconded.", + "consistency": [ + 1, + 1, + 1 + ], + "fluency": [ + 2, + 3, + 4 + ], + "informativeness": [ + 1, + 1, + 1 + ], + "redundancy": [ + 4, + 3, + 5 + ] + }, + "davinci003": { + "coherence": [ + 4, + 3, + 4 + ], + "summary": "Councilwoman Ortega proposed an amendment to Resolution 19-1110 to require the Department of Excise and License to report to City Council by April 15th each year on the operation of the Entertainment District and the Common Consumption Area Licensing Program. The amendment was passed and Council Bill 19-1110 was ordered published.", + "consistency": [ + 3, + 2, + 4 + ], + "fluency": [ + 4, + 3, + 4 + ], + "informativeness": [ + 3, + 2, + 4 + ], + "redundancy": [ + 5, + 4, + 5 + ] + } + }, + "DenverCityCouncil_08092021_21-0818": { + "hmnet": { + "coherence": [ + 4, + 3, + 5 + ], + "summary": "A bill for an ordinance amending section 8 of the Denver revised municipal code requiring extensions of the current contract to extend the term and increase the contract amount by at least one year for a new end date of 12 with additional monetary and non considerations at Denver International Airport . 236)", + "consistency": [ + 5, + 3, + 1 + ], + "fluency": [ + 4, + 2, + 4 + ], + "informativeness": [ + 5, + 3, + 1 + ], + "redundancy": [ + 5, + 4, + 5 + ] + }, + "davinci003": { + "coherence": [ + 2, + 5, + 5 + ], + "summary": "Council Member Cunneen called out Bill 818 for comments under pending, which would protect essential workers in more categories, particularly those employed at the airport, and the council President thanked the workers and leadership at the airport for their efforts and commended the bill for its ability to stabilize families in the community.", + "consistency": [ + 3, + 5, + 4 + ], + "fluency": [ + 2, + 5, + 5 + ], + "informativeness": [ + 2, + 4, + 4 + ], + "redundancy": [ + 3, + 5, + 5 + ] + }, + "lexrank": { + "coherence": [ + 1, + 2, + 5 + ], + "summary": "And so I believe that if we're going to be comprehensive, right, in thinking about our airport as an economic agenda or engine, that these policies that make sure that the jobs, first of all, are good jobs. There will be no dramatic vote count here, but I thought it was important because of what these workers have been through over the last year, because of how really collaborative and meaningful this conversation was, where all the players in our city agencies and council members and workers where we're working together.", + "consistency": [ + 2, + 2, + 4 + ], + "fluency": [ + 2, + 4, + 5 + ], + "informativeness": [ + 1, + 3, + 2 + ], + "redundancy": [ + 2, + 4, + 5 + ] + }, + "bart": { + "coherence": [ + 2, + 3, + 3 + ], + "summary": "A bill for an ordinance amending the Airport and Airport Safety Improvement Program (EUPA) by adding a new Article XVII to Chapter 10 of the Denver Revised Municipal Code (DMC) to provide for the extension of the City\u2019s contribution to the International Brotherhood of Electrical Workers, Local 105 (IO-1) and the Denver Building and Fire Professionals of Denver (DBA International Paper Distributor), to provide additional Denver International Airport worker protections in response to the COVID-19 pandemic. Amends Section 10-30-20 to allow certain essential workers who provide maintenance and repair services on City property to continue to work in the City without losing their jobs due to", + "consistency": [ + 3, + 3, + 3 + ], + "fluency": [ + 2, + 1, + 4 + ], + "informativeness": [ + 2, + 3, + 4 + ], + "redundancy": [ + 1, + 2, + 5 + ] + }, + "pegasus": { + "coherence": [ + 3, + 3, + 4 + ], + "summary": "A bill for an ordinance amending Chapter 48 of the Revised Municipal Code of the City and County of Denver regarding protections for employees who provide essential services on City property. Amends Chapter 48 of the Denver Revised Municipal Code regarding protections for employees who provide essential services on City property. The Committee approved filing this item at its", + "consistency": [ + 3, + 5, + 4 + ], + "fluency": [ + 2, + 1, + 4 + ], + "informativeness": [ + 2, + 5, + 4 + ], + "redundancy": [ + 1, + 1, + 5 + ] + }, + "dialogLM": { + "coherence": [ + 3, + 3, + 3 + ], + "summary": "A bill for an ordinance amending section 18-81 of the Denver revised municipal code requiring that contracts above $500, 000 be individually approved by city council. adds two years for a new end date of 12-31-19 to provide for the acceptance of immigrant and refugee contracts at Denver International Airport. The last regularly scheduled council meeting within the 30-day review period is on 9-16-19. the committee approved filing this item at its meeting on 8-3-19.", + "consistency": [ + 2, + 2, + 1 + ], + "fluency": [ + 2, + 3, + 3 + ], + "informativeness": [ + 2, + 2, + 1 + ], + "redundancy": [ + 4, + 3, + 4 + ] + }, + "lead-3": { + "coherence": [ + 1, + 1, + 3 + ], + "summary": "All right. Thank you. Do a recap.", + "consistency": [ + 1, + 1, + 1 + ], + "fluency": [ + 2, + 4, + 5 + ], + "informativeness": [ + 1, + 1, + 1 + ], + "redundancy": [ + 5, + 5, + 5 + ] + } + }, + "LongBeachCC_02192019_19-0138": { + "dialogLM": { + "coherence": [ + 2, + 5, + 5 + ], + "summary": "Recommendation to receive and file fiscal year 2018 year-end budget performance report and increase appropriations in several funds across several departments for various purposes to reflect final expenditures and carryover clean-up. (citywide)", + "consistency": [ + 4, + 5, + 5 + ], + "fluency": [ + 3, + 5, + 5 + ], + "informativeness": [ + 4, + 5, + 5 + ], + "redundancy": [ + 3, + 5, + 5 + ] + }, + "bart": { + "coherence": [ + 3, + 4, + 5 + ], + "summary": "Recommendation to receive and file Fiscal Year 2018 Year-End Budget Performance Report, and increase appropriations in several funds across several departments for various purposes to reflect final expenditures and carryover clean-up, and from various funds in the Budget; and Decrease appropriations in the General Fund (GF) in the Legislative Department (LD) by $3,500,000 to reflect the transfer to the City Prosecutor\u2019s Office. (Citywide)", + "consistency": [ + 4, + 3, + 4 + ], + "fluency": [ + 3, + 3, + 5 + ], + "informativeness": [ + 4, + 3, + 4 + ], + "redundancy": [ + 3, + 2, + 5 + ] + }, + "davinci003": { + "coherence": [ + 4, + 4, + 5 + ], + "summary": "The City Council discussed allocating a surplus of $7.9 million from Measure A to fund various infrastructure projects, while Councilman Nina Gonzalez proposed spending $3.5 million to improve the animal shelter.", + "consistency": [ + 3, + 2, + 4 + ], + "fluency": [ + 4, + 4, + 5 + ], + "informativeness": [ + 3, + 2, + 3 + ], + "redundancy": [ + 5, + 5, + 5 + ] + }, + "lexrank": { + "coherence": [ + 1, + 2, + 4 + ], + "summary": "So recommendations on the uses of general fund surplus and measure is is in the report for council to discuss. So the year end performance report includes recommended uses of both measure a surplus and general fund surplus that's available.", + "consistency": [ + 3, + 2, + 3 + ], + "fluency": [ + 2, + 4, + 4 + ], + "informativeness": [ + 3, + 3, + 2 + ], + "redundancy": [ + 2, + 3, + 5 + ] + }, + "lead-3": { + "coherence": [ + 1, + 2, + 3 + ], + "summary": "And so she's asked that we hear 18 and 19 really quick and then do public comment, which I'm going to watch, I'm fine with. So can we just hear item 18 and then 19, please? Item 18 is report from Financial Management Recommendation to receive and file fiscal year 2018 year end budget performance report and increase appropriation in several funds across several departments for various purposes to reflect final expenditures and carry cleanup citywide.", + "consistency": [ + 2, + 3, + 3 + ], + "fluency": [ + 3, + 3, + 5 + ], + "informativeness": [ + 1, + 4, + 1 + ], + "redundancy": [ + 2, + 2, + 5 + ] + }, + "hmnet": { + "coherence": [ + 2, + 3, + 3 + ], + "summary": "Recommendation to receive and file a report from city management staff on February 26, fy 18, 2018. budget performance report and increase appropriation adjustments in several funds across several departments for various purposes to reflect final expenditures and carryover clean.", + "consistency": [ + 4, + 4, + 3 + ], + "fluency": [ + 2, + 3, + 3 + ], + "informativeness": [ + 3, + 4, + 2 + ], + "redundancy": [ + 4, + 2, + 5 + ] + }, + "pegasus": { + "coherence": [ + 3, + 4, + 5 + ], + "summary": "Recommendation to receive and file Fiscal Year 2018 Year-End Budget Performance Report, and increase appropriations in several funds across several departments for various purposes to reflect final expenditures and carryover clean-up. (Citywide)", + "consistency": [ + 4, + 5, + 5 + ], + "fluency": [ + 3, + 4, + 5 + ], + "informativeness": [ + 4, + 5, + 5 + ], + "redundancy": [ + 4, + 5, + 5 + ] + } + }, + "DenverCityCouncil_11192018_18-1300": { + "lead-3": { + "coherence": [ + 1, + 1, + 1 + ], + "summary": "You want to do that 1/1, since it's the resolution. All right. So anything else other than 1292 and 1300?", + "consistency": [ + 1, + 1, + 1 + ], + "fluency": [ + 1, + 1, + 5 + ], + "informativeness": [ + 1, + 1, + 1 + ], + "redundancy": [ + 1, + 5, + 5 + ] + }, + "hmnet": { + "coherence": [ + 4, + 3, + 1 + ], + "summary": "A resolution authorizing a rescission, a cash transfer, and a supplemental appropriation from the general contingency fund to the capital improvement program) in the public works Department) by . The mayoral reappointment of Llp to the city council for a term effective immediately and expiring 6, or until a successor is duly appointed . The committee approved filing this item at its meeting on 1300.", + "consistency": [ + 2, + 1, + 1 + ], + "fluency": [ + 3, + 3, + 5 + ], + "informativeness": [ + 2, + 1, + 1 + ], + "redundancy": [ + 4, + 5, + 5 + ] + }, + "lexrank": { + "coherence": [ + 1, + 5, + 1 + ], + "summary": "It's because to a large degree, the council prior to this one, the prior term, decided to move a lot of very significant business from to reading council bills to a one reading resolution. Our business, our collective business as a city, I do think that there's importance in reading those resolutions into the record.", + "consistency": [ + 1, + 4, + 1 + ], + "fluency": [ + 2, + 5, + 5 + ], + "informativeness": [ + 1, + 2, + 1 + ], + "redundancy": [ + 2, + 5, + 5 + ] + }, + "davinci003": { + "coherence": [ + 5, + 5, + 5 + ], + "summary": "Councilman Lopez opposed Council Resolution 1300 due to the proposed change of not reading the resolutions into the record, and Councilman Flynn also opposed it for similar reasons. Council Resolution 1292 was then adopted.", + "consistency": [ + 2, + 5, + 3 + ], + "fluency": [ + 5, + 5, + 5 + ], + "informativeness": [ + 2, + 3, + 4 + ], + "redundancy": [ + 3, + 5, + 5 + ] + }, + "bart": { + "coherence": [ + 4, + 5, + 4 + ], + "summary": "A resolution amending the Denver City Council Rules of Procedure concerning the time and order of regular council meetings. Amends the Long Beach Municipal Code. The Committee approved filing this item at its meeting on 12-8-18. Pursuant to Council Rule 3.7, Councilman Espinoza called out this resolution at the Monday, July 11, 2018 Council meeting for a postponement to the next regularly scheduled meeting of Wednesday, July 14, 2018.", + "consistency": [ + 3, + 2, + 3 + ], + "fluency": [ + 3, + 5, + 4 + ], + "informativeness": [ + 2, + 3, + 3 + ], + "redundancy": [ + 3, + 5, + 3 + ] + }, + "dialogLM": { + "coherence": [ + 3, + 5, + 1 + ], + "summary": "A resolution approving and providing for the execution of a proposed grant agreement between the city and county of Denver and the state of Colorado concerning the \"public assistance Covid-19 grant \"program and the funding therefor. APPROVES a grant agreement with the Colorado Department of public safety for $2, 689, 679 and through 12-31-20. the last regularly scheduled council meeting within the 30-day review period is on 1-8-20. the committee approved filing this item at its meeting on 11-3-18.", + "consistency": [ + 1, + 1, + 1 + ], + "fluency": [ + 3, + 3, + 4 + ], + "informativeness": [ + 1, + 1, + 1 + ], + "redundancy": [ + 2, + 5, + 4 + ] + }, + "pegasus": { + "coherence": [ + 3, + 5, + 1 + ], + "summary": "A resolution celebrating the 35th anniversary of the Columbine High School shootings. Approves a proclamation celebrating the 35th anniversary of the Columbine High School shootings. The Committee approved filing this item at its meeting on 12-16-16.", + "consistency": [ + 1, + 1, + 1 + ], + "fluency": [ + 4, + 5, + 5 + ], + "informativeness": [ + 1, + 1, + 1 + ], + "redundancy": [ + 4, + 3, + 5 + ] + } + }, + "SeattleCityCouncil_09302019_CB 119635": { + "lexrank": { + "coherence": [ + 2, + 5, + 2 + ], + "summary": "The two pieces of legislation that I sponsored in 2018 that said, if we have surplus property in this city, whether it's at Seattle City Light or any other department, we should be maintaining that land in public hands at the city and building affordable housing on it. We were able to do this because of the work of the state legislature who passed in 2018 House Bill 2382, giving Washington the jurisdiction to express it or the express authority to sell, transfer or lease public surplus property at no cost or low cost to other public entities for the purpose of providing affordable housing.", + "consistency": [ + 1, + 5, + 4 + ], + "fluency": [ + 3, + 5, + 2 + ], + "informativeness": [ + 1, + 1, + 3 + ], + "redundancy": [ + 2, + 5, + 5 + ] + }, + "dialogLM": { + "coherence": [ + 3, + 4, + 5 + ], + "summary": "An ordinance relating to the city light Department and the office of housing; transferring jurisdiction of the former loyal heights and finished Substation properties from the city lights Department to the office on housing for the purpose of developing permanent affordable home ownership.", + "consistency": [ + 3, + 4, + 5 + ], + "fluency": [ + 4, + 4, + 5 + ], + "informativeness": [ + 3, + 5, + 5 + ], + "redundancy": [ + 3, + 5, + 5 + ] + }, + "bart": { + "coherence": [ + 1, + 3, + 3 + ], + "summary": "AN ORDINANCE relating to the City Light Department and the Office of Housing; transferring jurisdiction of the former Loyal Heights and Pend Oreille Substation properties from the City of Seattle (\u201cCity Light Department\u201d) to the Office for Housing for the purpose of developing permanent affordable home ownership; declaring the remaining properties located at 13th Avenue North, 14th Avenue N, and 15th Avenue NE, and the alley north of Loyal Heights, Assessor Parcel Numbers 7208-006-900, -905, -908, -909, -910, -101, -122, -123, -124, -125, -133, -134, -", + "consistency": [ + 2, + 4, + 3 + ], + "fluency": [ + 2, + 4, + 1 + ], + "informativeness": [ + 1, + 4, + 3 + ], + "redundancy": [ + 1, + 5, + 1 + ] + }, + "lead-3": { + "coherence": [ + 1, + 3, + 1 + ], + "summary": "Bill passed and chose sign it, please read agenda item number 12. Agenda item 12. Cancel Bill 119 635.", + "consistency": [ + 1, + 2, + 1 + ], + "fluency": [ + 1, + 3, + 1 + ], + "informativeness": [ + 1, + 1, + 1 + ], + "redundancy": [ + 1, + 3, + 1 + ] + }, + "davinci003": { + "coherence": [ + 5, + 5, + 5 + ], + "summary": "The City of Seattle is transferring jurisdiction of surplus property to the Office of Housing to build affordable housing, and the legislation is a result of the 2018 House Bill 2382, which gave Washington the authority to sell, transfer, or lease public surplus property at no cost or low cost for the purpose of providing affordable housing.", + "consistency": [ + 4, + 4, + 5 + ], + "fluency": [ + 5, + 5, + 5 + ], + "informativeness": [ + 3, + 4, + 4 + ], + "redundancy": [ + 3, + 5, + 5 + ] + }, + "hmnet": { + "coherence": [ + 2, + 5, + 1 + ], + "summary": "An amending ordinance, which adopted the 2018 budget, including the 2018 capital improvement program); changing appropriations to various departments and budget control levels, and from various funds in the budget; and ratifying and confirming certain prior acts.", + "consistency": [ + 2, + 1, + 1 + ], + "fluency": [ + 2, + 4, + 1 + ], + "informativeness": [ + 2, + 1, + 1 + ], + "redundancy": [ + 1, + 5, + 5 + ] + }, + "pegasus": { + "coherence": [ + 4, + 5, + 5 + ], + "summary": "AN ORDINANCE relating to the City Light Department and the Office of Housing; transferring jurisdiction of the former Loyal Heights and Dexter substation properties from the City Light Department to the Office of Housing for the purpose of developing permanent, affordable home ownership.", + "consistency": [ + 4, + 4, + 5 + ], + "fluency": [ + 3, + 4, + 5 + ], + "informativeness": [ + 4, + 4, + 5 + ], + "redundancy": [ + 5, + 4, + 5 + ] + } + }, + "DenverCityCouncil_03072016_16-0156": { + "bart": { + "coherence": [ + 3, + 4, + 2 + ], + "summary": "A proclamation congratulating the Denver St. Patrick\u2019s Day Parade Committee on the occasion of the 54th Annual Parade on March 12, 2016. A proclamation celebrating the 55th anniversary of the events of November 8, 2015 and the 2016 Annual Parade in the City and County of Denver on March 10, 2016", + "consistency": [ + 2, + 3, + 4 + ], + "fluency": [ + 3, + 4, + 4 + ], + "informativeness": [ + 2, + 3, + 3 + ], + "redundancy": [ + 1, + 3, + 4 + ] + }, + "lexrank": { + "coherence": [ + 3, + 5, + 2 + ], + "summary": "I don't know anybody that wasn't but that really understand they really understand the true meaning of the celebration of Saint Patrick's Day and what it means to the Irish people here in the United States and the descendants. WHEREAS, The Denver St Patrick's Day Parade exemplifies a peaceful celebration, along with a community of diverse citizens who gather together with a glance at the Celtic past and look to the future while enjoying Irish cultural fanfare , pipe and drum band, Irish step dancing and honoring all divisions of our military to the delight of over 300,000 spectators.", + "consistency": [ + 1, + 4, + 4 + ], + "fluency": [ + 3, + 4, + 1 + ], + "informativeness": [ + 1, + 3, + 4 + ], + "redundancy": [ + 2, + 5, + 1 + ] + }, + "lead-3": { + "coherence": [ + 3, + 3, + 3 + ], + "summary": "And I certainly will proclamation 156 congratulating the Denver St Patrick's Day Parade Committee on the occasion of the 54th Annual Parade on March 12th, 2016. Whereas Denver has one of the largest cultural parades in the United States and the largest St Patrick's Day parade west of the Mississippi. And.", + "consistency": [ + 2, + 5, + 5 + ], + "fluency": [ + 3, + 4, + 1 + ], + "informativeness": [ + 1, + 5, + 5 + ], + "redundancy": [ + 4, + 5, + 4 + ] + }, + "hmnet": { + "coherence": [ + 3, + 4, + 2 + ], + "summary": "A proclamation congratulating the St. day parade Committee on the occasion of the 54th annual order.", + "consistency": [ + 1, + 4, + 3 + ], + "fluency": [ + 2, + 4, + 1 + ], + "informativeness": [ + 1, + 3, + 3 + ], + "redundancy": [ + 5, + 5, + 5 + ] + }, + "pegasus": { + "coherence": [ + 5, + 5, + 5 + ], + "summary": "A proclamation congratulating the Denver St. Patrick\u2019s Day Parade Committee on the occasion of the 54th Annual Parade on March 12, 2016.", + "consistency": [ + 5, + 5, + 5 + ], + "fluency": [ + 5, + 5, + 5 + ], + "informativeness": [ + 4, + 5, + 5 + ], + "redundancy": [ + 5, + 5, + 5 + ] + }, + "davinci003": { + "coherence": [ + 1, + 5, + 3 + ], + "summary": "The Denver City Council proclaimed the 54th Annual Denver St. Patrick's Day Parade and commended the Denver St. Patrick's Day Parade Committee for their hard work in organizing the event. The Council also celebrated the 50th anniversary of Denver Health, Brennan Gibson, Eastside Family Health Center and Denver Community Health Services.", + "consistency": [ + 2, + 3, + 4 + ], + "fluency": [ + 5, + 5, + 4 + ], + "informativeness": [ + 2, + 2, + 3 + ], + "redundancy": [ + 4, + 5, + 4 + ] + }, + "dialogLM": { + "coherence": [ + 5, + 5, + 5 + ], + "summary": "A proclamation congratulating the Denver St. Patrick \u2019 s day parade Committee on the occasion of the 55th annual parade on March 12. 2016.", + "consistency": [ + 3, + 5, + 4 + ], + "fluency": [ + 4, + 4, + 5 + ], + "informativeness": [ + 3, + 5, + 4 + ], + "redundancy": [ + 5, + 5, + 5 + ] + } + }, + "SeattleCityCouncil_08092021_Res 32015": { + "dialogLM": { + "coherence": [ + 4, + 4, + 3 + ], + "summary": "A resolution regarding the impact of Seattle \u2019 s urban renewal program and the rise of black community members from the central area, supporting community demands to fund quality affordable social housing to prevent and reverse displacement; and urging the office of housing to fund the affordable housing project proposed by new hope community development Institute.", + "consistency": [ + 4, + 4, + 3 + ], + "fluency": [ + 3, + 4, + 4 + ], + "informativeness": [ + 3, + 4, + 4 + ], + "redundancy": [ + 4, + 5, + 3 + ] + }, + "davinci003": { + "coherence": [ + 5, + 5, + 4 + ], + "summary": "The resolution proposed by the New Hope Community Development Institute calls for the Office of Housing to fund the New Hope Family Housing Project in order to prevent and reverse displacement caused by past racist policies such as redlining and urban renewal. In addition, the resolution also encourages the expansion of city funding for affordable housing projects and progressive taxes on big business and the rich to develop more quality, affordable social housing.", + "consistency": [ + 5, + 5, + 3 + ], + "fluency": [ + 5, + 5, + 4 + ], + "informativeness": [ + 5, + 5, + 3 + ], + "redundancy": [ + 5, + 4, + 3 + ] + }, + "hmnet": { + "coherence": [ + 1, + 2, + 1 + ], + "summary": "A reaffirming the impact of urban renewal program in black, displacing the impact on Saturday.", + "consistency": [ + 1, + 2, + 1 + ], + "fluency": [ + 1, + 5, + 1 + ], + "informativeness": [ + 1, + 1, + 1 + ], + "redundancy": [ + 3, + 3, + 3 + ] + }, + "pegasus": { + "coherence": [ + 4, + 5, + 5 + ], + "summary": "A RESOLUTION regarding the impact of Seattle\u2019s Urban Renewal Program in displacing Black community members from the Central Area; supporting community demands to fund quality, affordable social housing to prevent and reverse displacement; and urging the Office of Housing to fund the Affordable Housing Project proposed by New Hope Community Development Institute.", + "consistency": [ + 5, + 5, + 5 + ], + "fluency": [ + 4, + 4, + 5 + ], + "informativeness": [ + 4, + 5, + 5 + ], + "redundancy": [ + 4, + 5, + 5 + ] + }, + "lexrank": { + "coherence": [ + 2, + 5, + 3 + ], + "summary": "I also want to recognize the importance of funding affordable housing that is rooted in and driven by communities, especially communities of color, especially communities in the Central District, our black communities that have been disproportionately impacted by discriminatory and racist policies of the past, like urban renewal, like redlining, like our current exclusionary zoning strategies. The Church Council of Greater Seattle and the Low Income Housing Institute and many Central District community members.", + "consistency": [ + 2, + 4, + 4 + ], + "fluency": [ + 3, + 5, + 2 + ], + "informativeness": [ + 1, + 2, + 4 + ], + "redundancy": [ + 2, + 5, + 4 + ] + }, + "lead-3": { + "coherence": [ + 3, + 5, + 5 + ], + "summary": "Agenda Item 18. Resolution 32015. Regarding the impact of Seattle's Urban Renewal Program in displacing black community members from the central area, supporting community demands to fund quality, affordable social housing to prevent and reverse displacement.", + "consistency": [ + 3, + 5, + 5 + ], + "fluency": [ + 2, + 4, + 4 + ], + "informativeness": [ + 2, + 4, + 5 + ], + "redundancy": [ + 2, + 5, + 5 + ] + }, + "bart": { + "coherence": [ + 4, + 5, + 5 + ], + "summary": "A RESOLUTION regarding the impact of Seattle\u2019s Urban Renewal Program in displacing black community members from the Central Area; supporting community demands to fund quality affordable social housing to prevent and reverse displacement; and urging the Office of Housing to fund the affordable housing project proposed by New Hope Community Development Institute.", + "consistency": [ + 4, + 5, + 5 + ], + "fluency": [ + 4, + 4, + 5 + ], + "informativeness": [ + 3, + 5, + 5 + ], + "redundancy": [ + 4, + 5, + 5 + ] + } + }, + "LongBeachCC_10202015_15-1078": { + "lead-3": { + "coherence": [ + 2, + 3, + 4 + ], + "summary": "Thank you. Item 15. Report from City Manager Recommendation to execute an MCU with a South Island detailing the city's agreement to process permits consistent with the Long Beach municipal code citywide.", + "consistency": [ + 2, + 5, + 4 + ], + "fluency": [ + 1, + 4, + 4 + ], + "informativeness": [ + 2, + 4, + 4 + ], + "redundancy": [ + 3, + 5, + 5 + ] + }, + "pegasus": { + "coherence": [ + 3, + 5, + 5 + ], + "summary": "Recommendation to authorize City Manager, or designee, to execute a Memorandum of Understanding, and any subsequent amendments, between the City of Long Beach and Southern California Edison, detailing the City\u2019s agreement to process permits consistent with the Long Beach Municipal Code. (Citywide)", + "consistency": [ + 4, + 4, + 3 + ], + "fluency": [ + 3, + 5, + 5 + ], + "informativeness": [ + 3, + 4, + 5 + ], + "redundancy": [ + 4, + 4, + 5 + ] + }, + "hmnet": { + "coherence": [ + 1, + 1, + 3 + ], + "summary": "Recommendation to authorize city manager, or Designee, to execute all documents necessary for an Mcu with a South South South Alamitos generating, Inc., of long Beach, ca, for the construction of a new facility facility facility to be built in long Beach; and, adopt the findings and determinations related thereto . 3)", + "consistency": [ + 2, + 2, + 3 + ], + "fluency": [ + 1, + 1, + 2 + ], + "informativeness": [ + 1, + 2, + 3 + ], + "redundancy": [ + 1, + 1, + 1 + ] + }, + "dialogLM": { + "coherence": [ + 2, + 4, + 3 + ], + "summary": "Recommendation to authorize city manager, or Designee, manager to execute a memorandum of understanding (Mou), and any subsequent amendments thereto, detailing the city \u2019 s agreement to process permits, consistent with the long Beach municipal code. (citywide)", + "consistency": [ + 2, + 4, + 4 + ], + "fluency": [ + 1, + 3, + 3 + ], + "informativeness": [ + 2, + 4, + 3 + ], + "redundancy": [ + 2, + 4, + 5 + ] + }, + "davinci003": { + "coherence": [ + 4, + 4, + 5 + ], + "summary": "The City Council is considering a Memorandum of Understanding with A.S. to modernize the Alamitos Generating Station by constructing a new combined cycle, gas turbine generators and battery energy storage system. The memo would commit to processing demolition permits as required by the city municipal code and procedures, but does not relate to the pumps or their continued operation.", + "consistency": [ + 3, + 4, + 3 + ], + "fluency": [ + 4, + 4, + 5 + ], + "informativeness": [ + 3, + 3, + 3 + ], + "redundancy": [ + 2, + 5, + 5 + ] + }, + "bart": { + "coherence": [ + 3, + 4, + 5 + ], + "summary": "Recommendation to authorize City Manager, or designee, to execute an Memorandum of Understanding (MOU), and any subsequent amendments, between the City of Long Beach and AECOM Technical Services, Inc., detailing the City\u2019s agreement to process permits consistent with the Long Beach Municipal Code, and to take all actions necessary to implement the MOU as approved by the City Council. (Citywide)", + "consistency": [ + 4, + 4, + 3 + ], + "fluency": [ + 3, + 5, + 5 + ], + "informativeness": [ + 3, + 4, + 4 + ], + "redundancy": [ + 2, + 5, + 5 + ] + }, + "lexrank": { + "coherence": [ + 3, + 3, + 4 + ], + "summary": "Mr. Sanchez led the presentation to the public that evening and made it clear that really the pumps aren't going to offer the same sort of marine life mortality as the plants generating system and once the cooling process might have in the past. And it's simply an agreement for as to to remove the existing stacks and boilers once they're no longer in use and does not constitute a an endorsement of anything else nor a commitment to do anything with pumps or any other aspect of the project.", + "consistency": [ + 1, + 1, + 1 + ], + "fluency": [ + 3, + 3, + 4 + ], + "informativeness": [ + 1, + 1, + 1 + ], + "redundancy": [ + 2, + 4, + 4 + ] + } + }, + "SeattleCityCouncil_04092018_Res 31808": { + "lead-3": { + "coherence": [ + 3, + 3, + 3 + ], + "summary": "Thank you. Please read the next agenda item. A Jeanette M to resolution 31808 relating to the for high transportation industry, establishing a work program for the City Council to review the administrative rules and regulations to improve customer service and lower cost to participants and to explore ways to ensure equal market access to all participants.", + "consistency": [ + 2, + 4, + 4 + ], + "fluency": [ + 2, + 3, + 4 + ], + "informativeness": [ + 1, + 4, + 3 + ], + "redundancy": [ + 3, + 4, + 5 + ] + }, + "pegasus": { + "coherence": [ + 4, + 5, + 5 + ], + "summary": "A RESOLUTION relating to the transportation industry; establishing a work program for the City Council to review the administrative rules and regulations to improve customer service and lower cost to participants, and to explore ways to ensure equal market access to all participants.", + "consistency": [ + 3, + 5, + 5 + ], + "fluency": [ + 3, + 5, + 4 + ], + "informativeness": [ + 3, + 5, + 5 + ], + "redundancy": [ + 4, + 5, + 5 + ] + }, + "dialogLM": { + "coherence": [ + 4, + 4, + 5 + ], + "summary": "A resolution relating to the high transportation industry; establishing a work program for the city Council to review the administrative rules and regulations to improve customer service and lower cost to participants, and to explore ways to ensure equal market access to all participants.", + "consistency": [ + 4, + 3, + 4 + ], + "fluency": [ + 3, + 2, + 4 + ], + "informativeness": [ + 4, + 3, + 5 + ], + "redundancy": [ + 5, + 4, + 5 + ] + }, + "lexrank": { + "coherence": [ + 4, + 2, + 5 + ], + "summary": "When we get organized, whether we are drivers, a bus drivers, taxi drivers, teachers, custodial workers, no matter what work we do. At this time, the data regarding fares, charge and hours worked and the total number of drivers and driver compensation from all market participants is not shared with the city.", + "consistency": [ + 2, + 1, + 4 + ], + "fluency": [ + 4, + 2, + 5 + ], + "informativeness": [ + 1, + 1, + 3 + ], + "redundancy": [ + 2, + 4, + 5 + ] + }, + "bart": { + "coherence": [ + 4, + 4, + 4 + ], + "summary": "A RESOLUTION relating to the Seattle Transportation Industry; establishing a work program for the City Council to review the administrative rules and regulations to improve customer service and lower costs to participants and to explore ways to ensure equal market access to all participants. Pursuant to Council Rule 3.7, the Committee approved filing this resolution by consent on 4-13-17.", + "consistency": [ + 4, + 3, + 3 + ], + "fluency": [ + 2, + 4, + 4 + ], + "informativeness": [ + 3, + 3, + 3 + ], + "redundancy": [ + 4, + 2, + 5 + ] + }, + "hmnet": { + "coherence": [ + 2, + 2, + 4 + ], + "summary": "A relating to the Seattle Department of Ecology for transportation; establishing a work program for the city Council to review customer service and lower cost service administrative rules and regulations to improve customer service, in an administrative process, consistent with the procedures set forth in this ordinance.", + "consistency": [ + 2, + 3, + 3 + ], + "fluency": [ + 1, + 1, + 4 + ], + "informativeness": [ + 2, + 3, + 4 + ], + "redundancy": [ + 1, + 2, + 5 + ] + }, + "davinci003": { + "coherence": [ + 5, + 4, + 5 + ], + "summary": "The resolution establishes a work program to review the administrative rules and regulations to improve customer service and lower cost to participants in the transportation industry. It also requests data from TNCs to make sure that fares reflect data and that issues of fairness and parity are reflected in the legislation.", + "consistency": [ + 5, + 4, + 4 + ], + "fluency": [ + 5, + 4, + 4 + ], + "informativeness": [ + 5, + 4, + 4 + ], + "redundancy": [ + 5, + 5, + 5 + ] + } + }, + "DenverCityCouncil_03142016_16-0133": { + "hmnet": { + "coherence": [ + 1, + 3, + 2 + ], + "summary": "Recommendation to direct city manager to congratulate all delegations involved with the bid bid bid in the amount of for employment transition to 333 employees who would be losing their employment as restaurants turned over, and report back to the city council within 90 days.", + "consistency": [ + 1, + 3, + 2 + ], + "fluency": [ + 1, + 3, + 4 + ], + "informativeness": [ + 1, + 3, + 2 + ], + "redundancy": [ + 1, + 1, + 3 + ] + }, + "bart": { + "coherence": [ + 3, + 4, + 4 + ], + "summary": "A resolution approving a proposed Contract between the City and County of Denver and HNTB Corporation concerning design and construction services for the concourse gate expansion project at Denver International Airport. Approves a concessionaire contract with ITW Consulting Group, Inc. for $900,000 and for three years to provide on-call architectural and engineering and other professional services on an as-needed task basis for the Concourse Gate Expansion Project at DIA Airport in Council District 11 (201844905). The last regularly scheduled Council meeting within the 30-day review period is on 5-9-19. The Committee approved filing this item at its meeting on 4-6-19 Pursuant to Council", + "consistency": [ + 3, + 3, + 3 + ], + "fluency": [ + 2, + 4, + 4 + ], + "informativeness": [ + 3, + 3, + 3 + ], + "redundancy": [ + 2, + 4, + 5 + ] + }, + "lexrank": { + "coherence": [ + 1, + 1, + 5 + ], + "summary": "Councilman, do any of the comments on 134. Councilwoman Gilmore, would you please move to have 138 adopted?", + "consistency": [ + 1, + 1, + 1 + ], + "fluency": [ + 1, + 1, + 5 + ], + "informativeness": [ + 1, + 1, + 1 + ], + "redundancy": [ + 3, + 5, + 5 + ] + }, + "dialogLM": { + "coherence": [ + 3, + 3, + 4 + ], + "summary": "A bill for an ordinance approving a proposed Amendatory agreement between the city and county of Denver and del Norte neighborhood development corporation to extend the term and add funds to support the temporary rental and utility assistance program at Denver International Airport. (business development) AMENDS an Intergovernmental agreement with del Norte community development corporation by adding $1 million for a new total of $8, 689, 672. 73 to provide rental assistance to owners of business owners who rent out their homes during the Covid-19 health crisis, citywide (Oedev-202054454). The last Regularly-Scheduled council meeting within the 30-day review period is on 5-9-20. the committee approved filing this item at its meeting on 4-6-20.", + "consistency": [ + 3, + 2, + 3 + ], + "fluency": [ + 2, + 3, + 4 + ], + "informativeness": [ + 2, + 2, + 3 + ], + "redundancy": [ + 1, + 4, + 5 + ] + }, + "lead-3": { + "coherence": [ + 1, + 1, + 2 + ], + "summary": "Thank you, Councilman Cashman. Councilman, new. Thank you, Mr. President.", + "consistency": [ + 1, + 1, + 1 + ], + "fluency": [ + 1, + 1, + 4 + ], + "informativeness": [ + 1, + 1, + 1 + ], + "redundancy": [ + 1, + 5, + 5 + ] + }, + "davinci003": { + "coherence": [ + 4, + 4, + 5 + ], + "summary": "The article discusses the approval of resolution 138, which will help retain the jobs of 82 current employees and resolution 134, which will convert a building in the Cherry Creek area to a new zoning. The article also acknowledges the importance of Councilman Espinosa's bill to introduce a bust of Cesar Chavez at a park in District One, as it creates an opportunity to discuss social movements.", + "consistency": [ + 1, + 3, + 1 + ], + "fluency": [ + 4, + 4, + 5 + ], + "informativeness": [ + 1, + 3, + 1 + ], + "redundancy": [ + 2, + 4, + 5 + ] + }, + "pegasus": { + "coherence": [ + 4, + 4, + 3 + ], + "summary": "A resolution approving a proposed Second Amendatory Agreement between the City and County of Denver and Hensel Phelps Hospitality Group, LLC to extend the term and increase the maximum contract amount. Amends a contract with Hensel Phelps Hospitality Group, LLC by adding two years for a new end date of 12-31-2024 for", + "consistency": [ + 3, + 4, + 1 + ], + "fluency": [ + 4, + 4, + 3 + ], + "informativeness": [ + 4, + 4, + 1 + ], + "redundancy": [ + 4, + 5, + 3 + ] + } + }, + "LongBeachCC_09152020_20-0909": { + "bart": { + "coherence": [ + 5, + 5, + 5 + ], + "summary": "Recommendation to adopt resolution expressing its intent to prioritize spending of the Oil Barrel Production Tax revenues for specific purposes, if approved by voters in the November 3, 2020 General Municipal Election, and provide direction to the City Manager regarding possible information educational materials relating to the ballot measure to be provided to Long Beach residents. (Citywide)", + "consistency": [ + 5, + 5, + 5 + ], + "fluency": [ + 4, + 5, + 5 + ], + "informativeness": [ + 5, + 5, + 5 + ], + "redundancy": [ + 4, + 5, + 5 + ] + }, + "davinci003": { + "coherence": [ + 5, + 5, + 5 + ], + "summary": "The City Council has drafted a resolution expressing its intent to prioritize spending of oil barrel production tax revenues for specific purposes if approved by voters in the November 2020 election. This resolution includes prioritizing the spending of funds for climate justice, sea level rise, community health, and youth services, with an equity lens to ensure resources are directed to areas of greatest need.", + "consistency": [ + 4, + 4, + 5 + ], + "fluency": [ + 5, + 4, + 5 + ], + "informativeness": [ + 3, + 4, + 5 + ], + "redundancy": [ + 5, + 5, + 5 + ] + }, + "lead-3": { + "coherence": [ + 1, + 2, + 3 + ], + "summary": "Thank you very much. We will now be going on to. Back to the regular agenda and we had item one which was removed from the account.", + "consistency": [ + 1, + 1, + 1 + ], + "fluency": [ + 1, + 3, + 5 + ], + "informativeness": [ + 1, + 1, + 1 + ], + "redundancy": [ + 1, + 4, + 5 + ] + }, + "hmnet": { + "coherence": [ + 5, + 3, + 4 + ], + "summary": "Recommendation to adopt resolution expressing its intent on how to Prioritize spending of the oil barrel production tax revenues for specific purposes if approved by voters in the November 3, 2020 general municipal election, and provide direction to the city manager regarding possible materials relating to education materials related to the ballot measure to be provided to long Beach residents.)", + "consistency": [ + 5, + 3, + 5 + ], + "fluency": [ + 4, + 3, + 4 + ], + "informativeness": [ + 5, + 4, + 5 + ], + "redundancy": [ + 5, + 1, + 3 + ] + }, + "dialogLM": { + "coherence": [ + 5, + 4, + 4 + ], + "summary": "Recommendation to adopt resolution expressing its intent to Prioritize spending of the Oil-Barrel production tax revenues for specific purposes if approved by voters in the November 3, 2020, General municipal election, and provide direction to the city manager regarding possible information, education, and outreach materials relating to the ballot measure to be provided to long Beach residents. (citywide)", + "consistency": [ + 5, + 5, + 5 + ], + "fluency": [ + 4, + 4, + 3 + ], + "informativeness": [ + 5, + 5, + 5 + ], + "redundancy": [ + 4, + 3, + 5 + ] + }, + "lexrank": { + "coherence": [ + 2, + 1, + 3 + ], + "summary": "So I was I was hoping, Councilmember Richardson, that to be consistent with the document that we talk about equity when it comes to climate. So when we have this original discussion with the council, there were three areas of focus climate change and the environment, community, health and youth services and children and youth services and programs.", + "consistency": [ + 1, + 1, + 4 + ], + "fluency": [ + 1, + 3, + 4 + ], + "informativeness": [ + 1, + 2, + 2 + ], + "redundancy": [ + 1, + 3, + 3 + ] + }, + "pegasus": { + "coherence": [ + 5, + 5, + 4 + ], + "summary": "Recommendation to adopt resolution expressing its intent to prioritize spending of the Oil Barrel Production Tax revenues for specific purposes if approved by voters in the November 3, 2020 General Municipal Election; and Provide Direction to the City Manager regarding possible information educational materials relating to the ballot measure to be provided to Long Beach residents. (Citywide", + "consistency": [ + 5, + 5, + 5 + ], + "fluency": [ + 4, + 5, + 3 + ], + "informativeness": [ + 4, + 5, + 5 + ], + "redundancy": [ + 4, + 5, + 5 + ] + } + }, + "LongBeachCC_11032015_15-1128": { + "lead-3": { + "coherence": [ + 3, + 3, + 5 + ], + "summary": "Communication from Councilwoman Price Council Member Super Councilman Austin recommendation to request that the fireworks steering committee reconvene starting in March of 2016 through the 4th of July holiday in an effort to be proactive with fireworks, education and enforcement. Thank you, Councilwoman Price. Thank you.", + "consistency": [ + 4, + 4, + 4 + ], + "fluency": [ + 2, + 1, + 4 + ], + "informativeness": [ + 3, + 4, + 5 + ], + "redundancy": [ + 2, + 1, + 5 + ] + }, + "lexrank": { + "coherence": [ + 3, + 2, + 5 + ], + "summary": "Communication from Councilwoman Price Council Member Super Councilman Austin recommendation to request that the fireworks steering committee reconvene starting in March of 2016 through the 4th of July holiday in an effort to be proactive with fireworks, education and enforcement. A fireworks steering committee met on a regular basis beginning in the month of March through the 4th of July holiday, in an effort to be proactive with fireworks, education and enforcement.", + "consistency": [ + 4, + 3, + 4 + ], + "fluency": [ + 3, + 1, + 4 + ], + "informativeness": [ + 3, + 3, + 5 + ], + "redundancy": [ + 2, + 1, + 2 + ] + }, + "dialogLM": { + "coherence": [ + 4, + 4, + 5 + ], + "summary": "Recommendation to request that the fireworks steering committee reconvene starting in March of 2016 through the 4TH of July holiday in an effort to be Proactive with fireworks education and enforcement.", + "consistency": [ + 4, + 5, + 5 + ], + "fluency": [ + 3, + 3, + 3 + ], + "informativeness": [ + 4, + 5, + 5 + ], + "redundancy": [ + 5, + 4, + 5 + ] + }, + "pegasus": { + "coherence": [ + 4, + 5, + 5 + ], + "summary": "Recommendation to request that the fireworks steering committee reconvene starting in March of 2016 through the 4th of July holiday in an effort to be proactive with fireworks education and enforcement.", + "consistency": [ + 5, + 5, + 5 + ], + "fluency": [ + 4, + 5, + 5 + ], + "informativeness": [ + 4, + 5, + 5 + ], + "redundancy": [ + 5, + 5, + 5 + ] + }, + "davinci003": { + "coherence": [ + 5, + 4, + 5 + ], + "summary": "The City Council of Long Beach is proposing to re-establish a fireworks steering committee to curb the use of illegal fireworks in the city. The proposed committee is to be responsible for creating public service announcements, distributing multilingual fliers, and other public education efforts.", + "consistency": [ + 5, + 4, + 5 + ], + "fluency": [ + 5, + 4, + 5 + ], + "informativeness": [ + 5, + 4, + 5 + ], + "redundancy": [ + 5, + 5, + 5 + ] + }, + "bart": { + "coherence": [ + 4, + 4, + 5 + ], + "summary": "Recommendation to request that the Fireworks Steering Committee reconvene starting in March 3, 2016 through the 4th of July holiday in an effort to be proactive with fireworks education and enforcement and report back to the City Council within 90 days on the status of illegal fireworks outreach, education, outreach, and enforcement plans, as well as an update on statistics from last year's efforts; and Request the Mayor and City Council offices to provide additional input and direction to the Committee and other appropriate departments so that it can perform needed community outreach and engagement in advance of July 4th.", + "consistency": [ + 4, + 5, + 4 + ], + "fluency": [ + 4, + 5, + 5 + ], + "informativeness": [ + 3, + 5, + 4 + ], + "redundancy": [ + 3, + 3, + 5 + ] + }, + "hmnet": { + "coherence": [ + 3, + 2, + 5 + ], + "summary": "Recommendation to request city manager to provide the Department of parks and recreation and the Reestablishment of the July holiday in an effort to be Proactive with fireworks, education, and enforcement.", + "consistency": [ + 2, + 2, + 3 + ], + "fluency": [ + 2, + 2, + 4 + ], + "informativeness": [ + 1, + 3, + 3 + ], + "redundancy": [ + 3, + 4, + 5 + ] + } + }, + "LongBeachCC_10102017_17-0831": { + "hmnet": { + "coherence": [ + 2, + 1, + 4 + ], + "summary": "Recommendation to receive and file a report on the creation of the I team.)", + "consistency": [ + 1, + 1, + 5 + ], + "fluency": [ + 1, + 1, + 4 + ], + "informativeness": [ + 1, + 1, + 3 + ], + "redundancy": [ + 3, + 5, + 5 + ] + }, + "bart": { + "coherence": [ + 4, + 5, + 5 + ], + "summary": "Recommendation to receive and file a report on the I-Team Public Safety Research and Accomplishments Study, and provide input and policy direction to staff on next-step strategies for the implementation of the city\u2019s Public Safety Innovation Team in Fiscal Years 2017-2018 and 2018-2020. (Citywide)", + "consistency": [ + 5, + 5, + 4 + ], + "fluency": [ + 4, + 5, + 5 + ], + "informativeness": [ + 4, + 5, + 4 + ], + "redundancy": [ + 4, + 5, + 5 + ] + }, + "dialogLM": { + "coherence": [ + 4, + 5, + 5 + ], + "summary": "Recommendation to receive and file a report on the I-Team public safety research and accomplishments. (citywide)", + "consistency": [ + 3, + 5, + 5 + ], + "fluency": [ + 4, + 5, + 5 + ], + "informativeness": [ + 3, + 5, + 3 + ], + "redundancy": [ + 5, + 5, + 5 + ] + }, + "pegasus": { + "coherence": [ + 4, + 5, + 5 + ], + "summary": "Recommendation to receive and file a report on the Innovation Team Public Safety Research Initiative. (Citywide)", + "consistency": [ + 3, + 5, + 5 + ], + "fluency": [ + 4, + 5, + 5 + ], + "informativeness": [ + 3, + 5, + 3 + ], + "redundancy": [ + 5, + 5, + 5 + ] + }, + "lead-3": { + "coherence": [ + 2, + 2, + 3 + ], + "summary": "So we're going to go and take begin the regular agenda items. We're going to we're going to start by doing item 21, which I know a lot of people have been looking forward to. That is the Innovation Team report.", + "consistency": [ + 1, + 1, + 3 + ], + "fluency": [ + 2, + 2, + 5 + ], + "informativeness": [ + 1, + 1, + 1 + ], + "redundancy": [ + 3, + 4, + 3 + ] + }, + "lexrank": { + "coherence": [ + 3, + 3, + 4 + ], + "summary": "We're implementing a citywide data sharing agreement and the data march so we can wrap services around frequent offenders and hold them accountable for their actions. A lot of this data wasn't hadn't been really readily available to all of our different departments in the fact that now it's being shared and we're discussing it, and the fact that such a small, small percentage of offenders are doing such a large amount of our crimes.", + "consistency": [ + 2, + 2, + 3 + ], + "fluency": [ + 3, + 3, + 5 + ], + "informativeness": [ + 2, + 2, + 3 + ], + "redundancy": [ + 3, + 4, + 4 + ] + }, + "davinci003": { + "coherence": [ + 4, + 4, + 5 + ], + "summary": "The Innovation Team shifted its focus to public safety in 2017, analyzing five years of police data and interviewing high frequency offenders to better understand their experience. The team is launching initiatives such as a datamart, a citywide data sharing agreement, and multiple additional teams to triage and case manage frequent offenders.", + "consistency": [ + 2, + 5, + 4 + ], + "fluency": [ + 4, + 4, + 5 + ], + "informativeness": [ + 1, + 4, + 5 + ], + "redundancy": [ + 4, + 4, + 5 + ] + } + }, + "AlamedaCC_06022020_2020-7972": { + "lead-3": { + "coherence": [ + 1, + 1, + 1 + ], + "summary": "So, Madam Clerk, will you please introduce item 26 Dash? Where are we? I mean, 26 might be talking about it.", + "consistency": [ + 1, + 1, + 1 + ], + "fluency": [ + 2, + 3, + 5 + ], + "informativeness": [ + 1, + 1, + 1 + ], + "redundancy": [ + 2, + 5, + 3 + ] + }, + "pegasus": { + "coherence": [ + 4, + 5, + 5 + ], + "summary": "Recommendation to Consider Providing Direction to Staff to Prepare Charter Amendment Ballot Measures and Potentially Determine the Election Date When Measures will be on the Ballot. (City Attorney 2310)", + "consistency": [ + 3, + 5, + 4 + ], + "fluency": [ + 3, + 5, + 4 + ], + "informativeness": [ + 3, + 5, + 4 + ], + "redundancy": [ + 4, + 5, + 5 + ] + }, + "davinci003": { + "coherence": [ + 3, + 4, + 5 + ], + "summary": "The City Council discussed various items including a charter amendment, a ballot measure, and a proposal to change language to gender-neutral terms. Additionally, a motion was made to bring back the language for a city prosecutor ballot amendment with the inclusion of a phrase regarding the exercise of prosecutorial discretion.", + "consistency": [ + 2, + 4, + 5 + ], + "fluency": [ + 4, + 4, + 5 + ], + "informativeness": [ + 2, + 4, + 5 + ], + "redundancy": [ + 4, + 5, + 5 + ] + }, + "dialogLM": { + "coherence": [ + 2, + 5, + 5 + ], + "summary": "Recommendation to consider providing direction to staff to prepare charter amendment ballot measures and potentially determine the election date when measures will be considered. (city clerk 2210)", + "consistency": [ + 3, + 5, + 4 + ], + "fluency": [ + 2, + 4, + 5 + ], + "informativeness": [ + 3, + 5, + 4 + ], + "redundancy": [ + 4, + 5, + 5 + ] + }, + "bart": { + "coherence": [ + 3, + 3, + 3 + ], + "summary": "Recommendation to consider providing direction to staff to prepare a Charter amendment ballot measures and potentially determine the election date when measures will be placed on the ballot in accordance with Section 7305, D.R.M.C. Section 7-3, and Article IV of Chapter 26 of the Revised Municipal Code in order to promote good governance and ensure public confidence in Long Beach city government and the City of Long Beach's democracy; and Request City Attorney to prepare an interim ordinance pursuant to Section 509 of the City Charter and Section 2.03.065 of the Long Beach Municipal Code for the purpose of postponing the effective date of this ordinance to November 8, 2022.", + "consistency": [ + 4, + 4, + 2 + ], + "fluency": [ + 3, + 3, + 5 + ], + "informativeness": [ + 3, + 5, + 2 + ], + "redundancy": [ + 2, + 1, + 4 + ] + }, + "lexrank": { + "coherence": [ + 1, + 1, + 2 + ], + "summary": "But we aren't going to have a discussion until we have a motion. Yeah, the and, and the measure a measure of those two stand separate alone on their own.", + "consistency": [ + 1, + 1, + 1 + ], + "fluency": [ + 1, + 3, + 3 + ], + "informativeness": [ + 1, + 1, + 1 + ], + "redundancy": [ + 1, + 3, + 5 + ] + }, + "hmnet": { + "coherence": [ + 2, + 1, + 2 + ], + "summary": "Recommendation to adopt specifications no . Rfp and authorize city manager to execute a charter amendment amendment to the long Beach municipal code to be submitted to staff in accordance with article 26, D.", + "consistency": [ + 2, + 1, + 3 + ], + "fluency": [ + 2, + 1, + 3 + ], + "informativeness": [ + 2, + 1, + 2 + ], + "redundancy": [ + 3, + 3, + 2 + ] + } + }, + "LongBeachCC_02162016_16-0153": { + "dialogLM": { + "coherence": [ + 4, + 4, + 3 + ], + "summary": "Recommendation to request an update regarding where the city is at with the Rfp process for consulting services related to updating the city \u2019 s Gateway Signage program.", + "consistency": [ + 4, + 4, + 3 + ], + "fluency": [ + 4, + 4, + 2 + ], + "informativeness": [ + 3, + 4, + 4 + ], + "redundancy": [ + 5, + 5, + 4 + ] + }, + "hmnet": { + "coherence": [ + 1, + 4, + 1 + ], + "summary": "Recommendation to request an update regarding where the Denny Signage program Signage updating the Gateway Signage program.", + "consistency": [ + 2, + 3, + 2 + ], + "fluency": [ + 2, + 5, + 1 + ], + "informativeness": [ + 1, + 4, + 2 + ], + "redundancy": [ + 2, + 4, + 1 + ] + }, + "lead-3": { + "coherence": [ + 1, + 1, + 1 + ], + "summary": "No, we are. We actually voted on consent earlier. Okay, now we're on to the regular agenda.", + "consistency": [ + 1, + 1, + 1 + ], + "fluency": [ + 2, + 5, + 4 + ], + "informativeness": [ + 1, + 1, + 1 + ], + "redundancy": [ + 2, + 5, + 5 + ] + }, + "bart": { + "coherence": [ + 4, + 5, + 2 + ], + "summary": "Recommendation to request an update regarding where the City is at with the RFP process for consulting services related to updating the City's Gateway Signage Program, and what other options are being considered for consideration and recommendation on the selected firm's recommendations to work with the City on the Gateway signage program and return to the City Council in the next 180 days.", + "consistency": [ + 5, + 5, + 4 + ], + "fluency": [ + 4, + 4, + 1 + ], + "informativeness": [ + 4, + 5, + 4 + ], + "redundancy": [ + 3, + 3, + 1 + ] + }, + "lexrank": { + "coherence": [ + 3, + 5, + 4 + ], + "summary": "Item ten Communication from Councilman Price, Councilmember Superdad, Councilwoman Mingo and Councilman Andrew's recommendation to request an update regarding where the city is at with the RFP process for consulting services related to updating the city's Gateway Signage Program. One would be for gateway signage at our Gateway areas, and we've done some initial survey work to determine what we have at our gateway areas and provided that as part of the RFP.", + "consistency": [ + 2, + 4, + 5 + ], + "fluency": [ + 3, + 5, + 3 + ], + "informativeness": [ + 2, + 4, + 5 + ], + "redundancy": [ + 2, + 5, + 1 + ] + }, + "pegasus": { + "coherence": [ + 5, + 5, + 4 + ], + "summary": "Recommendation to request an update regarding where the City is at with the process for consulting services related to updating the City\u2019s Gateway Signage Program.", + "consistency": [ + 4, + 5, + 4 + ], + "fluency": [ + 5, + 5, + 3 + ], + "informativeness": [ + 4, + 4, + 4 + ], + "redundancy": [ + 5, + 5, + 5 + ] + }, + "davinci003": { + "coherence": [ + 5, + 5, + 5 + ], + "summary": "The City of Long Beach has requested a consultant to update their Gateway Signage Program, and the City Council is looking for a firm that can understand their goals and objectives and create a consistent standard for signage. Community outreach is expected to be involved in the process, and the Council will look at different funding sources to finance the project.", + "consistency": [ + 5, + 5, + 5 + ], + "fluency": [ + 5, + 5, + 5 + ], + "informativeness": [ + 5, + 5, + 5 + ], + "redundancy": [ + 5, + 5, + 5 + ] + } + }, + "LongBeachCC_10082019_19-1005": { + "hmnet": { + "coherence": [ + 2, + 2, + 3 + ], + "summary": "Recommendation to request city manager to provide a report within 90 days on Opioid Opioid Opioid abuse, drug use, addiction, and drug use statistics in long Beach.", + "consistency": [ + 3, + 4, + 5 + ], + "fluency": [ + 2, + 2, + 4 + ], + "informativeness": [ + 3, + 5, + 3 + ], + "redundancy": [ + 1, + 1, + 3 + ] + }, + "davinci003": { + "coherence": [ + 5, + 5, + 5 + ], + "summary": "Councilmember Price has requested a report from the City Manager on drug use, addiction, overdose and death statistics in Long Beach over the past five years. Council members have expressed support for the item, with discussions of proactive efforts to address opioid addiction, such as equipping first responders with Narcan, and needle disposal boxes.", + "consistency": [ + 5, + 5, + 5 + ], + "fluency": [ + 5, + 5, + 5 + ], + "informativeness": [ + 5, + 5, + 5 + ], + "redundancy": [ + 5, + 5, + 5 + ] + }, + "dialogLM": { + "coherence": [ + 4, + 4, + 5 + ], + "summary": "Recommendation to request city manager to provide a report within 90 days on drug use, addiction, Overdose, and death statistics in long Beach over the past five years. This report should include statistics on the number of new cases in the city of long Beach and the continuum of care partners.", + "consistency": [ + 2, + 5, + 4 + ], + "fluency": [ + 4, + 4, + 4 + ], + "informativeness": [ + 3, + 5, + 4 + ], + "redundancy": [ + 4, + 5, + 5 + ] + }, + "pegasus": { + "coherence": [ + 4, + 5, + 5 + ], + "summary": "Recommendation to request City Manager to provide a report within 90 days on drug use, addiction, overdose, and death statistics in Long Beach over the past five years.", + "consistency": [ + 3, + 5, + 5 + ], + "fluency": [ + 4, + 5, + 5 + ], + "informativeness": [ + 3, + 5, + 4 + ], + "redundancy": [ + 4, + 5, + 5 + ] + }, + "lead-3": { + "coherence": [ + 2, + 1, + 3 + ], + "summary": "Thank you, Councilmember Ringa. And with that members, please cast your votes to receive and follow the report. And thank you to all those that came out I know that are going to be look obviously are looking forward to public works addressing this issue as well.", + "consistency": [ + 1, + 1, + 1 + ], + "fluency": [ + 2, + 4, + 3 + ], + "informativeness": [ + 1, + 1, + 1 + ], + "redundancy": [ + 3, + 4, + 5 + ] + }, + "bart": { + "coherence": [ + 4, + 4, + 5 + ], + "summary": "Recommendation to request City Manager to provide a report within 90 days on drug use, addiction, overdose, and death statistics in Long Beach over the past five years. This report should include statistics on cases involving illegal conduct involving the sale or use of prescription or \u201csubstantial\u201d amounts of heroin and/or opioids, existing outreach efforts by the City of Long Beach, potential new funding sources, and enhanced approaches to reduce the number of new cases of addiction and deaths due to the COVID-19 pandemic. The report should also include updates on statistics from last year\u2019s efforts in addressing the problem of homelessness and addiction from the Department of Health and Human Services.", + "consistency": [ + 4, + 5, + 3 + ], + "fluency": [ + 4, + 5, + 5 + ], + "informativeness": [ + 4, + 5, + 4 + ], + "redundancy": [ + 3, + 4, + 5 + ] + }, + "lexrank": { + "coherence": [ + 2, + 3, + 4 + ], + "summary": "I know that regionally there is a real focus to try to be proactive on this issue in terms of prescription drug use, because for many people, that's where the addiction starts. Communication from Councilwoman Price, Councilmember Supernova Vice Mayor Andrews Councilman Austin Recommendation Request City Manager to provide a report within 90 days on drug use, addiction, overdose and death statistics in Long Beach over the past five years.", + "consistency": [ + 1, + 4, + 3 + ], + "fluency": [ + 3, + 4, + 5 + ], + "informativeness": [ + 1, + 4, + 3 + ], + "redundancy": [ + 3, + 2, + 5 + ] + } + }, + "AlamedaCC_01212020_2020-7638": { + "lexrank": { + "coherence": [ + 4, + 4, + 3 + ], + "summary": "Whereas, as executive director of the Downtown Alameda Business Association for the last three years, Janet Mcgilvray provided inspired leadership, promoted downtown Alameda, built business relationships, and vigorously advocated on behalf of local businesses. Now, therefore, be it resolved that I Marilyn as he Ashcraft in the form of John Knox Way, mayor of the city of Alameda, do hereby proclaim January 21st, 2020 as Janet Miguel day in the city of Alameda and urge all residents to join me and the mayor in thanking her for her distinguished service to Alameda business community and for making Alameda a better place to live, work and play.", + "consistency": [ + 1, + 3, + 4 + ], + "fluency": [ + 4, + 4, + 4 + ], + "informativeness": [ + 1, + 4, + 3 + ], + "redundancy": [ + 1, + 5, + 2 + ] + }, + "dialogLM": { + "coherence": [ + 3, + 5, + 4 + ], + "summary": "Proclamation declaring January 21, 2020 as \u201c Janet Mcgilvray day \u201d in the city of Alameda. (city manager 2110)", + "consistency": [ + 3, + 3, + 2 + ], + "fluency": [ + 2, + 4, + 1 + ], + "informativeness": [ + 4, + 4, + 3 + ], + "redundancy": [ + 4, + 5, + 5 + ] + }, + "davinci003": { + "coherence": [ + 4, + 5, + 1 + ], + "summary": "Janet Mckelvie, the former executive director of the Downtown Alameda Business Association, was honored by the City Council for her leadership and service. Work is continuing on a rapid repeat flashing beacon at Cambridge and Ford Street, which the neighborhood had hoped would be a four way stop.", + "consistency": [ + 3, + 3, + 1 + ], + "fluency": [ + 3, + 5, + 1 + ], + "informativeness": [ + 2, + 2, + 1 + ], + "redundancy": [ + 4, + 5, + 5 + ] + }, + "hmnet": { + "coherence": [ + 1, + 1, + 1 + ], + "summary": "Proclamation declaring January 21, 2020 as day in the gentlemen in the downtown Alameda city of Alameda.", + "consistency": [ + 1, + 2, + 1 + ], + "fluency": [ + 1, + 5, + 3 + ], + "informativeness": [ + 1, + 2, + 2 + ], + "redundancy": [ + 1, + 1, + 5 + ] + }, + "pegasus": { + "coherence": [ + 2, + 5, + 1 + ], + "summary": "Proclamation Declaring January 21, 2020 as Janet Gilmore Day in the City of Alameda. (City Manager 2110)", + "consistency": [ + 3, + 2, + 2 + ], + "fluency": [ + 2, + 5, + 4 + ], + "informativeness": [ + 3, + 3, + 2 + ], + "redundancy": [ + 5, + 5, + 5 + ] + }, + "bart": { + "coherence": [ + 2, + 3, + 1 + ], + "summary": "Proclamation Declaring January 21, 2020 as Ladies\u2019 Copy Day in the City of Alameda. (City Manager 2110) [Not heard on January 2, 2020; continued from January 1 to January 30, 2020] at the Mayor\u2019s Residence and Community Services Department; and urging all residents to join me and the Mayor in thanking Janet for her distinguished service to the Alameda business community and for making Alameda a better place to live, work and play.", + "consistency": [ + 1, + 2, + 1 + ], + "fluency": [ + 2, + 4, + 1 + ], + "informativeness": [ + 1, + 2, + 1 + ], + "redundancy": [ + 1, + 5, + 1 + ] + }, + "lead-3": { + "coherence": [ + 1, + 5, + 1 + ], + "summary": "Okay. Thank you very much. Do we have any agenda changes?", + "consistency": [ + 1, + 1, + 1 + ], + "fluency": [ + 1, + 5, + 1 + ], + "informativeness": [ + 1, + 1, + 1 + ], + "redundancy": [ + 1, + 5, + 5 + ] + } + }, + "LongBeachCC_07122022_22-0807": { + "pegasus": { + "coherence": [ + 5, + 5, + 5 + ], + "summary": "Recommendation to receive Charter Commission appointments approved by the Government, Personnel and Elections Oversight Committee pursuant to Section 509 of the City Charter and Section 2.03.065 of the Long Beach Municipal Code.", + "consistency": [ + 4, + 5, + 5 + ], + "fluency": [ + 5, + 5, + 5 + ], + "informativeness": [ + 4, + 5, + 4 + ], + "redundancy": [ + 5, + 5, + 5 + ] + }, + "bart": { + "coherence": [ + 4, + 4, + 5 + ], + "summary": "Recommendation to receive Charter Commission appointments approved by the Government, Personnel and Elections Oversight Committee pursuant to Section 509 of the City Charter and Section 2.03.065 of the Long Beach Municipal Code; or in the alternative, if for some reason the Committee does not meet prior to or on October 8, 2019, waive the requirement for consideration and recommendation by the Personnel and Election Oversight Committee, and confirm the City Council appointment of Christopher Chavez, who resides in council district seven, to the Citizen Police Complaint Commission, as the district one representative.", + "consistency": [ + 5, + 4, + 4 + ], + "fluency": [ + 4, + 4, + 4 + ], + "informativeness": [ + 5, + 4, + 4 + ], + "redundancy": [ + 4, + 2, + 5 + ] + }, + "davinci003": { + "coherence": [ + 5, + 3, + 4 + ], + "summary": "The city council has appointed a number of highly qualified citizens to its charter and non-charter commissions. Council members congratulated the appointees and thanked them for their commitment to the city of Long Beach.", + "consistency": [ + 4, + 4, + 3 + ], + "fluency": [ + 5, + 4, + 5 + ], + "informativeness": [ + 3, + 4, + 3 + ], + "redundancy": [ + 5, + 4, + 5 + ] + }, + "hmnet": { + "coherence": [ + 3, + 1, + 3 + ], + "summary": "Recommendation to adopt specifications no . Rfp and award a contract to state charter Commission, of long Beach, ca, in the amount of, authorize the general contingency fund, to provide charter Commission members approved by the city Council, in an amount up to three years, with the option to renew for three additional one -Year periods, at the discretion of the city manager; and, authorize city manager, or Designee, to execute all documents necessary to enter into the contract, including any necessary amendments.)", + "consistency": [ + 4, + 1, + 3 + ], + "fluency": [ + 4, + 1, + 3 + ], + "informativeness": [ + 3, + 1, + 3 + ], + "redundancy": [ + 3, + 1, + 5 + ] + }, + "dialogLM": { + "coherence": [ + 5, + 4, + 5 + ], + "summary": "Recommendation to receive charter Commission appointments approved by the government, personnel and elections oversight committee pursuant to section 509 of the city charter and section 2. 03. 065 of the long Beach municipal code.", + "consistency": [ + 5, + 4, + 5 + ], + "fluency": [ + 4, + 4, + 3 + ], + "informativeness": [ + 4, + 4, + 5 + ], + "redundancy": [ + 5, + 5, + 5 + ] + }, + "lead-3": { + "coherence": [ + 2, + 1, + 5 + ], + "summary": "Okay. Thank you. We are going to go ahead and move on to two items, if that will, and we're going to go to general public comment and then to the rest of the agenda.", + "consistency": [ + 1, + 1, + 1 + ], + "fluency": [ + 1, + 4, + 5 + ], + "informativeness": [ + 1, + 1, + 1 + ], + "redundancy": [ + 2, + 4, + 5 + ] + }, + "lexrank": { + "coherence": [ + 3, + 1, + 4 + ], + "summary": "Well, I second the motion and I'll just take this opportunity to congratulate and thank all of the those who are being appointed to charter commissions today. Christopher is a Council District seven resident.", + "consistency": [ + 1, + 1, + 1 + ], + "fluency": [ + 3, + 3, + 5 + ], + "informativeness": [ + 1, + 1, + 1 + ], + "redundancy": [ + 3, + 3, + 5 + ] + } + }, + "DenverCityCouncil_10142019_19-1082": { + "bart": { + "coherence": [ + 3, + 5, + 5 + ], + "summary": "A proclamation in observance of the Fourth Annual Indigenous Peoples\u2019 Day in the City and County of Denver on October 14th, 2019. A proclamation observating the fourth annual Indigenous Peoples Day in accordance with the provisions of Section 12-61 of the Denver Revised Municipal Code and Colorado Constitution.", + "consistency": [ + 3, + 4, + 4 + ], + "fluency": [ + 3, + 5, + 5 + ], + "informativeness": [ + 2, + 5, + 4 + ], + "redundancy": [ + 2, + 5, + 4 + ] + }, + "davinci003": { + "coherence": [ + 5, + 5, + 5 + ], + "summary": "The City and County of Denver has passed a proclamation to recognize the Indigenous Peoples Day on October 14th, 2019. Councilwoman Torres, along with other members of the Council, honored the contributions of indigenous people to the city and county of Denver and to the Colorado area.", + "consistency": [ + 5, + 5, + 4 + ], + "fluency": [ + 5, + 5, + 5 + ], + "informativeness": [ + 4, + 5, + 4 + ], + "redundancy": [ + 4, + 5, + 3 + ] + }, + "pegasus": { + "coherence": [ + 5, + 5, + 5 + ], + "summary": "A proclamation in observance of the Fourth Annual Indigenous Peoples\u2019 Day in the City and County of Denver.", + "consistency": [ + 5, + 5, + 5 + ], + "fluency": [ + 5, + 5, + 5 + ], + "informativeness": [ + 4, + 4, + 4 + ], + "redundancy": [ + 5, + 5, + 5 + ] + }, + "lead-3": { + "coherence": [ + 1, + 2, + 1 + ], + "summary": "Happy birthday. That's correct. I hear that later.", + "consistency": [ + 1, + 1, + 1 + ], + "fluency": [ + 1, + 4, + 1 + ], + "informativeness": [ + 1, + 1, + 1 + ], + "redundancy": [ + 3, + 5, + 5 + ] + }, + "dialogLM": { + "coherence": [ + 4, + 5, + 4 + ], + "summary": "A proclamation in observance of the fourth annual indigenous peoples \u2019 day in the city and county of Denver.", + "consistency": [ + 4, + 5, + 5 + ], + "fluency": [ + 3, + 4, + 4 + ], + "informativeness": [ + 4, + 4, + 5 + ], + "redundancy": [ + 5, + 5, + 5 + ] + }, + "hmnet": { + "coherence": [ + 4, + 5, + 5 + ], + "summary": "A proclamation in observance of the fourth annual indigenous day in the city and county of Denver.", + "consistency": [ + 4, + 5, + 5 + ], + "fluency": [ + 4, + 4, + 4 + ], + "informativeness": [ + 3, + 4, + 5 + ], + "redundancy": [ + 5, + 5, + 5 + ] + }, + "lexrank": { + "coherence": [ + 2, + 4, + 5 + ], + "summary": "Councilwoman Torres, will you please read Proclamation 1082. It's my honor to read Proclamation number 19 1082 in observance of the fourth annual Indigenous Peoples Day in the city and county of Denver.", + "consistency": [ + 3, + 5, + 5 + ], + "fluency": [ + 2, + 4, + 5 + ], + "informativeness": [ + 1, + 3, + 5 + ], + "redundancy": [ + 2, + 5, + 5 + ] + } + }, + "SeattleCityCouncil_11132017_CB 119126": { + "dialogLM": { + "coherence": [ + 3, + 5, + 3 + ], + "summary": "An ordinance relating to city employment; allowing the rise and execution of a collective bargaining agreement between the city of Seattle and the Seattle police management Association to be effective January 1, 2014 through December 31, 2019; amending ordinance 125207, which adopted the 2017 budget; increasing appropriations to the Seattle", + "consistency": [ + 3, + 5, + 5 + ], + "fluency": [ + 1, + 5, + 1 + ], + "informativeness": [ + 2, + 3, + 5 + ], + "redundancy": [ + 2, + 5, + 5 + ] + }, + "bart": { + "coherence": [ + 2, + 5, + 4 + ], + "summary": "AN ORDINANCE relating to City employment; authorizing the execution of a collective bargaining agreement between The City of Seattle and the Seattle Police Management Association to be effective January 4, 2014 through December 31, 2019; amending Ordinance 125207, which adopted the 2017 budget, increasing appropriations to the Seattle police department for providing for the 2014-201617 payments therefor; and ratifying and confirming certain prior acts; all by a 3/4 vote of the City Council.", + "consistency": [ + 3, + 4, + 5 + ], + "fluency": [ + 2, + 4, + 2 + ], + "informativeness": [ + 2, + 5, + 5 + ], + "redundancy": [ + 1, + 5, + 3 + ] + }, + "davinci003": { + "coherence": [ + 5, + 5, + 4 + ], + "summary": "The City Council ratified a collective bargaining agreement between the City of Seattle and the Seattle Police Management Association that would be effective from January 2014 through December 2019. This agreement provides modifications in wages, benefits, hours, and other working conditions for approximately 69 members of the Seattle Police Management Association, as well as changes to the police accountability ordinance.", + "consistency": [ + 5, + 3, + 4 + ], + "fluency": [ + 5, + 5, + 5 + ], + "informativeness": [ + 5, + 4, + 4 + ], + "redundancy": [ + 5, + 5, + 4 + ] + }, + "hmnet": { + "coherence": [ + 3, + 4, + 3 + ], + "summary": "Final motion of ordinance amending the fiscal year 2019 budget, increasing appropriations to the Seattle police police management Association in accordance with the 2019 budget; and ratifying and confirming certain prior acts; all by a 3 vote of the city council.", + "consistency": [ + 2, + 3, + 2 + ], + "fluency": [ + 3, + 4, + 4 + ], + "informativeness": [ + 1, + 3, + 2 + ], + "redundancy": [ + 2, + 4, + 4 + ] + }, + "lexrank": { + "coherence": [ + 1, + 3, + 2 + ], + "summary": "And look forward to working with my colleagues and with the Community Police Commission on making sure that the modifications to the police accountability legislation that will need to occur as a result of adoption of this bill happen and that they happen in the spirit that we have always intended them to be, and as reflected in the agreement before us today. This legislation is subject to bargaining was the legislation that is the Police Accountability Ordinance was subject to bargaining by the Seattle police with the Seattle Police Officers Guild and the Seattle Police Management Association.", + "consistency": [ + 2, + 3, + 3 + ], + "fluency": [ + 2, + 4, + 4 + ], + "informativeness": [ + 2, + 3, + 2 + ], + "redundancy": [ + 3, + 5, + 4 + ] + }, + "lead-3": { + "coherence": [ + 2, + 2, + 1 + ], + "summary": "The report of the full council. Each and one can spell 1191 26 billion to city employment. The Rise and execution of collective bargaining agreement between the City of Seattle and Seattle Police Management Association to be effective January four, 2014 through December 31st, 2019, and many awnings 125207, which adopted the 2017 budget, increasing appropriations to the Seattle Police Department for providing the 20 1415 1617 payments therefor and ratifying, confirming and prior acts all by 3/1 vote of city council.", + "consistency": [ + 2, + 4, + 2 + ], + "fluency": [ + 2, + 2, + 2 + ], + "informativeness": [ + 1, + 4, + 1 + ], + "redundancy": [ + 2, + 5, + 3 + ] + }, + "pegasus": { + "coherence": [ + 3, + 5, + 4 + ], + "summary": "AN ORDINANCE relating to City employment; authorizing the execution of a collective bargaining agreement between The City of Seattle and the Seattle Police Management Association to be effective January 1, 2014 through December 31, 2019; and ratifying and confirming certain prior acts; all by a 3/4 vote of the City Council.", + "consistency": [ + 4, + 5, + 4 + ], + "fluency": [ + 3, + 4, + 5 + ], + "informativeness": [ + 3, + 4, + 4 + ], + "redundancy": [ + 4, + 5, + 5 + ] + } + }, + "DenverCityCouncil_05042020_20-0279": { + "dialogLM": { + "coherence": [ + 3, + 3, + 5 + ], + "summary": "A resolution approving the Mayor \u2019 s appointment and Reappointments to the National Western authority board of directors. APPROVES the Mayoral appointment of Sandra Ruiz-Parrilla as a resident board member. The committee approved filing this item at its meeting on 4-20-19.", + "consistency": [ + 3, + 2, + 3 + ], + "fluency": [ + 3, + 3, + 4 + ], + "informativeness": [ + 2, + 2, + 5 + ], + "redundancy": [ + 2, + 4, + 5 + ] + }, + "lexrank": { + "coherence": [ + 2, + 1, + 4 + ], + "summary": "I think that we missed the intent of that seat to have resident representation because the individual does not live in our neighborhood. So I will be a no on this, and I encourage my colleagues to honor the neighborhood and the intent of this position as the only neighborhood or only resident representation on this board and vote no on this as well, and send boards and commissions back to the drawing board to ensure that we have resident representation as a voting member on this board.", + "consistency": [ + 1, + 1, + 2 + ], + "fluency": [ + 2, + 3, + 5 + ], + "informativeness": [ + 1, + 1, + 1 + ], + "redundancy": [ + 3, + 3, + 5 + ] + }, + "bart": { + "coherence": [ + 3, + 3, + 5 + ], + "summary": "A resolution approving the Mayor\u2019s appointment and reappointments to the National Western Center Authority Board of Directors. Approves the following Mayoral appointment of Sandra Ruiz-Parrilla for a term effective immediately and expiring on 4-20-24, or until a successor is duly appointed. The Committee approved filing this resolution by consent on 3-17-20.", + "consistency": [ + 3, + 3, + 1 + ], + "fluency": [ + 3, + 3, + 5 + ], + "informativeness": [ + 3, + 3, + 2 + ], + "redundancy": [ + 4, + 5, + 5 + ] + }, + "lead-3": { + "coherence": [ + 3, + 1, + 3 + ], + "summary": "The item has been called out under bills for final consideration elsewhere, and each is called accountable. 388 for a comment under pending. No items have been called out.", + "consistency": [ + 1, + 1, + 1 + ], + "fluency": [ + 2, + 2, + 4 + ], + "informativeness": [ + 1, + 1, + 1 + ], + "redundancy": [ + 2, + 4, + 5 + ] + }, + "hmnet": { + "coherence": [ + 4, + 3, + 1 + ], + "summary": "A resolution approving a proposed second agreement between the city and county of Denver and Hardy land, LLC for on the National Western office; and establishing the effective date of the office . a vote of the qualified and registered electors of the city council at a special municipal election to be held on Tuesday, November 2, 2021, the question of whether the city shall be authorized to issue or incur general obligation debt for the purpose of financing and refinancing the cost of repairs and improvements to the Metro operating system . The last regularly scheduled council meeting within the 30 review period is on 9. Councilmember Flynn approved filing this item on 10 -20.", + "consistency": [ + 3, + 2, + 1 + ], + "fluency": [ + 3, + 3, + 1 + ], + "informativeness": [ + 2, + 2, + 1 + ], + "redundancy": [ + 3, + 1, + 5 + ] + }, + "pegasus": { + "coherence": [ + 4, + 3, + 4 + ], + "summary": "A resolution approving the Mayor\u2019s appointment to the National Western Center Authority Board of Directors. Approves the Mayoral appointment of Skye Stewart to the National Western Center Authority Board of Directors for a term effective immediately and expiring 6-30-2024, or until a successor is duly appointed. The Committee approved filing this item", + "consistency": [ + 2, + 3, + 1 + ], + "fluency": [ + 4, + 2, + 4 + ], + "informativeness": [ + 3, + 3, + 2 + ], + "redundancy": [ + 4, + 2, + 5 + ] + }, + "davinci003": { + "coherence": [ + 5, + 2, + 5 + ], + "summary": "Councilmember Sandbach has concerns that a resident of the neighborhood has not been appointed as a voting member to the National Western Authority board, and the motion to appoint two people to the board was referred back to committee.", + "consistency": [ + 4, + 2, + 4 + ], + "fluency": [ + 5, + 3, + 5 + ], + "informativeness": [ + 3, + 2, + 1 + ], + "redundancy": [ + 5, + 3, + 5 + ] + } + }, + "LongBeachCC_04202021_21-0341": { + "dialogLM": { + "coherence": [ + 2, + 3, + 4 + ], + "summary": "Recommendation to adopt resolution making findings of fact that the final environmental impact report (Eir) has adequately analyzed all relevant topic topics relating to the Carson 2 paramount pipeline conversion project, determine that the conversion of pipelines from crude oil to hydrogen gas is categorically exempt from secure; and, authorize city manager, or Designee, to issue a permit to paramount pipeline, Inc., of Paramount, ca, for the conversion and operation of the pipelines. (districts 8, 9)", + "consistency": [ + 3, + 3, + 3 + ], + "fluency": [ + 2, + 2, + 3 + ], + "informativeness": [ + 3, + 3, + 5 + ], + "redundancy": [ + 2, + 4, + 5 + ] + }, + "pegasus": { + "coherence": [ + 4, + 2, + 5 + ], + "summary": "Recommendation to adopt resolution making findings of fact that the Final Environmental Impact Report has adequately analyzed all relevant sequel topics relating to the Carson-Paramount Pipeline Conversion Project; determine that the conversion of pipelines from crude oil to hydrogen gas is categorically exempt from the California Environmental Quality Act (CEQA) Pursuant to CEQA", + "consistency": [ + 4, + 3, + 3 + ], + "fluency": [ + 3, + 1, + 5 + ], + "informativeness": [ + 3, + 3, + 3 + ], + "redundancy": [ + 3, + 2, + 5 + ] + }, + "davinci003": { + "coherence": [ + 5, + 3, + 5 + ], + "summary": "The article discusses a motion to convert oil pipelines in Districts 8 and 9 to hydrogen gas pipelines. The motion was passed with due diligence, and public outreach will occur to inform residents about the project and pipeline safety.", + "consistency": [ + 3, + 2, + 3 + ], + "fluency": [ + 5, + 5, + 5 + ], + "informativeness": [ + 2, + 2, + 2 + ], + "redundancy": [ + 5, + 5, + 5 + ] + }, + "bart": { + "coherence": [ + 3, + 2, + 4 + ], + "summary": "Recommendation to adopt resolution making findings of fact that the Final Environmental Impact Report has adequately analyzed all relevant sequel topics relating to the Carson2 Paramount Pipeline Conversion project (APL17-004) and determined that the conversion of pipelines from crude oil to hydrogen gas is categorically exempt from review under California Environmental Quality Act (CEQA) guidelines; and, authorize City Manager, or his designee, to grant a Permit to ATP Pipeline, LLC, of Long Beach, CA, for the conversion and operation of the pipelines, in accordance with Article I of Chapter 21.29 of the CEQA Guidelines, for a term of five (5) years, with two, five", + "consistency": [ + 4, + 4, + 4 + ], + "fluency": [ + 3, + 1, + 4 + ], + "informativeness": [ + 3, + 4, + 4 + ], + "redundancy": [ + 2, + 1, + 5 + ] + }, + "lexrank": { + "coherence": [ + 3, + 3, + 3 + ], + "summary": "Report from Public Works recommendation to adopt a resolution making findings of fact that the final Environmental Impact Report has adequately analyzed all relevant sequel topics relating to the Carson two Paramount Pipeline Conversion Project determined that the conversion of pipelines from crude oil to hydrogen gas is categorically exempt from secure and issue a permit to paramount pipeline for the conversion and operation of the Pipelines District eight and nine. Patricia Defender As outlined in the Council letter, the applicant will be sending notification to 8000 different properties along the pipeline to give them notification of the pipeline and to provide information about pipeline safety.", + "consistency": [ + 3, + 4, + 3 + ], + "fluency": [ + 2, + 2, + 3 + ], + "informativeness": [ + 2, + 4, + 4 + ], + "redundancy": [ + 3, + 2, + 5 + ] + }, + "lead-3": { + "coherence": [ + 2, + 2, + 5 + ], + "summary": "Thank you. Next up is item 16. Report from Public Works recommendation to adopt a resolution making findings of fact that the final Environmental Impact Report has adequately analyzed all relevant sequel topics relating to the Carson two Paramount Pipeline Conversion Project determined that the conversion of pipelines from crude oil to hydrogen gas is categorically exempt from secure and issue a permit to paramount pipeline for the conversion and operation of the Pipelines District eight and nine.", + "consistency": [ + 3, + 4, + 4 + ], + "fluency": [ + 1, + 3, + 4 + ], + "informativeness": [ + 2, + 4, + 4 + ], + "redundancy": [ + 2, + 2, + 5 + ] + }, + "hmnet": { + "coherence": [ + 2, + 2, + 3 + ], + "summary": "Recommendation to adopt resolution making findings of making findings concerning the conversion and operation of the pipelines district -8 and authorizing the director of the Department of public works to enter into a pipeline for categorically exempt from secure pipeline; and, authorize city manager, or Designee, to issue a permit to paramount ownership of vapor oil pipelines from pipelines to hydrogen gas in Southern California . 8)", + "consistency": [ + 2, + 3, + 3 + ], + "fluency": [ + 1, + 1, + 3 + ], + "informativeness": [ + 1, + 3, + 3 + ], + "redundancy": [ + 1, + 4, + 3 + ] + } + }, + "KingCountyCC_07252018_2018-0333": { + "pegasus": { + "coherence": [ + 3, + 5, + 5 + ], + "summary": "A MOTION confirming the executive's appointment of Brian Carter as the executive director of the cultural development authority (4Culture).", + "consistency": [ + 4, + 5, + 3 + ], + "fluency": [ + 3, + 5, + 4 + ], + "informativeness": [ + 4, + 5, + 3 + ], + "redundancy": [ + 4, + 5, + 4 + ] + }, + "davinci003": { + "coherence": [ + 5, + 4, + 5 + ], + "summary": "Brian Carter has been appointed executive director of the Cultural Development Authority, and the King County Council unanimously approved the appointment. Brian Carter has impressive experience in arts and culture, including founding the Northwest African-American Museum, being the museum director of the Oregon Historical Society, and being the Heritage Lead of the Fort Culture Agency.", + "consistency": [ + 5, + 4, + 4 + ], + "fluency": [ + 5, + 4, + 5 + ], + "informativeness": [ + 5, + 5, + 5 + ], + "redundancy": [ + 5, + 4, + 5 + ] + }, + "lexrank": { + "coherence": [ + 2, + 4, + 5 + ], + "summary": "And I think that Brian is absolutely the right person to lead the organization into that next space of opportunity and what our culture will become in the next 25 years. And not only has he had tremendous experiences in terms of arts, culture, and I think in your case, Brian, it's heritage, primarily historical preservation heritage, but also the personality that I think will be very appreciated by everybody at Ford Culture who mostly all know him anyway, but also by our council and arts and culture organizations throughout the county.", + "consistency": [ + 3, + 3, + 4 + ], + "fluency": [ + 3, + 4, + 5 + ], + "informativeness": [ + 2, + 2, + 2 + ], + "redundancy": [ + 3, + 2, + 5 + ] + }, + "dialogLM": { + "coherence": [ + 4, + 4, + 5 + ], + "summary": "A motion confirming the executive' s appointment of Brian Carter as executive director of the King County cultural development authority.", + "consistency": [ + 4, + 4, + 4 + ], + "fluency": [ + 4, + 4, + 5 + ], + "informativeness": [ + 4, + 4, + 3 + ], + "redundancy": [ + 5, + 5, + 5 + ] + }, + "bart": { + "coherence": [ + 2, + 4, + 3 + ], + "summary": "A MOTION confirming the executive director's appointment of Brian Carter, who resides in council district eight, to the King County cultural development authority (4Culture), as the district eight executive director, as the acting director of 4Culture, pursuant to Section 509 of the City Charter and Section 2.03.065 of the Seattle Municipal Code.", + "consistency": [ + 4, + 3, + 4 + ], + "fluency": [ + 4, + 4, + 4 + ], + "informativeness": [ + 3, + 4, + 3 + ], + "redundancy": [ + 3, + 4, + 2 + ] + }, + "lead-3": { + "coherence": [ + 1, + 1, + 3 + ], + "summary": "The appointment of Brian Carter is for culture executive director, and. Brian is here. Come forward, Mr. Carter.", + "consistency": [ + 2, + 3, + 4 + ], + "fluency": [ + 2, + 2, + 3 + ], + "informativeness": [ + 1, + 3, + 2 + ], + "redundancy": [ + 3, + 5, + 4 + ] + }, + "hmnet": { + "coherence": [ + 2, + 1, + 3 + ], + "summary": "A confirming the appointment of Brian Carter to the King County search Committee in King County.", + "consistency": [ + 2, + 1, + 3 + ], + "fluency": [ + 2, + 1, + 5 + ], + "informativeness": [ + 2, + 1, + 2 + ], + "redundancy": [ + 4, + 5, + 2 + ] + } + }, + "DenverCityCouncil_08092021_21-0523": { + "hmnet": { + "coherence": [ + 2, + 1, + 3 + ], + "summary": "A bill for an ordinance changing the zoning classification for North Irving street in Villa park park . an official map amendment to Rezone property from E -D to E an accessory dwelling unit), located at East Austin street in Council district 3. the committee approved filing this item at its meeting on 11.", + "consistency": [ + 3, + 2, + 2 + ], + "fluency": [ + 2, + 4, + 3 + ], + "informativeness": [ + 2, + 2, + 3 + ], + "redundancy": [ + 1, + 3, + 3 + ] + }, + "lexrank": { + "coherence": [ + 1, + 1, + 3 + ], + "summary": "Madam Secretary, roll call on Council Bill 523. Thank you, Counsel Pro Tem Torres, and I am happy to support this as well, seeing that it meets all of the rezoning criteria.", + "consistency": [ + 1, + 2, + 1 + ], + "fluency": [ + 2, + 3, + 5 + ], + "informativeness": [ + 1, + 1, + 1 + ], + "redundancy": [ + 2, + 5, + 5 + ] + }, + "dialogLM": { + "coherence": [ + 2, + 3, + 4 + ], + "summary": "A bill for an ordinance changing the zoning classification for 945 North Irving street in Villa park. APPROVES a map amendment to Rezone property from E-Su-Dx to E-Rh-2. 5 (allows for an accessory dwelling unit), located at 945 N. Irving St. in Council district 3. the committee approved filing this item at its meeting on 6-26-21. community planning and development has determined that the requirement for a legal protest (signatures by the owners of 20 percent or more either of the area of the lots included in the proposed change or of the total land area within 200 feet from the perimeter of the property proposed for change) has been met (petition signatures represent 0% and 21. 6%, respectively).", + "consistency": [ + 4, + 3, + 2 + ], + "fluency": [ + 4, + 4, + 4 + ], + "informativeness": [ + 3, + 3, + 3 + ], + "redundancy": [ + 2, + 2, + 5 + ] + }, + "davinci003": { + "coherence": [ + 3, + 4, + 5 + ], + "summary": "The article discusses public hearings for those participating both in person and virtually, and provides an overview of the discussion about a proposed rezoning for a single unit residential structure that would allow for an accessory dwelling unit. Council Bill 659 was passed unanimously.", + "consistency": [ + 3, + 3, + 2 + ], + "fluency": [ + 4, + 4, + 5 + ], + "informativeness": [ + 3, + 3, + 2 + ], + "redundancy": [ + 3, + 5, + 5 + ] + }, + "lead-3": { + "coherence": [ + 2, + 3, + 5 + ], + "summary": "We have three public hearings tonight for those participating in person. When called upon, please come to the podium and on the presentation monitor. On the wall you will see your time counting down for those participating virtually.", + "consistency": [ + 1, + 1, + 1 + ], + "fluency": [ + 3, + 3, + 5 + ], + "informativeness": [ + 1, + 1, + 1 + ], + "redundancy": [ + 3, + 5, + 5 + ] + }, + "bart": { + "coherence": [ + 3, + 3, + 3 + ], + "summary": "A bill for an ordinance changing the zoning classification for 945 North Irving Street in Villa Park. Approves a map amendment to rezone property from E-SU-Dx to E-RH-1x (single-unit to row house), located at 945 N. Irving St. in Council District 3. The Committee approved filing this item at its meeting on 5-3-20. Community Planning and Development has determined that the requirement for a legal protest (signatures by the owners of 20 percent or more either of the area of the lots included in the proposed change or of the total land area within 200 feet from the perimeter of each area proposed for change) has been", + "consistency": [ + 5, + 3, + 2 + ], + "fluency": [ + 4, + 4, + 3 + ], + "informativeness": [ + 2, + 4, + 2 + ], + "redundancy": [ + 2, + 2, + 5 + ] + }, + "pegasus": { + "coherence": [ + 4, + 4, + 3 + ], + "summary": "A bill for an ordinance changing the zoning classification for 945 North Irving Street in Villa Park. Approves a map amendment to rezone property from E-SU-Dx to E-SU-D1x (allows for an accessory dwelling unit), located at 945 North Irving Street in Council District 3", + "consistency": [ + 4, + 4, + 4 + ], + "fluency": [ + 4, + 4, + 4 + ], + "informativeness": [ + 4, + 5, + 4 + ], + "redundancy": [ + 3, + 2, + 2 + ] + } + }, + "LongBeachCC_11132018_18-0980": { + "bart": { + "coherence": [ + 4, + 4, + 2 + ], + "summary": "Recommendation to receive supporting documentation into the record, conclude the public hearing, consider the appeal by John LaBelle, dba 4th Street Business Improvement Association, and uphold the decision of the Parks and Recreation Commission to deny the City Manager\u2019s Office of Special Events and Filming Application #20-10544, for the operation of a City-wide Parking Enforcement Program for the Fourth Street business improvement district in Council District 9. (District 9)", + "consistency": [ + 3, + 3, + 2 + ], + "fluency": [ + 4, + 5, + 3 + ], + "informativeness": [ + 2, + 2, + 2 + ], + "redundancy": [ + 4, + 5, + 4 + ] + }, + "davinci003": { + "coherence": [ + 5, + 5, + 2 + ], + "summary": "The 4th Street Business Improvement Association requested that the City Council amend their recommendations to include 3 hour parking meters and Sunday meters to support their businesses. The Council voted in favor of the motion, and will be monitoring the success of the meters over the next year.", + "consistency": [ + 4, + 3, + 3 + ], + "fluency": [ + 5, + 5, + 3 + ], + "informativeness": [ + 4, + 3, + 3 + ], + "redundancy": [ + 5, + 5, + 3 + ] + }, + "lexrank": { + "coherence": [ + 4, + 5, + 4 + ], + "summary": "Fourth Street is one of the most thriving business districts in Long Beach, and the addition of parking meters is a welcome addition to our business district, as it will increase parking availability to the many guests who patronize our businesses, bars, restaurants and nonprofit organizations. So customers coming to frequent, those businesses have an opportunity to park and we don't see some of the long term parking that we are experiencing in business corridors that don't have parking meters.", + "consistency": [ + 1, + 5, + 4 + ], + "fluency": [ + 4, + 5, + 4 + ], + "informativeness": [ + 1, + 3, + 4 + ], + "redundancy": [ + 4, + 5, + 4 + ] + }, + "hmnet": { + "coherence": [ + 1, + 3, + 1 + ], + "summary": "Recommendation to receive and adopt plans and specifications no . R for the fourth Street business improvement Association.", + "consistency": [ + 1, + 1, + 1 + ], + "fluency": [ + 1, + 3, + 1 + ], + "informativeness": [ + 1, + 1, + 1 + ], + "redundancy": [ + 3, + 5, + 5 + ] + }, + "dialogLM": { + "coherence": [ + 1, + 3, + 1 + ], + "summary": "Recommendation to receive supporting documentation into the record, conclude the public hearing and take the actions necessary to return to the city council for its first reading. (citywide)", + "consistency": [ + 1, + 1, + 1 + ], + "fluency": [ + 2, + 5, + 1 + ], + "informativeness": [ + 1, + 1, + 1 + ], + "redundancy": [ + 2, + 5, + 5 + ] + }, + "lead-3": { + "coherence": [ + 1, + 1, + 1 + ], + "summary": "Okay. Thank you. Motion carries with it.", + "consistency": [ + 1, + 1, + 1 + ], + "fluency": [ + 1, + 5, + 1 + ], + "informativeness": [ + 1, + 1, + 1 + ], + "redundancy": [ + 3, + 5, + 5 + ] + }, + "pegasus": { + "coherence": [ + 2, + 1, + 1 + ], + "summary": "Recommendation to declare ordinance amending the Use District Map of the City of Long Beach as said Map has been established and amended by amending portions of Part 10 of said Map from U-SU-C to U-SU-C1 (allows for an accessory dwelling unit), read and adopted as read. (District 2)", + "consistency": [ + 1, + 1, + 1 + ], + "fluency": [ + 2, + 5, + 1 + ], + "informativeness": [ + 1, + 1, + 1 + ], + "redundancy": [ + 3, + 5, + 4 + ] + } + }, + "AlamedaCC_05072019_2019-6664": { + "lead-3": { + "coherence": [ + 1, + 2, + 1 + ], + "summary": "And do we have public speakers on the side of. No, we do not. We have none.", + "consistency": [ + 1, + 1, + 1 + ], + "fluency": [ + 1, + 4, + 1 + ], + "informativeness": [ + 1, + 1, + 1 + ], + "redundancy": [ + 1, + 5, + 5 + ] + }, + "hmnet": { + "coherence": [ + 3, + 4, + 1 + ], + "summary": "Recommendation to receive supporting documentation into the record, conclude the public hearing, adopting resolution confirming the park Street bar report for fiscal year 1920 -20).)", + "consistency": [ + 2, + 3, + 1 + ], + "fluency": [ + 3, + 4, + 1 + ], + "informativeness": [ + 1, + 2, + 1 + ], + "redundancy": [ + 4, + 5, + 1 + ] + }, + "lexrank": { + "coherence": [ + 2, + 3, + 1 + ], + "summary": "I guess one way to handle it would be for the city manager to follow his his idea with if if the current tenants say they are supportive of it to vote for all three properties in that way would be one way or to bring it back here and ask us to vote when we have the final. Same manager could vote.", + "consistency": [ + 1, + 4, + 1 + ], + "fluency": [ + 2, + 4, + 5 + ], + "informativeness": [ + 1, + 2, + 1 + ], + "redundancy": [ + 2, + 5, + 5 + ] + }, + "bart": { + "coherence": [ + 2, + 5, + 4 + ], + "summary": "Public Hearing to Consider Adoption of Resolution Confirming the Park Street Bar Report for Fiscal Year 2019-20 and Levying an Annual Assessment on The Park Street Vine, Located at 2900 East Oriskany Avenue. (Public Works 310) [Continued from March 15, 2020 to April 2, 2020; Public Comment Closed]", + "consistency": [ + 4, + 3, + 5 + ], + "fluency": [ + 2, + 4, + 5 + ], + "informativeness": [ + 2, + 3, + 4 + ], + "redundancy": [ + 2, + 5, + 4 + ] + }, + "pegasus": { + "coherence": [ + 2, + 5, + 5 + ], + "summary": "Public Hearing to Consider Adoption of Resolution Confirming the Park Street Bar Report for Fiscal Year 2019-20, Changing the Bay Boundaries, and Levying an Annual Assessment on the Park Street Via Solana Beach. (Public Works 275)", + "consistency": [ + 2, + 3, + 5 + ], + "fluency": [ + 2, + 4, + 5 + ], + "informativeness": [ + 2, + 3, + 4 + ], + "redundancy": [ + 4, + 5, + 5 + ] + }, + "davinci003": { + "coherence": [ + 4, + 4, + 1 + ], + "summary": "The council discussed a resolution confirming the Park Street Bar report for fiscal year 20 1920, changing the bay boundaries and levying an annual assessment on the Park Street via. The council discussed the option of the city manager voting on behalf of the city or bringing it back to the council to vote, and ultimately decided to put their trust in the city manager.", + "consistency": [ + 2, + 4, + 2 + ], + "fluency": [ + 3, + 4, + 1 + ], + "informativeness": [ + 3, + 4, + 3 + ], + "redundancy": [ + 3, + 5, + 2 + ] + }, + "dialogLM": { + "coherence": [ + 2, + 4, + 3 + ], + "summary": "Public hearing to consider adoption of resolution confirming the park Street bar report for fiscal year 2019-20, changing the Bay boundaries, and Levying an annual assessment on the parks Street via Webster street. (public works 275)", + "consistency": [ + 2, + 3, + 4 + ], + "fluency": [ + 2, + 3, + 4 + ], + "informativeness": [ + 2, + 4, + 3 + ], + "redundancy": [ + 4, + 5, + 4 + ] + } + }, + "DenverCityCouncil_12032018_18-1164": { + "davinci003": { + "coherence": [ + 5, + 3, + 5 + ], + "summary": "Council Bill 1164 was unanimously approved by the Denver City Council, which will facilitate the development of affordable housing and community-serving commercial space on a vacant 35,000 square foot property on East Colfax Avenue. The plan was met with support from the East Colfax Neighborhood Association and the Denver Office of Economic Development.", + "consistency": [ + 5, + 2, + 4 + ], + "fluency": [ + 5, + 3, + 5 + ], + "informativeness": [ + 5, + 2, + 5 + ], + "redundancy": [ + 5, + 2, + 5 + ] + }, + "hmnet": { + "coherence": [ + 3, + 3, + 3 + ], + "summary": "A bill for an ordinance changing the zoning classification for East Colfax Avenue in East Colfax . an official map amendment to Rezone property located at E Colfax Avenue from I -3 to C -5 EMS to EMS) in Council district 8. the committee approved filing this bill at its meeting on 10.", + "consistency": [ + 4, + 3, + 3 + ], + "fluency": [ + 3, + 3, + 3 + ], + "informativeness": [ + 3, + 3, + 3 + ], + "redundancy": [ + 3, + 2, + 3 + ] + }, + "bart": { + "coherence": [ + 3, + 4, + 2 + ], + "summary": "A bill for an ordinance changing the zoning classification for 8315 East Colfax Avenue and 1500 West Anaheim Street. (NEIGHBORHOODS AND PLANNING) Rezones an approximately 35,000 square foot property located at 8315 E. Colfax Ave and 1500 W. Anaheim Street from E-SU-3 to E-MS-5 (main street, 3 stories to main street, 5 stories) in Council District 8. A PUBLIC HEARING WILL BE HELD AT LEAST FOUR WEEKS AFTER PUBLICATION. The Committee approved filing this bill at its meeting on 1-3-14.", + "consistency": [ + 4, + 2, + 3 + ], + "fluency": [ + 3, + 3, + 3 + ], + "informativeness": [ + 4, + 3, + 3 + ], + "redundancy": [ + 3, + 3, + 4 + ] + }, + "lexrank": { + "coherence": [ + 3, + 1, + 2 + ], + "summary": "As is along with the other site, the city of Denver purchased these two parcels in 2017 for the purpose of providing and creating a mixed use development with affordable housing and community serving commercial space for the residents of East Colfax. But the, the the main thing that the community wanted, they said we wanted to serve the people of East Colfax.", + "consistency": [ + 2, + 2, + 3 + ], + "fluency": [ + 3, + 3, + 4 + ], + "informativeness": [ + 1, + 2, + 3 + ], + "redundancy": [ + 2, + 4, + 3 + ] + }, + "lead-3": { + "coherence": [ + 3, + 1, + 2 + ], + "summary": "12 ayes countable. 1163 has passed. Guzman Flynn, will you please put House Bill 1164 on the floor?", + "consistency": [ + 2, + 1, + 4 + ], + "fluency": [ + 3, + 1, + 3 + ], + "informativeness": [ + 1, + 1, + 2 + ], + "redundancy": [ + 3, + 5, + 3 + ] + }, + "dialogLM": { + "coherence": [ + 3, + 3, + 2 + ], + "summary": "A bill for an ordinance changing the zoning classification for 8315 East Colfax Avenue and 1500 Valencia street in East Colfix. APPROVES an official map amendment to Rezone properties from E-Ms-3 to E-Mx-5 (urban edge, main street, 5 stories to urban edge main street), located at 8315 E. Colfa X. (neighborhoods and planning) in Council district 8. the committee approved filing this bill at its meeting on 10-27-17.", + "consistency": [ + 4, + 4, + 3 + ], + "fluency": [ + 3, + 3, + 2 + ], + "informativeness": [ + 4, + 4, + 3 + ], + "redundancy": [ + 2, + 4, + 2 + ] + }, + "pegasus": { + "coherence": [ + 2, + 3, + 3 + ], + "summary": "A bill for an ordinance changing the zoning classification for 8315 E. Jewell Avenue and 1500 E. Jewell Street in East Colfax. Approves a map amendment to rezone property from E-MX-3 to E-MS-5 (urban edge, mixed-use to urban edge, main street), located at 8", + "consistency": [ + 3, + 2, + 3 + ], + "fluency": [ + 2, + 3, + 3 + ], + "informativeness": [ + 3, + 2, + 3 + ], + "redundancy": [ + 2, + 4, + 4 + ] + } + }, + "AlamedaCC_06162020_2020-8019": { + "lead-3": { + "coherence": [ + 2, + 3, + 4 + ], + "summary": "Public hearing to consider an appeal of certain conditions of approval imposed by Planning Board Resolution Number PB 2010 approving a waiver of the Universal Residential Design Ordinance Alameda Municipal Code Section 30, Dash 18 for the proposed development and 2229 to 2235 Clement Avenue and adoption of related resolution. All right. And I thought we might have Andrew Thomas here.", + "consistency": [ + 3, + 4, + 5 + ], + "fluency": [ + 1, + 4, + 4 + ], + "informativeness": [ + 2, + 4, + 4 + ], + "redundancy": [ + 2, + 3, + 5 + ] + }, + "dialogLM": { + "coherence": [ + 3, + 4, + 4 + ], + "summary": "Public hearing to consider an appeal of certain conditions of approval imposed by planning board resolution no. Pb101; approving a waiver of the universal design ordinance, Alameda municipal code (AMC) section 30-18 for the proposed development of 2229-2235 Clement Avenue; and adoption of resolution authorizing the city manager to negotiate and execute related documents. (planning, building and transportation 20962740)", + "consistency": [ + 3, + 4, + 4 + ], + "fluency": [ + 2, + 5, + 4 + ], + "informativeness": [ + 2, + 4, + 5 + ], + "redundancy": [ + 2, + 5, + 5 + ] + }, + "lexrank": { + "coherence": [ + 2, + 3, + 5 + ], + "summary": "Public hearing to consider an appeal of certain conditions of approval imposed by Planning Board Resolution Number PB 2010 approving a waiver of the Universal Residential Design Ordinance Alameda Municipal Code Section 30, Dash 18 for the proposed development and 2229 to 2235 Clement Avenue and adoption of related resolution. At that time in April, the Council may remember that there was a request from the applicant for a waiver of universal design requirements.", + "consistency": [ + 3, + 4, + 5 + ], + "fluency": [ + 2, + 4, + 4 + ], + "informativeness": [ + 2, + 4, + 5 + ], + "redundancy": [ + 3, + 5, + 5 + ] + }, + "hmnet": { + "coherence": [ + 2, + 4, + 4 + ], + "summary": "Public hearing to consider an appeal of certain conditions of density requirements imposed on the planning board; planning board considered a waiver of the Adaptive design Alameda residential design design code section 30, section 18); and adoption of resolution ordinance no . RES -20 to the disability Commission for review and comment . four affirmative votes] development 266)", + "consistency": [ + 3, + 3, + 3 + ], + "fluency": [ + 2, + 4, + 4 + ], + "informativeness": [ + 2, + 3, + 3 + ], + "redundancy": [ + 2, + 4, + 4 + ] + }, + "bart": { + "coherence": [ + 2, + 2, + 5 + ], + "summary": "Public Hearing to Consider an Appeal of Certain Conditions of Approval Imposing by Planning Board Resolution No. PB 2010 Approving a Waiver of the Universal Residential Design Ordinance (Chapter 30-18) Section 30-1-18 for the Proposed Development and 2229-2235 Clement Avenue; and Adoption of Resolution Approving the Appeal and Providing for No Further Environmental Review or Comment. (Planning, Building and Transportation 481005) [Continued from May 11, 2021]", + "consistency": [ + 3, + 3, + 4 + ], + "fluency": [ + 1, + 4, + 4 + ], + "informativeness": [ + 2, + 3, + 4 + ], + "redundancy": [ + 2, + 4, + 5 + ] + }, + "pegasus": { + "coherence": [ + 2, + 4, + 4 + ], + "summary": "Public Hearing to Consider an Appeal of Certain Conditions of Approval Imposed by Planning Board Resolution No. 2010 Adopting a Waiver of the Universal Residential Design Ordinance Alameda Municipal Code Section 30-18 for the Proposed Development at 2235 Clement Avenue; and Adoption of Related Resolution. (Planning, Building and Transportation 481005)", + "consistency": [ + 3, + 4, + 4 + ], + "fluency": [ + 1, + 5, + 4 + ], + "informativeness": [ + 2, + 4, + 4 + ], + "redundancy": [ + 2, + 5, + 5 + ] + }, + "davinci003": { + "coherence": [ + 5, + 4, + 5 + ], + "summary": "The City Council is considering an appeal from the Boat Works team to waive universal design requirements for their project. The project exceeds California's accessibility standards, but the universal design ordinance is a challenge to meet, so staff are recommending the appeal is upheld with amendments.", + "consistency": [ + 4, + 4, + 4 + ], + "fluency": [ + 5, + 5, + 5 + ], + "informativeness": [ + 4, + 4, + 3 + ], + "redundancy": [ + 4, + 5, + 5 + ] + } + }, + "SeattleCityCouncil_09302019_Res 31908": { + "dialogLM": { + "coherence": [ + 4, + 5, + 5 + ], + "summary": "A resolution requesting the Seattle Department of transportation develop policy options for the maintenance and existing sidewalks, creating a public education program on snow and ice removal responsibilities, and develop a program to enforce snow and winter removal requirements by private property owners.", + "consistency": [ + 5, + 5, + 4 + ], + "fluency": [ + 4, + 5, + 5 + ], + "informativeness": [ + 4, + 5, + 5 + ], + "redundancy": [ + 4, + 5, + 5 + ] + }, + "bart": { + "coherence": [ + 2, + 5, + 5 + ], + "summary": "A RESOLUTION requesting that the Seattle Department of Transportation develop policy options for the maintenance and repair of side-by-side sidewalks; creating a public education program on snow and ice removal responsibilities; and developing a program to enforce snow and icy removal requirements by private property owners.", + "consistency": [ + 2, + 5, + 4 + ], + "fluency": [ + 2, + 5, + 4 + ], + "informativeness": [ + 2, + 5, + 5 + ], + "redundancy": [ + 2, + 5, + 5 + ] + }, + "pegasus": { + "coherence": [ + 3, + 5, + 5 + ], + "summary": "A RESOLUTION requesting the Seattle Department of Transportation (SDOT) develop policy options for the maintenance and existing sidewalks; creating a public education program on snow and ice removal responsibilities; and develop a program to enforce snow and ice removal requirements by private property owners.", + "consistency": [ + 3, + 5, + 5 + ], + "fluency": [ + 3, + 5, + 4 + ], + "informativeness": [ + 3, + 5, + 5 + ], + "redundancy": [ + 2, + 5, + 5 + ] + }, + "lead-3": { + "coherence": [ + 1, + 4, + 5 + ], + "summary": "Item. Agenda Item 15 Resolution 31908 Requesting the Seattle Department of Transportation develop policy options for the maintenance and existing sidewalks, creating create a public education program on snow and ice removal responsibilities, and develop a program to enforce snow and ice removal requirements by private property owners. Committee Recommends The Resolution Be Adopted.", + "consistency": [ + 3, + 5, + 5 + ], + "fluency": [ + 1, + 3, + 4 + ], + "informativeness": [ + 2, + 4, + 4 + ], + "redundancy": [ + 2, + 5, + 5 + ] + }, + "lexrank": { + "coherence": [ + 1, + 2, + 3 + ], + "summary": "This resolution requests that I start develop policy options for the maintenance of side way sidewalks, creating a public education program on snow and ice removal responsibilities and request. Kathryn Herbold, any other questions or comments on the legislation comes from O'Brien.", + "consistency": [ + 2, + 3, + 4 + ], + "fluency": [ + 2, + 3, + 4 + ], + "informativeness": [ + 1, + 3, + 3 + ], + "redundancy": [ + 2, + 3, + 5 + ] + }, + "davinci003": { + "coherence": [ + 5, + 5, + 5 + ], + "summary": "This resolution requests that the Seattle Department of Transportation develop policy options for the maintenance of sidewalks, create a public education program on snow and ice removal responsibilities, and develop a program to enforce snow and ice removal requirements by private property owners. Councilmember Herbold led on the resolution with community members and the resolution was adopted with no opposition.", + "consistency": [ + 5, + 5, + 5 + ], + "fluency": [ + 5, + 5, + 5 + ], + "informativeness": [ + 4, + 4, + 5 + ], + "redundancy": [ + 4, + 5, + 5 + ] + }, + "hmnet": { + "coherence": [ + 1, + 1, + 2 + ], + "summary": "A requesting that the Seattle Department of transportation develop a public education program on snow and snow removal, removal, and responsibilities develop, and develop opportunities for the maintenance and existing maintenance, creating a public education program on snow, and removal, custodial, and reimbursement for property owners; all by a 3 vote of the city council.", + "consistency": [ + 2, + 4, + 4 + ], + "fluency": [ + 1, + 1, + 4 + ], + "informativeness": [ + 1, + 3, + 3 + ], + "redundancy": [ + 1, + 1, + 1 + ] + } + }, + "AlamedaCC_09032019_2019-7193": { + "dialogLM": { + "coherence": [ + 2, + 4, + 4 + ], + "summary": "Introduction of ordinance amending the Alameda municipal code by adding article 17 to chapter VI concerning fair housing and tenant protections; prohibiting unlawful tenant Harassment, disruption of housing services, and housing discrimination, including source of income. (community development 265)", + "consistency": [ + 3, + 5, + 4 + ], + "fluency": [ + 2, + 4, + 4 + ], + "informativeness": [ + 3, + 5, + 4 + ], + "redundancy": [ + 2, + 5, + 5 + ] + }, + "pegasus": { + "coherence": [ + 4, + 4, + 5 + ], + "summary": "Introduction of Ordinance Amending the Alameda Municipal Code by Adding Article XV to Chapter VI Concerning Fair Housing and Tenant Protections; Prohibiting Unlawful Tenant Harassment,Disruption of Housing Services, and Housing Discrimination, Including Source of Income. (City Attorney 2310)", + "consistency": [ + 3, + 3, + 4 + ], + "fluency": [ + 3, + 3, + 4 + ], + "informativeness": [ + 3, + 3, + 5 + ], + "redundancy": [ + 2, + 4, + 5 + ] + }, + "bart": { + "coherence": [ + 3, + 4, + 5 + ], + "summary": "Introduction of Ordinance Amending the Alameda Municipal Code by Adding Article XV to Chapter VI Concerning Fair Housing and Tenant Protections; Prohibiting Unlawful Tenant Harassment, Disruption of Housing Services and Housing Discrimination, including Source of Income. (City Attorney 2310)", + "consistency": [ + 3, + 3, + 4 + ], + "fluency": [ + 3, + 3, + 5 + ], + "informativeness": [ + 3, + 3, + 5 + ], + "redundancy": [ + 2, + 4, + 5 + ] + }, + "lexrank": { + "coherence": [ + 1, + 3, + 5 + ], + "summary": "D introduction of ordinance amending the Alameda Municipal Code by adding Article 17 to Chapter six concerning fair housing and tenant protections prohibiting unlawful tenant harassment, disruption of housing services and housing discrimination, including source of income. This tenant could choose to sue for gender discrimination, even though the landlord may have chosen the female tenant because she's got a much better credit score.", + "consistency": [ + 2, + 4, + 4 + ], + "fluency": [ + 1, + 4, + 5 + ], + "informativeness": [ + 1, + 4, + 4 + ], + "redundancy": [ + 2, + 4, + 5 + ] + }, + "lead-3": { + "coherence": [ + 1, + 2, + 4 + ], + "summary": "D introduction of ordinance amending the Alameda Municipal Code by adding Article 17 to Chapter six concerning fair housing and tenant protections prohibiting unlawful tenant harassment, disruption of housing services and housing discrimination, including source of income. Thank you, officers. Okay.", + "consistency": [ + 2, + 4, + 4 + ], + "fluency": [ + 1, + 3, + 4 + ], + "informativeness": [ + 2, + 4, + 4 + ], + "redundancy": [ + 2, + 4, + 5 + ] + }, + "davinci003": { + "coherence": [ + 5, + 5, + 5 + ], + "summary": "This ordinance proposed in front of the city council seeks to clarify housing laws for the city of Alameda, including prohibiting tenant harassment, disruption of housing services, and source of income discrimination. The city attorney's office is also proposing a prosecution unit to work with the district attorney's office and other local departments to enforce various laws adopted by the city council.", + "consistency": [ + 4, + 5, + 4 + ], + "fluency": [ + 5, + 5, + 5 + ], + "informativeness": [ + 4, + 4, + 5 + ], + "redundancy": [ + 4, + 5, + 5 + ] + }, + "hmnet": { + "coherence": [ + 3, + 1, + 3 + ], + "summary": "Introduction of ordinance amending the Alameda municipal code by adding article Xiii to article Xiii of Chapter VI concerning the city of Alameda . Attorney)", + "consistency": [ + 2, + 2, + 2 + ], + "fluency": [ + 3, + 1, + 3 + ], + "informativeness": [ + 2, + 2, + 1 + ], + "redundancy": [ + 2, + 4, + 5 + ] + } + }, + "DenverCityCouncil_08272018_18-0848": { + "davinci003": { + "coherence": [ + 3, + 3, + 5 + ], + "summary": "The Colorado Rockies Baseball Club is proposing two new metropolitan districts in order to generate revenue to fund capital improvements and repairs at Coors Field, and the city council has approved the service plans for these districts. The districts will finance the public improvements and generate revenue through the imposition of up to 60 mills plus rates, fees, tolls and charges for debt and district operations and maintenance.", + "consistency": [ + 4, + 4, + 4 + ], + "fluency": [ + 3, + 3, + 5 + ], + "informativeness": [ + 4, + 4, + 4 + ], + "redundancy": [ + 5, + 5, + 5 + ] + }, + "bart": { + "coherence": [ + 2, + 1, + 3 + ], + "summary": "A bill for an ordinance approving the Service Plans for the creation of West Lot Metropolitan District No. 1, Metropolitan District District No., and West Lot Federal Metropolitan District, in Council District 9. Approves the service plans for the formation and establishment of two state-authorized metropolitan districts, each creating one parcel of land the size of approximately 675,000 square feet of public space for parking and public improvements on the newly established West Lot site located at approximately 8th Avenue on the west side of West Colfax Avenue at approximately West Lot in Council district 9. If ordered published, a public hearing will be held on Monday, 9-11-18. The Committee approved filing this item at", + "consistency": [ + 4, + 2, + 2 + ], + "fluency": [ + 2, + 2, + 4 + ], + "informativeness": [ + 3, + 3, + 3 + ], + "redundancy": [ + 3, + 1, + 3 + ] + }, + "lexrank": { + "coherence": [ + 2, + 2, + 4 + ], + "summary": "The new metropolitan districts will be responsible for creating the financing, acquisition, construction, completion operation and maintenance of all public infrastructure and services within and without the service areas, including without limitation street sidewalk improvements, parking infrastructure, water storm drainage detention and sanitary sewer improvements, landscaping, irrigation, a public plaza and traffic and safety control improvements. Improvements to the stadium.", + "consistency": [ + 2, + 3, + 3 + ], + "fluency": [ + 2, + 2, + 4 + ], + "informativeness": [ + 1, + 3, + 2 + ], + "redundancy": [ + 3, + 3, + 3 + ] + }, + "lead-3": { + "coherence": [ + 4, + 1, + 5 + ], + "summary": "Speakers must stay on the topic of the hearing and must direct their comments to the council members. Please refrain from profane or obscene speech. Direct your comments to council as a whole and please refrain from individual or personal attacks.", + "consistency": [ + 1, + 1, + 1 + ], + "fluency": [ + 4, + 2, + 5 + ], + "informativeness": [ + 1, + 1, + 1 + ], + "redundancy": [ + 4, + 5, + 5 + ] + }, + "hmnet": { + "coherence": [ + 2, + 2, + 1 + ], + "summary": "A bill for an ordinance approving service plans for the creation of 848 for 2018 West lot metropolitan district no . 1 and West lot no . 2 both in Council district 2. the committee approved filing this bill at its meeting on 11.", + "consistency": [ + 3, + 3, + 1 + ], + "fluency": [ + 2, + 2, + 3 + ], + "informativeness": [ + 2, + 3, + 1 + ], + "redundancy": [ + 3, + 4, + 5 + ] + }, + "dialogLM": { + "coherence": [ + 2, + 1, + 3 + ], + "summary": "A bill for an ordinance approving the service plans for the creation of West lot metropolitan district no. 1 and West lot programming no. 2, relating to the West lot site redevelopment project; and approving two separate service plans to establish the two title 32 districts. APPROVES the first service plan for the title 32 title 32 district title 32 service plans (201953400 and 202053456). The committee approved filing this item at its meeting on 8-27-18. community planning and development has determined that the requirement for a legal protest (signatures by the owners of 20 percent or more either of the area of the lots included in the proposed change or of the total land area within 200 feet from the perimeter of the proposed district) has been met (petition signatures represent 0% and 21%, respectively).", + "consistency": [ + 3, + 1, + 3 + ], + "fluency": [ + 2, + 1, + 3 + ], + "informativeness": [ + 3, + 2, + 2 + ], + "redundancy": [ + 1, + 1, + 1 + ] + }, + "pegasus": { + "coherence": [ + 2, + 2, + 4 + ], + "summary": "A bill for an ordinance approving the Service Plans for the creation of West Lot Metropolitan District No. 1 and West Lot Metropolitan District No. 2. Approves two separate Service Plans for the formation and establishment of two Title 32 districts: West Lot Metropolitan District No. 1 and West Lot Metropolitan District No. 2 located", + "consistency": [ + 4, + 3, + 4 + ], + "fluency": [ + 2, + 2, + 4 + ], + "informativeness": [ + 4, + 3, + 4 + ], + "redundancy": [ + 4, + 1, + 5 + ] + } + }, + "LongBeachCC_09092014_14-0725": { + "dialogLM": { + "coherence": [ + 4, + 5, + 5 + ], + "summary": "Recommendation to request city manager and fire Department to present to the Council the Timeline for implementation of pulse point.", + "consistency": [ + 4, + 5, + 5 + ], + "fluency": [ + 2, + 4, + 5 + ], + "informativeness": [ + 3, + 3, + 5 + ], + "redundancy": [ + 5, + 5, + 5 + ] + }, + "pegasus": { + "coherence": [ + 4, + 5, + 5 + ], + "summary": "Recommendation to request City Manager and Fire Department to present to the Council the timeline for implementation of Pulse Point.", + "consistency": [ + 4, + 5, + 5 + ], + "fluency": [ + 4, + 5, + 5 + ], + "informativeness": [ + 3, + 4, + 5 + ], + "redundancy": [ + 5, + 5, + 5 + ] + }, + "lead-3": { + "coherence": [ + 2, + 4, + 4 + ], + "summary": "Item 15 and 15 is a report from the office, councilwoman stacy mango and councilwoman susie price with the recommendation to request the city manager and fire department to present to the Council the timeline for implementation of plus point. Councilman Mongo. I think we have a staff report.", + "consistency": [ + 1, + 5, + 2 + ], + "fluency": [ + 3, + 4, + 4 + ], + "informativeness": [ + 1, + 2, + 3 + ], + "redundancy": [ + 2, + 5, + 5 + ] + }, + "davinci003": { + "coherence": [ + 5, + 5, + 5 + ], + "summary": "Pulse Point is an app that will empower everyday citizens to provide lifesaving assistance in the case of sudden cardiac arrest. Councilwoman Mongo and Councilwoman Price have requested for the city manager and fire department to present a timeline for the implementation of the app.", + "consistency": [ + 5, + 5, + 5 + ], + "fluency": [ + 5, + 4, + 5 + ], + "informativeness": [ + 5, + 5, + 5 + ], + "redundancy": [ + 5, + 5, + 5 + ] + }, + "lexrank": { + "coherence": [ + 2, + 5, + 5 + ], + "summary": "And this this application will also be part of our Go Long Beach Fire app. So we'd like to get everybody involved with Pulse Point and the people that don't know CPR.", + "consistency": [ + 2, + 5, + 4 + ], + "fluency": [ + 3, + 5, + 5 + ], + "informativeness": [ + 1, + 2, + 3 + ], + "redundancy": [ + 3, + 4, + 5 + ] + }, + "bart": { + "coherence": [ + 4, + 5, + 4 + ], + "summary": "Recommendation to request City Manager and Fire Department to present to the Council the timeline for implementation of \u201cPosePoint\u201d at a special municipal election to be held on October 4, 2018. The Committee approved filing this bill at its meeting on 9-12-18.", + "consistency": [ + 1, + 1, + 2 + ], + "fluency": [ + 1, + 4, + 2 + ], + "informativeness": [ + 2, + 1, + 3 + ], + "redundancy": [ + 3, + 5, + 5 + ] + }, + "hmnet": { + "coherence": [ + 1, + 2, + 1 + ], + "summary": "Recommendation to request the Councilwoman to receive supporting documentation into the record, conclude the Timeline and Timeline for the city manager and fire Department to present to the Council Timeline for implementation plus implementation of a resolution for implementation and conditions of payment.", + "consistency": [ + 2, + 1, + 1 + ], + "fluency": [ + 1, + 3, + 1 + ], + "informativeness": [ + 1, + 1, + 1 + ], + "redundancy": [ + 1, + 2, + 1 + ] + } + }, + "DenverCityCouncil_01272020_19-1364": { + "lexrank": { + "coherence": [ + 1, + 2, + 5 + ], + "summary": "I think if any one of those people would have lived in this house, it would have met criteria for history designation. Thank you for proactively going out and adding this landmark designation to your house.", + "consistency": [ + 1, + 3, + 3 + ], + "fluency": [ + 2, + 4, + 5 + ], + "informativeness": [ + 1, + 3, + 1 + ], + "redundancy": [ + 3, + 4, + 5 + ] + }, + "lead-3": { + "coherence": [ + 2, + 3, + 4 + ], + "summary": "Council is reconvened. We have one public hearing. This evening's speakers should begin their remarks by telling the council their names and cities of residents and if they feel comfortable doing so, their home addresses.", + "consistency": [ + 1, + 1, + 1 + ], + "fluency": [ + 3, + 3, + 5 + ], + "informativeness": [ + 1, + 1, + 1 + ], + "redundancy": [ + 3, + 4, + 5 + ] + }, + "hmnet": { + "coherence": [ + 2, + 2, + 3 + ], + "summary": "A bill for an ordinance designating East 26th ave as a structure for preservation . an individual landmark designation for property located at East 46th Avenue in Council district 9. the committee approved filing this item at its meeting on 9.", + "consistency": [ + 3, + 3, + 4 + ], + "fluency": [ + 2, + 2, + 3 + ], + "informativeness": [ + 2, + 3, + 4 + ], + "redundancy": [ + 1, + 2, + 2 + ] + }, + "dialogLM": { + "coherence": [ + 3, + 2, + 4 + ], + "summary": "A bill for an ordinance designating 4431 East Ke 26th Avenue as a structure for preservation. APPROVES an individual Denver landmark designation for property located at 4431 E. 26th Avenue in Council district 1. the committee approved filing this item at its meeting on 12-15-16.", + "consistency": [ + 2, + 3, + 4 + ], + "fluency": [ + 3, + 2, + 4 + ], + "informativeness": [ + 2, + 3, + 4 + ], + "redundancy": [ + 1, + 4, + 2 + ] + }, + "bart": { + "coherence": [ + 3, + 5, + 5 + ], + "summary": "A bill for an ordinance designating 4431 East 26th Avenue as a structure for preservation. Approves an individual Denver landmark designation for property located at 4431 E.26th Avenue in Council District 8. The Committee approved filing this item at its meeting on 12-1-16.", + "consistency": [ + 3, + 5, + 4 + ], + "fluency": [ + 3, + 5, + 4 + ], + "informativeness": [ + 2, + 5, + 5 + ], + "redundancy": [ + 2, + 5, + 3 + ] + }, + "pegasus": { + "coherence": [ + 3, + 5, + 5 + ], + "summary": "A bill for an ordinance designating 4431 East 26th Avenue as a structure for preservation. Approves an individual Denver landmark designation for property located at 4431 East 26th Avenue in Council District 8. The Committee approved filing this item at its meeting on 12-16-16.", + "consistency": [ + 4, + 5, + 4 + ], + "fluency": [ + 4, + 5, + 5 + ], + "informativeness": [ + 3, + 5, + 4 + ], + "redundancy": [ + 3, + 5, + 4 + ] + }, + "davinci003": { + "coherence": [ + 5, + 5, + 5 + ], + "summary": "Council is reconvening for a public hearing to discuss the designation of 4431 East 26th Avenue, which meets the criteria for landmark designation in terms of history, architecture, geography, and integrity. The property is associated with three persons of significance and has features that meet Blueprint Denver's vision to preserve the authenticity of Denver's neighborhoods and reduce greenhouse gas emissions.", + "consistency": [ + 5, + 5, + 4 + ], + "fluency": [ + 5, + 5, + 5 + ], + "informativeness": [ + 4, + 5, + 5 + ], + "redundancy": [ + 3, + 5, + 5 + ] + } + }, + "BostonCC_09222021_2021-1005": { + "pegasus": { + "coherence": [ + 2, + 3, + 4 + ], + "summary": "Petition for a Special Law re: An Act Relative to Boston and Non Criminal Disposition of Fines. On motion of Councilor Edwards, Rule 12 was invoked to include Councilor Bok as co-sponsor.", + "consistency": [ + 2, + 4, + 4 + ], + "fluency": [ + 3, + 2, + 4 + ], + "informativeness": [ + 2, + 4, + 4 + ], + "redundancy": [ + 5, + 5, + 5 + ] + }, + "lexrank": { + "coherence": [ + 2, + 1, + 4 + ], + "summary": "The chair now recognizes the District Council from East Boston Councilor Lydia Edwards. And thank you to Councilor Edwards and our colleagues for the important work on this proposal.", + "consistency": [ + 1, + 1, + 4 + ], + "fluency": [ + 3, + 5, + 5 + ], + "informativeness": [ + 1, + 1, + 1 + ], + "redundancy": [ + 4, + 5, + 5 + ] + }, + "lead-3": { + "coherence": [ + 1, + 4, + 4 + ], + "summary": "Thank you. Docket 1005. Councilors Edwards and Bullock offer the following petition for a special law regarding an act relative to Boston and non criminal disposition of fine.", + "consistency": [ + 2, + 5, + 3 + ], + "fluency": [ + 2, + 4, + 5 + ], + "informativeness": [ + 1, + 4, + 3 + ], + "redundancy": [ + 4, + 5, + 5 + ] + }, + "davinci003": { + "coherence": [ + 2, + 1, + 5 + ], + "summary": "Councilors Edwards and Bullock have proposed a special law to increase municipal fines from $300 to $3000 in order to better hold chronic offenders accountable for their violations. Additionally, Councilors Arroyo and Maria have proposed a resolution recognizing September as suicide prevention and action month in the city of Boston.", + "consistency": [ + 3, + 4, + 3 + ], + "fluency": [ + 5, + 5, + 5 + ], + "informativeness": [ + 2, + 3, + 3 + ], + "redundancy": [ + 4, + 5, + 5 + ] + }, + "hmnet": { + "coherence": [ + 2, + 2, + 3 + ], + "summary": "On the petition, referred on March 9, 2022,, petition for a special law re: an act relative to Boston and non of criminal disposition of fine, the fine was Impacting by long Beach unified school district from East Boston Avenue.", + "consistency": [ + 3, + 4, + 2 + ], + "fluency": [ + 2, + 3, + 4 + ], + "informativeness": [ + 2, + 3, + 2 + ], + "redundancy": [ + 4, + 1, + 5 + ] + }, + "dialogLM": { + "coherence": [ + 3, + 1, + 5 + ], + "summary": "Petition for a special law re: an act relative to Boston' s Non-Criminal disposition of fine.", + "consistency": [ + 2, + 5, + 5 + ], + "fluency": [ + 3, + 3, + 4 + ], + "informativeness": [ + 2, + 4, + 4 + ], + "redundancy": [ + 5, + 3, + 5 + ] + }, + "bart": { + "coherence": [ + 3, + 3, + 5 + ], + "summary": "Petition for a Special Law re: An Act Relative to Boston and Non- Criminal Disposition of Fine. On motion of Councilors Edwards and Bok, Rule 12 was invoked to include Councilor Bok as co-sponsor. Referred to the Committee on Government Operations.", + "consistency": [ + 3, + 4, + 5 + ], + "fluency": [ + 4, + 3, + 5 + ], + "informativeness": [ + 3, + 4, + 4 + ], + "redundancy": [ + 4, + 4, + 5 + ] + } + }, + "LongBeachCC_05102016_16-0414": { + "davinci003": { + "coherence": [ + 2, + 5, + 2 + ], + "summary": "The city was able to save about 6.5 million dollars on a tree trimming contract by rebidding, and the council discussed the possibility of including certifications for tree trimming in emergency situations in future contracts.", + "consistency": [ + 1, + 4, + 2 + ], + "fluency": [ + 3, + 5, + 4 + ], + "informativeness": [ + 1, + 1, + 2 + ], + "redundancy": [ + 3, + 5, + 4 + ] + }, + "lead-3": { + "coherence": [ + 2, + 5, + 5 + ], + "summary": "Motion carries. Next item report from Public Works and Financial Management. Recommendation to award a contract to West Coast Arborists for as needed tree trimming services in an annual mountain not to exceed 1.8 million citywide.", + "consistency": [ + 1, + 5, + 4 + ], + "fluency": [ + 3, + 4, + 5 + ], + "informativeness": [ + 1, + 3, + 5 + ], + "redundancy": [ + 3, + 5, + 5 + ] + }, + "lexrank": { + "coherence": [ + 2, + 5, + 3 + ], + "summary": "I'm the owner, founder and owner of Great Scott Tree Service and we currently have the Parks and Rec and Marina contract and we had the opportunity to bid on this contract as well. The next time that you have a contract come up that you include this in the contract.", + "consistency": [ + 1, + 4, + 2 + ], + "fluency": [ + 2, + 5, + 4 + ], + "informativeness": [ + 1, + 1, + 2 + ], + "redundancy": [ + 3, + 5, + 4 + ] + }, + "dialogLM": { + "coherence": [ + 4, + 5, + 4 + ], + "summary": "Recommendation to adopt specifications no. Rfp Pw16-131 and award a contract to West Coast Arborists, Inc., of Anaheim, ca, for As-Needed tree trimming services, in an annual amount not to exceed $1, 850, 000, for a period of two years, with the option to renew for three additional one-year periods, at the discretion of the city manager; and, authorize city manager, or Designee, to execute all documents necessary to enter into the contract, including any necessary amendments. (citywide)", + "consistency": [ + 2, + 4, + 4 + ], + "fluency": [ + 3, + 4, + 5 + ], + "informativeness": [ + 3, + 4, + 5 + ], + "redundancy": [ + 4, + 5, + 3 + ] + }, + "bart": { + "coherence": [ + 3, + 4, + 3 + ], + "summary": "Recommendation to adopt resolution authorizing City Manager to execute all documents necessary to enter into a contract with West Coast Arborists, Inc., of Anaheim, CA, for providing as-needed tree trimming services, on the same terms and conditions afforded to the City of Agoura Hills, in an annual amount of $1,650,000, with a 10 percent contingency of $200,500, for a total annual contract amount not to exceed $2,815,000 for a period of one-year, with the option to renew for one additional one-five-year period, at the discretion of the City Manager; and, authorize City Manager, or designee, to", + "consistency": [ + 2, + 3, + 3 + ], + "fluency": [ + 2, + 5, + 1 + ], + "informativeness": [ + 2, + 4, + 4 + ], + "redundancy": [ + 2, + 5, + 2 + ] + }, + "hmnet": { + "coherence": [ + 2, + 3, + 1 + ], + "summary": "Recommendation to adopt specifications no . Rfp and award a contract to West Coast, Inc., of Los Angeles, ca, for as as required as a by the city of long Beach, in an annual amount not to exceed for a period of two years, with the option to renew for three additional one -Year periods, at the discretion of the city manager; and, authorize city manager, or Designee, to execute all documents necessary to enter into the contract, including any necessary amendments.)", + "consistency": [ + 1, + 4, + 3 + ], + "fluency": [ + 2, + 4, + 1 + ], + "informativeness": [ + 2, + 4, + 3 + ], + "redundancy": [ + 1, + 4, + 3 + ] + }, + "pegasus": { + "coherence": [ + 2, + 4, + 2 + ], + "summary": "Recommendation to adopt Specifications No. ITB PW18-115 and award a contract to West Coast Arborists, Inc., of Buena Park, CA, for as-needed tree trimming services, in an annual amount not to exceed $1,800,000, for a period of one year, with the option to renew for", + "consistency": [ + 1, + 4, + 5 + ], + "fluency": [ + 2, + 4, + 1 + ], + "informativeness": [ + 2, + 4, + 5 + ], + "redundancy": [ + 3, + 5, + 4 + ] + } + }, + "AlamedaCC_01052021_2021-8559": { + "lead-3": { + "coherence": [ + 3, + 1, + 5 + ], + "summary": "Thank you, Madam Clerk. Okay, I see a distinguished list of staff and consultants in front of me. Just let me know who is going to present this item.", + "consistency": [ + 1, + 1, + 1 + ], + "fluency": [ + 3, + 4, + 5 + ], + "informativeness": [ + 1, + 1, + 1 + ], + "redundancy": [ + 3, + 4, + 5 + ] + }, + "hmnet": { + "coherence": [ + 2, + 4, + 4 + ], + "summary": "Recommendation to receive supporting documentation into the record, conclude the hearing and take the actions necessary to adopt the fiscal year 2022 budget as listed in attachment A. development 207)", + "consistency": [ + 2, + 3, + 2 + ], + "fluency": [ + 2, + 4, + 5 + ], + "informativeness": [ + 1, + 3, + 1 + ], + "redundancy": [ + 3, + 5, + 5 + ] + }, + "lexrank": { + "coherence": [ + 1, + 1, + 5 + ], + "summary": "And that money may be used for the development of housing for school district employees. And the second thing I just want to say is, you know, I think this is a great partnership with the school district.", + "consistency": [ + 2, + 2, + 3 + ], + "fluency": [ + 1, + 1, + 5 + ], + "informativeness": [ + 1, + 1, + 1 + ], + "redundancy": [ + 2, + 5, + 5 + ] + }, + "davinci003": { + "coherence": [ + 3, + 4, + 5 + ], + "summary": "The successor agency to the Community Improvement Commission is preparing the ROPS, which stands for a Recognized Obligation Payment Schedule, which includes the cost of managing the enforceable obligations of the former Community Improvement Commission. Additionally, Rose Fields Village is being rebuilt with approximately $2.032 million in redevelopment property tax trust funds being allocated to the site.", + "consistency": [ + 2, + 4, + 1 + ], + "fluency": [ + 4, + 4, + 5 + ], + "informativeness": [ + 2, + 4, + 1 + ], + "redundancy": [ + 3, + 4, + 5 + ] + }, + "dialogLM": { + "coherence": [ + 4, + 4, + 4 + ], + "summary": "Recommendation to authorize the city manager or his Designee to execute a memorandum of understanding (Mou) between the city of Alameda and the housing authority of the city and county of Denver regarding the development of affordable housing at rose field village, with an option to extend the term of the Mou for two additional years. (community development 236)", + "consistency": [ + 4, + 3, + 3 + ], + "fluency": [ + 3, + 2, + 4 + ], + "informativeness": [ + 3, + 3, + 3 + ], + "redundancy": [ + 3, + 4, + 5 + ] + }, + "pegasus": { + "coherence": [ + 3, + 2, + 1 + ], + "summary": "Recommendation to Accept the 2016 Annual Report on the Status of the Former Community Improvement Commission (CICC) and Adopt the 2016 Annual Report on the Status of the Former Community Improvement Commission (CICC) and Adopt the 2016 Annual Report on the Status of the Former Community Improvement Commission (CICC) and Adopt the 2016", + "consistency": [ + 2, + 3, + 1 + ], + "fluency": [ + 3, + 1, + 1 + ], + "informativeness": [ + 2, + 3, + 1 + ], + "redundancy": [ + 1, + 1, + 1 + ] + }, + "bart": { + "coherence": [ + 3, + 3, + 3 + ], + "summary": "Recommendation to Accept the Fiscal Year 2016-17 Audited Financial Statements and Compliance Reports for the City of Alameda Community Improvement Commission, School District Board of Directors, City Manager and City Attorney\u2019s Offices. (Housing 266) (Continued from December 7, 2016 to January 2, 2017)", + "consistency": [ + 3, + 5, + 1 + ], + "fluency": [ + 2, + 4, + 5 + ], + "informativeness": [ + 2, + 5, + 1 + ], + "redundancy": [ + 2, + 1, + 5 + ] + } + }, + "SeattleCityCouncil_10292018_Res 31851": { + "bart": { + "coherence": [ + 4, + 5, + 5 + ], + "summary": "A RESOLUTION addressing the proposed Pebble Mine in Alaskan/Baker Bay, and urging the Trump administration to undergo the appropriate Environmental Review and Economic Assessment process, in consultation with the public, to protect the wide-ranging interests in the region, including that of Seattle\u2019s business community.", + "consistency": [ + 2, + 5, + 4 + ], + "fluency": [ + 4, + 5, + 4 + ], + "informativeness": [ + 2, + 5, + 4 + ], + "redundancy": [ + 4, + 5, + 5 + ] + }, + "pegasus": { + "coherence": [ + 3, + 5, + 5 + ], + "summary": "A RESOLUTION addressing the proposed Pebble Mine in Alaska\u2019s Bristol Bay; and urging the Trump administration to undergo the appropriate environmental review economic assessment in consultation with the public to protect the wide-ranging interests in the region, including that of Seattle.", + "consistency": [ + 4, + 5, + 5 + ], + "fluency": [ + 4, + 5, + 4 + ], + "informativeness": [ + 3, + 5, + 4 + ], + "redundancy": [ + 2, + 5, + 5 + ] + }, + "lead-3": { + "coherence": [ + 1, + 1, + 5 + ], + "summary": "Let's move to our last agenda item. Please read it into the record. Agenda item four.", + "consistency": [ + 1, + 1, + 3 + ], + "fluency": [ + 2, + 5, + 5 + ], + "informativeness": [ + 1, + 1, + 1 + ], + "redundancy": [ + 2, + 5, + 5 + ] + }, + "lexrank": { + "coherence": [ + 5, + 4, + 5 + ], + "summary": "AECOM has regularly performed EIA services to and for the core Pebble Mine included in their recent mine plan investments to protect Bristol Bay to reduce environmental impacts. Pebble Limited Partnership, a mining company, intends to mine Bristol Bay, Alaska for copper and gold.", + "consistency": [ + 4, + 4, + 4 + ], + "fluency": [ + 5, + 4, + 5 + ], + "informativeness": [ + 3, + 3, + 2 + ], + "redundancy": [ + 4, + 5, + 5 + ] + }, + "dialogLM": { + "coherence": [ + 3, + 2, + 5 + ], + "summary": "A resolution addressing the proposed pebble mine in Alaska \u2019 Snts Bay, and urging the Trump administration to undergo the appropriate environmental review and economic assessment in consultation with the public to protect the wide-ranging interests in the region, including that of Seattle \u2019 s business community.", + "consistency": [ + 2, + 3, + 4 + ], + "fluency": [ + 1, + 1, + 4 + ], + "informativeness": [ + 2, + 4, + 4 + ], + "redundancy": [ + 2, + 5, + 5 + ] + }, + "davinci003": { + "coherence": [ + 5, + 4, + 5 + ], + "summary": "Councilmember Words proposed a resolution to urge the Trump administration to undergo the appropriate environmental review economic assessment to protect the wide ranging interests of the Bristol Bay region, including the Seattle business community. The resolution would also ask the Office of Intergovernmental Relations to communicate the resolution to the federal government, including the White House, EPA, Army Corps of Engineers, U.S. Department of Interior and both Senator Patty Murray and Senator Maria Cantwell.", + "consistency": [ + 5, + 3, + 4 + ], + "fluency": [ + 5, + 4, + 5 + ], + "informativeness": [ + 5, + 3, + 5 + ], + "redundancy": [ + 5, + 4, + 5 + ] + }, + "hmnet": { + "coherence": [ + 3, + 5, + 4 + ], + "summary": "A addressing the proposed pebble mine in Bristol Bay, urging the Trump administration to undergo the appropriate environmental assessment in the Puget sound region.", + "consistency": [ + 2, + 4, + 3 + ], + "fluency": [ + 2, + 5, + 5 + ], + "informativeness": [ + 2, + 4, + 3 + ], + "redundancy": [ + 3, + 5, + 5 + ] + } + }, + "LongBeachCC_10222019_19-1067": { + "bart": { + "coherence": [ + 4, + 3, + 5 + ], + "summary": "Recommendation to request City Manager to close a pedestrian bridge at Emefiele Avenue, between 7th Street and Orange Avenue, in order to address persistent crime and public safety issues; and request City Attorney to prepare an interim (moratorium) ordinance pursuant to Chapter 14.79 of the Long Beach Municipal Code, to temporarily prohibit the use of the bridge for public purposes until a workplan can be developed and approved by City Council within 30 days.", + "consistency": [ + 4, + 4, + 4 + ], + "fluency": [ + 3, + 3, + 5 + ], + "informativeness": [ + 3, + 4, + 5 + ], + "redundancy": [ + 2, + 4, + 5 + ] + }, + "dialogLM": { + "coherence": [ + 3, + 2, + 5 + ], + "summary": "Recommendation to declare ordinance amending the long Beach municipal code by amending section 10. 32. 130; and by adding section 10. 32. 140, all relating to the closure of the pedestrian bridge on Emherton Avenue, read and adopted as read. (citywide)", + "consistency": [ + 2, + 2, + 4 + ], + "fluency": [ + 2, + 1, + 4 + ], + "informativeness": [ + 2, + 2, + 4 + ], + "redundancy": [ + 2, + 3, + 5 + ] + }, + "lead-3": { + "coherence": [ + 1, + 1, + 1 + ], + "summary": "Councilwoman Price. Councilwoman Mongo. Ocean cares.", + "consistency": [ + 1, + 1, + 1 + ], + "fluency": [ + 2, + 1, + 1 + ], + "informativeness": [ + 1, + 1, + 1 + ], + "redundancy": [ + 2, + 5, + 5 + ] + }, + "lexrank": { + "coherence": [ + 3, + 3, + 5 + ], + "summary": "When Park Estates was built in 1948, there was no bridge. This is the viewpoint of the bridge leading into the bridge from the Park Estates area.", + "consistency": [ + 1, + 1, + 5 + ], + "fluency": [ + 3, + 3, + 5 + ], + "informativeness": [ + 1, + 1, + 1 + ], + "redundancy": [ + 3, + 5, + 5 + ] + }, + "hmnet": { + "coherence": [ + 2, + 2, + 2 + ], + "summary": "Recommendation to receive and file a report from Councilwoman price closed a pedestrian bridge at Avenue in order to address persistent crime, and persistent public safety issues.", + "consistency": [ + 3, + 3, + 2 + ], + "fluency": [ + 2, + 2, + 3 + ], + "informativeness": [ + 2, + 3, + 2 + ], + "redundancy": [ + 3, + 4, + 5 + ] + }, + "pegasus": { + "coherence": [ + 4, + 2, + 5 + ], + "summary": "Recommendation to close a pedestrian bridge at Emelissa Avenue in order to address persistent crime and public safety issues.", + "consistency": [ + 4, + 2, + 2 + ], + "fluency": [ + 5, + 2, + 3 + ], + "informativeness": [ + 3, + 2, + 4 + ], + "redundancy": [ + 5, + 5, + 5 + ] + }, + "davinci003": { + "coherence": [ + 5, + 2, + 5 + ], + "summary": "Councilwoman Price has proposed a solution to persistent crime and public safety issues near Emefiele Avenue by requesting a pin code for the pedestrian bridge gate, rather than closing the bridge. Local residents have expressed strong support for this measure and have emphasized the need for limited access due to the prevalence of criminal activity in the area.", + "consistency": [ + 5, + 3, + 4 + ], + "fluency": [ + 5, + 2, + 4 + ], + "informativeness": [ + 4, + 3, + 4 + ], + "redundancy": [ + 5, + 4, + 5 + ] + } + }, + "SeattleCityCouncil_11252019_Res 31917": { + "davinci003": { + "coherence": [ + 5, + 4, + 5 + ], + "summary": "The City Council passed a resolution recognizing the importance of healthcare workers and supporting the unionized workers of SEIU Healthcare 1199 Northwest in their right to strike and withhold their labor. The Council also voted to support a collective bargaining agreement between the City of Seattle and the United Association of Journeymen and Apprentices of the Plumbing and Pipe Fitting Industry Local 32.", + "consistency": [ + 5, + 3, + 4 + ], + "fluency": [ + 5, + 4, + 5 + ], + "informativeness": [ + 4, + 4, + 4 + ], + "redundancy": [ + 4, + 4, + 5 + ] + }, + "pegasus": { + "coherence": [ + 3, + 5, + 5 + ], + "summary": "A RESOLUTION recognizing the importance of our health care workers supporting the unionized workers of SEIU Healthcare 1189 NW exercising their right to strike and withhold their labor.", + "consistency": [ + 4, + 5, + 5 + ], + "fluency": [ + 2, + 5, + 4 + ], + "informativeness": [ + 3, + 5, + 5 + ], + "redundancy": [ + 4, + 5, + 5 + ] + }, + "bart": { + "coherence": [ + 3, + 4, + 4 + ], + "summary": "A RESOLUTION recognizing the importance of our healthcare workers; supporting the unionized workers of SEIU Healthcare 1189 NW, exercising their right to strike and withhold their labor; and supporting the SEIU Health Care 1199 NW, which is an act of the City of Seattle\u2019s right-of-way.", + "consistency": [ + 4, + 4, + 3 + ], + "fluency": [ + 2, + 4, + 4 + ], + "informativeness": [ + 2, + 4, + 5 + ], + "redundancy": [ + 2, + 5, + 3 + ] + }, + "hmnet": { + "coherence": [ + 2, + 1, + 2 + ], + "summary": "A supporting the unionized workers of the city council.", + "consistency": [ + 2, + 2, + 2 + ], + "fluency": [ + 1, + 1, + 4 + ], + "informativeness": [ + 1, + 3, + 1 + ], + "redundancy": [ + 3, + 5, + 5 + ] + }, + "lead-3": { + "coherence": [ + 2, + 3, + 3 + ], + "summary": "Three part of the City Council. Agenda Item one Resolution 31917. Recognizing the importance of our health care workers supporting the unionized workers of SEIU Healthcare 1189 Northwest exercising their right to strike and withhold their labor.", + "consistency": [ + 3, + 4, + 4 + ], + "fluency": [ + 3, + 2, + 4 + ], + "informativeness": [ + 2, + 4, + 4 + ], + "redundancy": [ + 2, + 5, + 5 + ] + }, + "dialogLM": { + "coherence": [ + 4, + 4, + 4 + ], + "summary": "A resolution recognizing the importance of our health care workers supporting the unionized workers of Seiu Healthcare 1189 NW to exercise their right to strike and withhold their labor.", + "consistency": [ + 4, + 5, + 5 + ], + "fluency": [ + 2, + 5, + 4 + ], + "informativeness": [ + 3, + 5, + 5 + ], + "redundancy": [ + 4, + 5, + 5 + ] + }, + "lexrank": { + "coherence": [ + 2, + 3, + 4 + ], + "summary": "Clearly, these health care workers don't want to be doing that. So I am honored to bring forward this resolution and just let people know that this is about safety for patients and workers.", + "consistency": [ + 2, + 1, + 3 + ], + "fluency": [ + 2, + 3, + 4 + ], + "informativeness": [ + 1, + 1, + 1 + ], + "redundancy": [ + 3, + 4, + 5 + ] + } + }, + "AlamedaCC_11152016_2016-3510": { + "hmnet": { + "coherence": [ + 2, + 4, + 5 + ], + "summary": "Recommendation to an update on an phase zero program.", + "consistency": [ + 2, + 4, + 5 + ], + "fluency": [ + 2, + 4, + 5 + ], + "informativeness": [ + 1, + 3, + 3 + ], + "redundancy": [ + 4, + 4, + 5 + ] + }, + "davinci003": { + "coherence": [ + 5, + 1, + 5 + ], + "summary": "The Alameda Soccer Club has requested permission to use the Hornet Field Lease License Agreement with the Alameda Soccer Club to include operation and maintenance of the adjacent tennis courts for additional soccer field space. The club is run solely by volunteers, and the proposed renovations would benefit Alameda citizens by providing a more suitable and accessible space for special needs children.", + "consistency": [ + 4, + 1, + 1 + ], + "fluency": [ + 5, + 4, + 5 + ], + "informativeness": [ + 4, + 1, + 1 + ], + "redundancy": [ + 5, + 4, + 5 + ] + }, + "lexrank": { + "coherence": [ + 4, + 1, + 4 + ], + "summary": "I also polled 5ga recommendation to authorize the city manager to amend the Hornet Field Lease License Agreement with the Alameda Soccer Club to include operation and maintenance of the adjacent tennis courts. To clarify what we are doing, I've been working with the Alameda Soccer Club, which came to my cellphone and brought to the Recreation and Parks Commission a proposal to renovate the dilapidated tennis courts that are there that are adjacent to the Hornet field, which they currently have a license agreement with the city, a five year agreement that expires in February 2019.", + "consistency": [ + 3, + 1, + 1 + ], + "fluency": [ + 3, + 4, + 4 + ], + "informativeness": [ + 2, + 1, + 1 + ], + "redundancy": [ + 3, + 4, + 5 + ] + }, + "lead-3": { + "coherence": [ + 1, + 1, + 4 + ], + "summary": "Remember De Sock seconded all this in favor. My motion carries unanimously. Thank you.", + "consistency": [ + 1, + 1, + 1 + ], + "fluency": [ + 2, + 1, + 4 + ], + "informativeness": [ + 1, + 1, + 1 + ], + "redundancy": [ + 3, + 5, + 5 + ] + }, + "bart": { + "coherence": [ + 3, + 1, + 5 + ], + "summary": "Final Passage of Ordinance Authorizing the City Manager, or Designee, to Execute a Second Amendment to the Lease with Pacific Pinball Festival, LLC, Extending the Term of the Limited Liability Company for an Additional Two-Year Period through December 2017 at the Rates Approved by the City Council and by the Local Participants. (Base Reuse 819099) [Continued from December 7, 2017]", + "consistency": [ + 3, + 1, + 1 + ], + "fluency": [ + 2, + 1, + 5 + ], + "informativeness": [ + 2, + 1, + 1 + ], + "redundancy": [ + 2, + 4, + 5 + ] + }, + "pegasus": { + "coherence": [ + 2, + 5, + 5 + ], + "summary": "Consider Directing Staff to Provide an Update on the Alameda Point Phase Zero Program. (Community Development 481005)", + "consistency": [ + 2, + 5, + 4 + ], + "fluency": [ + 1, + 5, + 4 + ], + "informativeness": [ + 1, + 5, + 3 + ], + "redundancy": [ + 3, + 5, + 5 + ] + }, + "dialogLM": { + "coherence": [ + 2, + 1, + 5 + ], + "summary": "Recommendation to authorize the city manager to amend the Hornet field lease license agreement with the Alameda Soccer club to include operation and maintenance of the adjacent tennis courts and four additional Soccer field space. (recreation and parks 280)", + "consistency": [ + 4, + 1, + 1 + ], + "fluency": [ + 2, + 1, + 4 + ], + "informativeness": [ + 3, + 1, + 1 + ], + "redundancy": [ + 3, + 5, + 5 + ] + } + }, + "LongBeachCC_05052015_15-0395": { + "lexrank": { + "coherence": [ + 3, + 5, + 4 + ], + "summary": "Recommendation to request city attorney to draft a resolution in support of efforts to build a football stadium in the city of Carson. I think this is a great start to give our support to something that is going to be hopefully very, very, very good for the local economy.", + "consistency": [ + 3, + 5, + 5 + ], + "fluency": [ + 2, + 5, + 4 + ], + "informativeness": [ + 2, + 4, + 5 + ], + "redundancy": [ + 2, + 5, + 1 + ] + }, + "pegasus": { + "coherence": [ + 5, + 5, + 5 + ], + "summary": "Recommendation to request City Attorney to draft a resolution in support of efforts to build a football stadium in the City of Carson.", + "consistency": [ + 5, + 5, + 5 + ], + "fluency": [ + 5, + 5, + 5 + ], + "informativeness": [ + 4, + 4, + 5 + ], + "redundancy": [ + 5, + 5, + 5 + ] + }, + "lead-3": { + "coherence": [ + 3, + 5, + 4 + ], + "summary": "Item number 13 Communication for Mayor Robert Garcia. Recommendation to request city attorney to draft a resolution in support of efforts to build a football stadium in the city of Carson. So any comment on this item?", + "consistency": [ + 3, + 5, + 5 + ], + "fluency": [ + 3, + 5, + 4 + ], + "informativeness": [ + 2, + 3, + 4 + ], + "redundancy": [ + 4, + 5, + 4 + ] + }, + "bart": { + "coherence": [ + 5, + 5, + 4 + ], + "summary": "Recommendation to request City Attorney to draft a resolution in support of efforts to build a football stadium in the City of Carson and request City Council approval of the final terms and conditions of the license with the Los Angeles/Orange Counties Council and Stadium District owners for the use and sale of vacant land, closing costs, consultant fees, and other associated factors for the development of a professional women\u2019s basketball stadium in Long Beach.", + "consistency": [ + 5, + 4, + 5 + ], + "fluency": [ + 5, + 5, + 5 + ], + "informativeness": [ + 4, + 4, + 4 + ], + "redundancy": [ + 3, + 5, + 5 + ] + }, + "davinci003": { + "coherence": [ + 5, + 5, + 5 + ], + "summary": "The Mayor of Long Beach has requested the City Attorney to draft a resolution in support of building a NFL stadium in the city of Carson. The City Council voted in favor of the resolution, with members citing potential economic development and job creation benefits for the local area.", + "consistency": [ + 5, + 4, + 4 + ], + "fluency": [ + 5, + 5, + 5 + ], + "informativeness": [ + 5, + 4, + 5 + ], + "redundancy": [ + 5, + 5, + 5 + ] + }, + "hmnet": { + "coherence": [ + 4, + 5, + 4 + ], + "summary": "Recommendation to request city attorney to draft a Council support of Mayor Robert Garcia in support of our tourism efforts to build a football stadium in the city of Carson.", + "consistency": [ + 3, + 4, + 4 + ], + "fluency": [ + 3, + 5, + 4 + ], + "informativeness": [ + 3, + 4, + 4 + ], + "redundancy": [ + 2, + 5, + 5 + ] + }, + "dialogLM": { + "coherence": [ + 5, + 5, + 5 + ], + "summary": "Recommendation to request city attorney to draft a resolution in support of efforts to build a football stadium in the city of Carson.", + "consistency": [ + 5, + 5, + 5 + ], + "fluency": [ + 5, + 5, + 5 + ], + "informativeness": [ + 4, + 4, + 5 + ], + "redundancy": [ + 5, + 5, + 5 + ] + } + }, + "AlamedaCC_04192016_2016-2761": { + "bart": { + "coherence": [ + 3, + 1, + 4 + ], + "summary": "Recommendation to Accept the Fiscal Year (FY) 2014-15 Audited Financial Statements and Compliance Reports. (City Manager 10021030/Finance 10024051) [Not heard on July 19, 2014 or September 6, 2014] City of Alameda] Comprehensive Financial Report] for the Period Ending March 31, 2015. (Finance 2410)", + "consistency": [ + 3, + 4, + 4 + ], + "fluency": [ + 2, + 3, + 4 + ], + "informativeness": [ + 2, + 3, + 4 + ], + "redundancy": [ + 1, + 1, + 4 + ] + }, + "davinci003": { + "coherence": [ + 5, + 4, + 5 + ], + "summary": "The article discusses the City of Alameda's Comprehensive Annual Financial Report and the importance of emergency preparedness and regular updates of the city's efforts. It also highlights the importance of the Internal Service Fund, infrastructure value, and CalPERS rate of return, as well as the landlord-tenant agreement, which has been resolved.", + "consistency": [ + 4, + 3, + 4 + ], + "fluency": [ + 5, + 4, + 5 + ], + "informativeness": [ + 4, + 3, + 5 + ], + "redundancy": [ + 5, + 4, + 5 + ] + }, + "lead-3": { + "coherence": [ + 1, + 1, + 2 + ], + "summary": "Thank you. So the 3D is, by the way, for the audience who may not have an agenda recommendation to accept the fiscal year 20 1415 audited financial statements in compliance reports. And I had a question or something that I just wanted to know a little bit more about from Exhibit one, which is the fiscal year 20 1415 City of Alameda Comprehensive Annual Financial Report.", + "consistency": [ + 1, + 3, + 2 + ], + "fluency": [ + 2, + 1, + 3 + ], + "informativeness": [ + 1, + 4, + 1 + ], + "redundancy": [ + 2, + 3, + 4 + ] + }, + "hmnet": { + "coherence": [ + 2, + 2, + 3 + ], + "summary": "Recommendation to accept the fiscal year 2015 annual report of the Alameda city of Alameda annual financial statements . emergency assessment report)", + "consistency": [ + 2, + 4, + 4 + ], + "fluency": [ + 1, + 1, + 3 + ], + "informativeness": [ + 2, + 4, + 4 + ], + "redundancy": [ + 1, + 5, + 3 + ] + }, + "lexrank": { + "coherence": [ + 2, + 3, + 4 + ], + "summary": "Well, instead of using the 7.5 rate of return and the unfunded liabilities that's generated as a result of that, what if CalPERS rate of return was 6.5% and then on page 88, then there is a corresponding unfunded liability , which is even greater, which would be even greater. Most interesting, though, is if you went to page 88, there is a sort of a stress test because the unfunded liabilities that are reported in on page 87 are partly a function of the return rates that CalPERS had had projected.", + "consistency": [ + 2, + 2, + 3 + ], + "fluency": [ + 3, + 4, + 5 + ], + "informativeness": [ + 1, + 2, + 2 + ], + "redundancy": [ + 2, + 3, + 4 + ] + }, + "dialogLM": { + "coherence": [ + 2, + 4, + 5 + ], + "summary": "Recommendation to accept the fiscal year 2015-16 audited financial statements and compliance reports. [city Council/Sacic] (Finance 2410)", + "consistency": [ + 3, + 3, + 3 + ], + "fluency": [ + 2, + 3, + 4 + ], + "informativeness": [ + 2, + 4, + 5 + ], + "redundancy": [ + 1, + 3, + 5 + ] + }, + "pegasus": { + "coherence": [ + 2, + 4, + 5 + ], + "summary": "Recommendation to Accept the Fiscal Year 2013-14 Audited Financial Statements and Compliance Reports. (City Manager 2110)", + "consistency": [ + 3, + 3, + 3 + ], + "fluency": [ + 2, + 4, + 5 + ], + "informativeness": [ + 2, + 4, + 5 + ], + "redundancy": [ + 2, + 4, + 5 + ] + } + }, + "SeattleCityCouncil_11232020_CB 119909": { + "pegasus": { + "coherence": [ + 3, + 5, + 4 + ], + "summary": "AN ORDINANCE authorizing, in 2020, acceptance of funding from non-City sources; authorizing the heads of the Executive Department, Department of Parks and Recreation, Seattle Fire Department, and Seattle Police Department to accept specified grants, private funding, and subsidized loans and to execute, deliver, and perform corresponding agreements; and", + "consistency": [ + 4, + 3, + 4 + ], + "fluency": [ + 3, + 5, + 4 + ], + "informativeness": [ + 3, + 3, + 2 + ], + "redundancy": [ + 2, + 5, + 5 + ] + }, + "hmnet": { + "coherence": [ + 2, + 5, + 1 + ], + "summary": "An amending ordinance, which adopted the 2020 budget, including the 2020 capital improvement program); changing appropriations to various departments and budget control levels, and from various funds in the budget; and ratifying and confirming certain prior acts.", + "consistency": [ + 3, + 1, + 1 + ], + "fluency": [ + 2, + 5, + 1 + ], + "informativeness": [ + 2, + 1, + 1 + ], + "redundancy": [ + 1, + 5, + 1 + ] + }, + "bart": { + "coherence": [ + 2, + 4, + 5 + ], + "summary": "AN ORDINANCE authorizing, in 2021, acceptance of funding from non-City sources; authorizing the heads of the Executive Department, Seattle Department of Transportation, Seattle Fire Department, and Seattle Police Department to accept specified grants, private funding, and subsidized loans and to execute, deliver, and perform corresponding agreements; and ratifying and confirming certain prior acts.", + "consistency": [ + 3, + 2, + 4 + ], + "fluency": [ + 4, + 4, + 5 + ], + "informativeness": [ + 3, + 2, + 2 + ], + "redundancy": [ + 2, + 5, + 5 + ] + }, + "dialogLM": { + "coherence": [ + 4, + 5, + 1 + ], + "summary": "An ordinance amending ordinance 126000, which adopted the 2020 budget; changing appropriations to various departments and budget control levels, and from various funds in the budget; and ratifying and confirming certain prior acts; all by a 3/4 vote of the city council.", + "consistency": [ + 4, + 1, + 1 + ], + "fluency": [ + 4, + 5, + 1 + ], + "informativeness": [ + 4, + 1, + 1 + ], + "redundancy": [ + 5, + 5, + 1 + ] + }, + "lexrank": { + "coherence": [ + 1, + 5, + 1 + ], + "summary": "Will the clerk please call the roll on the passage of the bill? Will the clerk please call the roll on the passage of the bill?", + "consistency": [ + 1, + 5, + 1 + ], + "fluency": [ + 2, + 5, + 1 + ], + "informativeness": [ + 1, + 1, + 1 + ], + "redundancy": [ + 2, + 1, + 1 + ] + }, + "lead-3": { + "coherence": [ + 1, + 1, + 3 + ], + "summary": "So let's go ahead and get started. I'm going to ask the clerk to please read the short titles of items one through six into the record. Agenda items 136 Constable 119909 authorizing 2020 accepting acceptance of funding from non city sources.", + "consistency": [ + 1, + 4, + 5 + ], + "fluency": [ + 3, + 2, + 5 + ], + "informativeness": [ + 1, + 2, + 3 + ], + "redundancy": [ + 2, + 3, + 5 + ] + }, + "davinci003": { + "coherence": [ + 5, + 5, + 1 + ], + "summary": "The City Council unanimously voted to pass legislation related to the 2020 budget, and a 2021 Proposed Budget and Capital Improvement Program were accepted and placed on file. Council Bill 119912 related to the 2021 Budget was also passed.", + "consistency": [ + 4, + 5, + 1 + ], + "fluency": [ + 5, + 5, + 1 + ], + "informativeness": [ + 4, + 2, + 1 + ], + "redundancy": [ + 4, + 5, + 5 + ] + } + }, + "LongBeachCC_05122020_20-0427": { + "davinci003": { + "coherence": [ + 5, + 5, + 5 + ], + "summary": "The City Council of Long Beach has recommended an ordinance that mandates that laid off workers of hotels and commercial properties with 25 or more employees be hired based on seniority. This ordinance will be adopted as a regular ordinance with a second reading and will go into effect 31 days after it is signed by the mayor.", + "consistency": [ + 4, + 4, + 4 + ], + "fluency": [ + 5, + 5, + 5 + ], + "informativeness": [ + 3, + 4, + 5 + ], + "redundancy": [ + 5, + 5, + 5 + ] + }, + "lead-3": { + "coherence": [ + 1, + 3, + 1 + ], + "summary": "Moving on to item 18, then 19 and 20, item 18 is there all these three are all good related ordinances. So we'll start with 18. Adam Clark.", + "consistency": [ + 1, + 1, + 1 + ], + "fluency": [ + 1, + 5, + 5 + ], + "informativeness": [ + 1, + 1, + 1 + ], + "redundancy": [ + 3, + 4, + 5 + ] + }, + "bart": { + "coherence": [ + 2, + 5, + 5 + ], + "summary": "Recommendation to declare ordinance amending the Long Beach Municipal Code by amending and restating Chapter 5.55, and repealing Section 9.55.010, relating to Covid-19 worker recall; declaring the urgency thereof; and declaring that this ordinance shall take effect immediately, read the first time and laid over to the next regular meeting of City Council for final reading. (Ordinance No. ORD-20-0017). (Citywide)", + "consistency": [ + 4, + 4, + 4 + ], + "fluency": [ + 2, + 5, + 5 + ], + "informativeness": [ + 3, + 5, + 4 + ], + "redundancy": [ + 2, + 5, + 5 + ] + }, + "dialogLM": { + "coherence": [ + 2, + 5, + 4 + ], + "summary": "Recommendation to declare ordinance amending the long Beach municipal code by amending and restating Chapter 5. 55, relating to Covid-19 worker recall; declaring the urgency thereof; and declaring that this ordinance shall take effect immediately, read and adopted as read. (citywide) (emergency ordinance no. Ord-21-0004)", + "consistency": [ + 3, + 4, + 5 + ], + "fluency": [ + 2, + 4, + 4 + ], + "informativeness": [ + 3, + 4, + 5 + ], + "redundancy": [ + 2, + 5, + 4 + ] + }, + "hmnet": { + "coherence": [ + 3, + 4, + 2 + ], + "summary": "Recommendation to declare ordinance amending the long Beach municipal code by adding Chapter 8, temporary enforcement of long Beach health orders related to worker recall, read and adopted as read.)", + "consistency": [ + 2, + 3, + 3 + ], + "fluency": [ + 3, + 4, + 2 + ], + "informativeness": [ + 2, + 3, + 3 + ], + "redundancy": [ + 4, + 5, + 4 + ] + }, + "pegasus": { + "coherence": [ + 2, + 5, + 3 + ], + "summary": "Recommendation to declare ordinance amending the Long Beach Municipal Code by adding Chapter 8.120, relating to COVID-19 worker recall; declaring the urgency thereof; and declaring that this ordinance shall take effect immediately, read and adopted as read. (Citywide) (Emergency Ordinance No. ORD-21-0004)", + "consistency": [ + 3, + 2, + 5 + ], + "fluency": [ + 2, + 5, + 3 + ], + "informativeness": [ + 2, + 3, + 5 + ], + "redundancy": [ + 2, + 5, + 4 + ] + }, + "lexrank": { + "coherence": [ + 3, + 5, + 3 + ], + "summary": "Communication from City Attorney, a recommendation and clear ordinance amending the Long Beach Municipal Code relating to COVID 19 worker recall declaring the urgency thereof to make the ordinance of effective immediately and read the first time and laid over to the next regular meeting of City Council for Final Reading Citywide. So, one, we're going to limit the motion to include the regular ordinance after declaration of urgency consistent with the original motion made by council.", + "consistency": [ + 2, + 4, + 5 + ], + "fluency": [ + 3, + 5, + 3 + ], + "informativeness": [ + 2, + 4, + 4 + ], + "redundancy": [ + 2, + 4, + 4 + ] + } + }, + "DenverCityCouncil_02182020_20-0099": { + "davinci003": { + "coherence": [ + 2, + 3, + 5 + ], + "summary": "The extension of the contract with Core Civic will give the city time to procure new providers in the community corrections space and reduce the average daily population from 330 to 250 by June 2021, with a goal of reaching zero.", + "consistency": [ + 2, + 3, + 1 + ], + "fluency": [ + 1, + 4, + 5 + ], + "informativeness": [ + 1, + 3, + 1 + ], + "redundancy": [ + 4, + 5, + 5 + ] + }, + "bart": { + "coherence": [ + 2, + 4, + 4 + ], + "summary": "A resolution approving a proposed Sixth Amendatory Agreement between the City and County of Denver and CoreCivic, Inc., to extend the term and add funds to provide halfway house, residential and non-residential community corrections services. Amends a contract with Corecivic, LLC by adding $250,000 and one year for a new end date of 6-30-21 to provide approximately 7,318 square feet of office space and support services to persons prior to release from detention or jail, citywide (SAFTY-201952991). The last regularly scheduled Council meeting within the 30-day review period is on 2-28-22. The Committee approved filing this item at", + "consistency": [ + 2, + 3, + 1 + ], + "fluency": [ + 1, + 4, + 4 + ], + "informativeness": [ + 2, + 3, + 3 + ], + "redundancy": [ + 2, + 4, + 5 + ] + }, + "lexrank": { + "coherence": [ + 1, + 1, + 4 + ], + "summary": "If through the procurement process, new providers are identified, as soon as they can step into that space, we can start to evaluate the need for beds at course. No, not not these current properties that core civic is in.", + "consistency": [ + 1, + 1, + 4 + ], + "fluency": [ + 1, + 1, + 4 + ], + "informativeness": [ + 1, + 1, + 1 + ], + "redundancy": [ + 2, + 3, + 3 + ] + }, + "hmnet": { + "coherence": [ + 3, + 1, + 4 + ], + "summary": "Recommendation to adopt specifications no . Rfp and authorize city manager, or Designee, to extend the agreement with Harry Joh construction, Inc., by adding, for a new total amount not to exceed for a period of three years, with the option to renew for three additional one -Year periods, at the discretion of the city manager; execute all documents necessary to enter into the contract, including any necessary amendments.)", + "consistency": [ + 1, + 1, + 4 + ], + "fluency": [ + 3, + 1, + 4 + ], + "informativeness": [ + 1, + 1, + 3 + ], + "redundancy": [ + 2, + 1, + 4 + ] + }, + "dialogLM": { + "coherence": [ + 2, + 3, + 4 + ], + "summary": "A resolution approving a proposed Amendatory agreement between the city and county of Denver and Corecivic, Inc. to add funds to provide halfway house, residential and Non-Residential, medical Detox services. AMENDS a contract with Coreci services, Inc. to add $250, 000 for a new contract total in the amount of $6, 300, 000 and to add two years for a revised end date of 6-1-21 to provide 151 units of residential and nonprofit community corrections services in Council district 9 (Safty-20195297). The last regularly scheduled council meeting within the 30-day review period is on 10-27-19. the committee approved filing this item at its meeting on 9-25-19. pursuant to Council rule 3. 7, Councilmember Kniech called out this resolution at the 9-30-19 council meeting for a One-Week postponement to 10-31-19.", + "consistency": [ + 3, + 3, + 2 + ], + "fluency": [ + 2, + 4, + 4 + ], + "informativeness": [ + 3, + 3, + 3 + ], + "redundancy": [ + 2, + 1, + 5 + ] + }, + "pegasus": { + "coherence": [ + 3, + 4, + 3 + ], + "summary": "A resolution approving a proposed Second Amendatory Agreement between the City and County of Denver and Corecivic, Inc. to extend the term and amend provisions to provide residential and non-residential community corrections services. Amends a contract with Corecivic, Inc. by adding one year for a new end date of", + "consistency": [ + 4, + 5, + 4 + ], + "fluency": [ + 3, + 3, + 4 + ], + "informativeness": [ + 4, + 5, + 3 + ], + "redundancy": [ + 4, + 2, + 5 + ] + }, + "lead-3": { + "coherence": [ + 1, + 1, + 1 + ], + "summary": "And does this add any net impact net beds or is it maintaining the current? It's maintaining the current. Got it.", + "consistency": [ + 1, + 1, + 1 + ], + "fluency": [ + 1, + 1, + 5 + ], + "informativeness": [ + 1, + 1, + 1 + ], + "redundancy": [ + 3, + 5, + 5 + ] + } + }, + "DenverCityCouncil_10052015_15-0668": { + "bart": { + "coherence": [ + 2, + 5, + 3 + ], + "summary": "A bill for an ordinance amending the Denver Retail Marijuana Retail Marijuana Code, Article IV, Article V of Chapter 6, D.R.M.C. concerning the licensing and issuance of retail marijuana cultivation and sales licenses, read and adopted as read. Amends the Denver Revised Municipal Code to allow licensed marijuana businesses to issue their own taxable bonds to finance themselves and maintain certain business operations in the City and County of Denver. The Committee approved filing this bill at its meeting on 11-29-17.", + "consistency": [ + 4, + 4, + 4 + ], + "fluency": [ + 2, + 5, + 4 + ], + "informativeness": [ + 2, + 5, + 4 + ], + "redundancy": [ + 1, + 5, + 4 + ] + }, + "davinci003": { + "coherence": [ + 5, + 5, + 4 + ], + "summary": "The Denver Department of Excise and Licenses has changed their licensing policy to no longer require surety bonds due to the risk of federal lawsuits, and the city's existing tools are adequate to cover any concerns regarding the payment of taxes. Councilwoman Can each was appreciative of this common sense approach to the issue.", + "consistency": [ + 4, + 4, + 3 + ], + "fluency": [ + 5, + 5, + 4 + ], + "informativeness": [ + 4, + 4, + 3 + ], + "redundancy": [ + 5, + 5, + 5 + ] + }, + "pegasus": { + "coherence": [ + 3, + 4, + 2 + ], + "summary": "A bill for an ordinance amending the Denver medical marijuana code of the Denver Revised Municipal Code. Amends the Denver Medical Marijuana Code of the Denver Revised Municipal Code to remove the requirement that medical marijuana license applicants provide a bond to the Department of Excise and Licenses. The Committee approved filing this item at its meeting on", + "consistency": [ + 4, + 4, + 3 + ], + "fluency": [ + 2, + 4, + 1 + ], + "informativeness": [ + 3, + 4, + 3 + ], + "redundancy": [ + 4, + 4, + 1 + ] + }, + "dialogLM": { + "coherence": [ + 2, + 5, + 2 + ], + "summary": "A bill for an special ordinance amending article Xi of Chapter 24, D. R. M. C. concerning the licensing of marijuana businesses and to require a license to operate a retail marijuana business. (Finance & services) AMENDS article Ix of Chapter 32, D. R. M. C. concerning marijuana licensing and related provisions. The committee approved filing this bill at its meeting on 10-22-15.", + "consistency": [ + 3, + 3, + 2 + ], + "fluency": [ + 2, + 5, + 2 + ], + "informativeness": [ + 2, + 3, + 3 + ], + "redundancy": [ + 2, + 5, + 3 + ] + }, + "hmnet": { + "coherence": [ + 1, + 4, + 1 + ], + "summary": "Recommendation to receive and file a change in how we do not require Surety Surety Surety.", + "consistency": [ + 1, + 1, + 1 + ], + "fluency": [ + 1, + 4, + 1 + ], + "informativeness": [ + 1, + 1, + 1 + ], + "redundancy": [ + 1, + 2, + 1 + ] + }, + "lexrank": { + "coherence": [ + 2, + 4, + 1 + ], + "summary": "I think that helps clarify for anybody that's listening that although we may not be able to collect on a surety bond because as you indicated, it's very difficult for folks to obtain that we do have those tools in place to be able to ensure that the city is being made whole, if you will , for any of these payments. So, Steve, can you come forward and explain what those tools are that we do have in place that would ensure that if you know that we've got the right protections in the event that I think these are just for nonpayment.", + "consistency": [ + 1, + 3, + 1 + ], + "fluency": [ + 2, + 5, + 3 + ], + "informativeness": [ + 1, + 3, + 1 + ], + "redundancy": [ + 2, + 5, + 2 + ] + }, + "lead-3": { + "coherence": [ + 1, + 2, + 1 + ], + "summary": "may be incurred, unpaid, unpaid fees, etc., where we are going to be removing that bond requirement. And I just wanted to ask the department if they could step forward and explain that just so that all of the public is very aware of this policy change.", + "consistency": [ + 1, + 1, + 1 + ], + "fluency": [ + 1, + 2, + 2 + ], + "informativeness": [ + 1, + 1, + 1 + ], + "redundancy": [ + 1, + 5, + 3 + ] + } + }, + "LongBeachCC_07232019_19-0709": { + "lead-3": { + "coherence": [ + 1, + 1, + 3 + ], + "summary": "So what we're doing item no, we're doing item number 5/1 and then we're doing item 11. So please read on five. Communication from Councilman Austin Recommendation to receive and file a presentation on the Historical Society of Long Beaches.", + "consistency": [ + 1, + 3, + 4 + ], + "fluency": [ + 1, + 2, + 4 + ], + "informativeness": [ + 1, + 3, + 3 + ], + "redundancy": [ + 2, + 4, + 5 + ] + }, + "lexrank": { + "coherence": [ + 5, + 2, + 2 + ], + "summary": "Friends of Long Beach Water is a coalition with current and ongoing water programs, and it includes the Historical Society of Long Beach, Long Beach Water Department, the Metropolitan Water District, the Water Replenishment District, Rancho Los Alamitos. The Historical Society joined with other groups to found friends of Long Beach Water Because Water Matters.", + "consistency": [ + 4, + 3, + 3 + ], + "fluency": [ + 5, + 2, + 3 + ], + "informativeness": [ + 3, + 3, + 3 + ], + "redundancy": [ + 4, + 1, + 4 + ] + }, + "dialogLM": { + "coherence": [ + 4, + 2, + 4 + ], + "summary": "Recommendation to receive and file a presentation on the historical society of long Beach' s new exhibit water changes everything opening on July 19, 2020.", + "consistency": [ + 3, + 3, + 4 + ], + "fluency": [ + 4, + 2, + 2 + ], + "informativeness": [ + 3, + 3, + 4 + ], + "redundancy": [ + 5, + 4, + 5 + ] + }, + "davinci003": { + "coherence": [ + 5, + 5, + 5 + ], + "summary": "The Historical Society of Long Beach has opened a new exhibit, Water Changes Everything, which looks at the importance of water in Long Beach development and also discusses the water issues facing the city today. Additionally, a coalition of organizations, Friends of Long Beach Water, has been established to draw attention to this critical and limited resource.", + "consistency": [ + 4, + 5, + 5 + ], + "fluency": [ + 5, + 5, + 4 + ], + "informativeness": [ + 4, + 5, + 5 + ], + "redundancy": [ + 4, + 5, + 5 + ] + }, + "pegasus": { + "coherence": [ + 3, + 4, + 5 + ], + "summary": "Recommendation to receive and file a presentation on the Historical Society of Long Beach New Exhibit Water Changes Everything opening on July 19, 2020.", + "consistency": [ + 3, + 4, + 5 + ], + "fluency": [ + 3, + 5, + 4 + ], + "informativeness": [ + 3, + 5, + 4 + ], + "redundancy": [ + 5, + 5, + 5 + ] + }, + "hmnet": { + "coherence": [ + 2, + 3, + 2 + ], + "summary": "Recommendation to receive and file a presentation on July 19th exhibit amendments new water opening on July 19.", + "consistency": [ + 2, + 3, + 2 + ], + "fluency": [ + 2, + 2, + 2 + ], + "informativeness": [ + 2, + 3, + 2 + ], + "redundancy": [ + 1, + 4, + 5 + ] + }, + "bart": { + "coherence": [ + 2, + 5, + 5 + ], + "summary": "Recommendation to receive and file a presentation on the Historical Society of Long Beach\u2019s (HSC) New Exhibit, Water Changes Everything, opening on July 19, 2020; and Direct City Manager to direct staff to bring this presentation back to the City Council in the next 180 days.", + "consistency": [ + 3, + 5, + 4 + ], + "fluency": [ + 2, + 4, + 4 + ], + "informativeness": [ + 2, + 5, + 4 + ], + "redundancy": [ + 2, + 5, + 5 + ] + } + }, + "DenverCityCouncil_11192018_18-1246": { + "lexrank": { + "coherence": [ + 2, + 1, + 1 + ], + "summary": "I'm here to provide the staff report for the 14th and request approval for the 14th Street General Improvement District for the for the 14th Street General Approving District's 2019 budget and work plan. So I just want the general public to understand that this is not this is not this.", + "consistency": [ + 3, + 1, + 2 + ], + "fluency": [ + 2, + 1, + 4 + ], + "informativeness": [ + 2, + 1, + 1 + ], + "redundancy": [ + 1, + 1, + 1 + ] + }, + "davinci003": { + "coherence": [ + 2, + 3, + 4 + ], + "summary": "The 14th Street General Improvement District is 22.66 acres located along 14th Street from Market to Colfax and was created by council in response to the 14th Street initiative. Council has passed Resolution 1246 to approve the district's 2019 budget and work plan, which includes revenues of $575,953 and capital charges for debt repayment.", + "consistency": [ + 4, + 3, + 4 + ], + "fluency": [ + 3, + 3, + 5 + ], + "informativeness": [ + 3, + 4, + 4 + ], + "redundancy": [ + 2, + 4, + 5 + ] + }, + "hmnet": { + "coherence": [ + 1, + 4, + 3 + ], + "summary": "A requesting the approval for the 14th Street general improvement district) for the formation and establishment of the 14th St. district; and directing the office of directors of the proposed work plan and budget and work plan to pass a work plan and budget plan as required by the September 1, 2019.", + "consistency": [ + 2, + 3, + 4 + ], + "fluency": [ + 1, + 3, + 4 + ], + "informativeness": [ + 1, + 4, + 3 + ], + "redundancy": [ + 1, + 2, + 3 + ] + }, + "dialogLM": { + "coherence": [ + 2, + 4, + 4 + ], + "summary": "A resolution by the Council of the city and county of Denver, sitting ex officio as the board of directors of the Denver 14th Street general improvement district, approving a work plan, adopting a budget, imposing capital charges and maintenance charges, and making appropriations for the 2019 fiscal year. APPROVES the 2019 work plan and budget for the 14th Street special improvement district in Council district 9. the committee approved filing this item at its meeting on 11-7-18.", + "consistency": [ + 3, + 4, + 4 + ], + "fluency": [ + 2, + 4, + 4 + ], + "informativeness": [ + 3, + 4, + 4 + ], + "redundancy": [ + 2, + 4, + 4 + ] + }, + "bart": { + "coherence": [ + 2, + 4, + 4 + ], + "summary": "A resolution by the Council of the City and County of Denver, sitting ex officio as the Board of Directors of Denver\u2019s 14th Street General Improvement District, approving a Work Plan, adopting a Budget, imposing Capital Charges and Maintenance Charges, and making appropriations for the 2019 Fiscal Year. Approves the 2019 Work Plan and Budget for the 14th street general improvement district in Council District 9. The Committee approved filing this item at its meeting on 10-31-18.", + "consistency": [ + 3, + 4, + 4 + ], + "fluency": [ + 2, + 4, + 4 + ], + "informativeness": [ + 3, + 5, + 4 + ], + "redundancy": [ + 2, + 4, + 4 + ] + }, + "lead-3": { + "coherence": [ + 2, + 1, + 3 + ], + "summary": "12 eyes Resolution 1 to 4 or five has passed. Council is now convening as the board of directors of Denver's 14th Street General Improvement District. Councilman Cashman, will you please put a resolution one, two, four, six on the floor?", + "consistency": [ + 1, + 1, + 3 + ], + "fluency": [ + 2, + 1, + 3 + ], + "informativeness": [ + 1, + 1, + 1 + ], + "redundancy": [ + 2, + 3, + 5 + ] + }, + "pegasus": { + "coherence": [ + 2, + 4, + 4 + ], + "summary": "A resolution by the Council of the City and County of Denver, sitting ex officio as the Board of Directors of the Denver\u2019s 14th Street General Improvement District, approving a Work Plan, adopting a Budget, imposing Capital Charges and Maintenance Charges, and making appropriations for the 2019 Fiscal Year. Approves the", + "consistency": [ + 3, + 5, + 5 + ], + "fluency": [ + 2, + 3, + 4 + ], + "informativeness": [ + 3, + 5, + 5 + ], + "redundancy": [ + 1, + 5, + 5 + ] + } + }, + "LongBeachCC_08092016_16-0720": { + "pegasus": { + "coherence": [ + 4, + 2, + 3 + ], + "summary": "Recommendation to authorize City Manager, or designee, to execute all necessary documents to receive and expend grant funding awarded to the Office of the City Clerk by City Fabric as part of the Night City\u2019s Challenge for the Place-Making Vote; and Increase appropriations in the General Grants Fund Group in the City Clerk Department by", + "consistency": [ + 4, + 3, + 3 + ], + "fluency": [ + 3, + 2, + 2 + ], + "informativeness": [ + 4, + 4, + 4 + ], + "redundancy": [ + 4, + 2, + 4 + ] + }, + "lexrank": { + "coherence": [ + 2, + 1, + 5 + ], + "summary": "And the idea is we're going to expand to have four sites during the general election in November, and we're going to also do some voter engagement drives between when the ballot is set and the election. And to this day, that polling place is still one of the highest voter turnout to the whole city, and that does not exist anymore.", + "consistency": [ + 3, + 1, + 3 + ], + "fluency": [ + 2, + 1, + 5 + ], + "informativeness": [ + 1, + 1, + 2 + ], + "redundancy": [ + 3, + 4, + 5 + ] + }, + "bart": { + "coherence": [ + 3, + 3, + 4 + ], + "summary": "Recommendation to authorize City Manager, or designee, to execute all necessary documents to receive and expend grant funding awarded to the Office of the City Clerk by City Fabric as part of the Night City\u2019s Challenge for the Place Make the Vote - Make Our Engagement Initiative, in the amount not to exceed $30,000; Increase appropriations in the General Fund (GF) in the Citywide Activities Department (XC) by $5,000, offset by a transfer of funds from the City Manager Department (CM); and Identify additional funding sources for the project. (Citywide)", + "consistency": [ + 5, + 3, + 4 + ], + "fluency": [ + 3, + 4, + 3 + ], + "informativeness": [ + 4, + 4, + 3 + ], + "redundancy": [ + 3, + 2, + 4 + ] + }, + "hmnet": { + "coherence": [ + 4, + 1, + 3 + ], + "summary": "Recommendation to authorize city manager, or Designee, to execute all documents necessary to receive and expend grant funding, to the office of the city clerk, for the outdoor office space, in the amount not to exceed, for a period of one year, with the option to renew for three additional one -Year periods, at the discretion of city manager; and increase appropriations in the general fund) in the city manager Department) by.)", + "consistency": [ + 4, + 3, + 4 + ], + "fluency": [ + 4, + 2, + 3 + ], + "informativeness": [ + 4, + 3, + 4 + ], + "redundancy": [ + 5, + 2, + 5 + ] + }, + "dialogLM": { + "coherence": [ + 3, + 4, + 3 + ], + "summary": "Recommendation to authorize city manager, or Designee, to execute all necessary documents to receive and expend grant funding awarded to the office of the city clerk by city fabric, as part of the night city \u2019 s challenge for the place make the vote, put our engagement initiative in the amount not to exceed $30, 000, for a period of one year, with the option to renew for four additional one-year periods, at the discretion of the ordinance manager. (citywide)", + "consistency": [ + 4, + 4, + 4 + ], + "fluency": [ + 3, + 4, + 3 + ], + "informativeness": [ + 4, + 4, + 4 + ], + "redundancy": [ + 4, + 3, + 4 + ] + }, + "lead-3": { + "coherence": [ + 2, + 1, + 2 + ], + "summary": "Motion carries, we'll. Go to 14, then back to 13. Report from City Clerk recommendation to execute all necessary documents to receive and extend grant funding awarded to the Office of the City Clerk by City Fabric as part of the night city's challenge for the place.", + "consistency": [ + 1, + 1, + 1 + ], + "fluency": [ + 2, + 4, + 2 + ], + "informativeness": [ + 1, + 1, + 1 + ], + "redundancy": [ + 2, + 5, + 3 + ] + }, + "davinci003": { + "coherence": [ + 5, + 1, + 3 + ], + "summary": "Brian from City Fabric presented an initiative called Place Make the Vote, which uses placemaking to expand voter engagement and get people to linger with their fellow residents in order to spark civic engagement. The project was a success, with the Fourth Street Senior Center having the highest rate of provisional balloting out of all of the polling places in Long Beach.", + "consistency": [ + 5, + 1, + 3 + ], + "fluency": [ + 5, + 1, + 3 + ], + "informativeness": [ + 5, + 1, + 2 + ], + "redundancy": [ + 5, + 3, + 5 + ] + } + }, + "BostonCC_03232022_2022-0409": { + "davinci003": { + "coherence": [ + 5, + 5, + 5 + ], + "summary": "Councilor Fernandez Anderson proposed the creation of an app to help consolidate resources and support for single parents, and other Councilors have expressed their support for the project, offering ideas for how to create a culturally competent and language accessible app for parents.", + "consistency": [ + 5, + 5, + 4 + ], + "fluency": [ + 5, + 5, + 5 + ], + "informativeness": [ + 5, + 5, + 3 + ], + "redundancy": [ + 4, + 5, + 5 + ] + }, + "lexrank": { + "coherence": [ + 1, + 2, + 4 + ], + "summary": "Councilor Anderson Thank you, Counsel. So I look forward to a culturally competent, language accessible app conversation about meeting parents and gathering resources together.", + "consistency": [ + 2, + 3, + 5 + ], + "fluency": [ + 2, + 3, + 5 + ], + "informativeness": [ + 1, + 3, + 3 + ], + "redundancy": [ + 3, + 3, + 5 + ] + }, + "pegasus": { + "coherence": [ + 2, + 5, + 5 + ], + "summary": "Order for a hearing to discuss developing an app to support parental involvement and support.", + "consistency": [ + 2, + 5, + 5 + ], + "fluency": [ + 2, + 5, + 5 + ], + "informativeness": [ + 1, + 5, + 4 + ], + "redundancy": [ + 4, + 5, + 5 + ] + }, + "bart": { + "coherence": [ + 3, + 4, + 5 + ], + "summary": "Order for a hearing to discuss developing an app to support parental involvement and support. On motion of Councilor Fernandes Anderson, Rule 12 was invoked to include Councilor Sandos Anderson as co-sponsor. Referred to the Committee on City Health and Environment.", + "consistency": [ + 2, + 4, + 4 + ], + "fluency": [ + 3, + 4, + 5 + ], + "informativeness": [ + 1, + 4, + 5 + ], + "redundancy": [ + 2, + 5, + 5 + ] + }, + "lead-3": { + "coherence": [ + 2, + 1, + 5 + ], + "summary": "Thank you, counsel. Would anyone else like to speak on this matter? Docket 019 will remain in committee.", + "consistency": [ + 1, + 1, + 1 + ], + "fluency": [ + 3, + 1, + 5 + ], + "informativeness": [ + 1, + 1, + 1 + ], + "redundancy": [ + 4, + 5, + 5 + ] + }, + "dialogLM": { + "coherence": [ + 3, + 4, + 5 + ], + "summary": "Order for a hearing to discuss developing an App to support parental involvement and support. On motion of Councilor Fernandes Anderson, rule 12 was invoked to include Councilors Louijeune and Edwards as co-sponsors.", + "consistency": [ + 2, + 5, + 4 + ], + "fluency": [ + 3, + 4, + 4 + ], + "informativeness": [ + 2, + 5, + 5 + ], + "redundancy": [ + 3, + 5, + 5 + ] + }, + "hmnet": { + "coherence": [ + 3, + 5, + 4 + ], + "summary": "On the message and order, referred on September 4, 2021,, for a hearing to discuss developing an App to support parental involvement in behavioral health, the committee submitted a report recommending that the order ought to pass in a new draft.", + "consistency": [ + 2, + 5, + 4 + ], + "fluency": [ + 4, + 5, + 4 + ], + "informativeness": [ + 2, + 5, + 5 + ], + "redundancy": [ + 4, + 5, + 5 + ] + } + }, + "LongBeachCC_02042020_20-0111": { + "davinci003": { + "coherence": [ + 5, + 4, + 5 + ], + "summary": "The Council is discussing awarding a contract for the renovation and improvement of three beach concession stands in Districts 2 and 3. The improvements will include play features, retail restrooms, cafe facilities, wayfinding signage, better access to the facility, and new shade structures.", + "consistency": [ + 4, + 4, + 3 + ], + "fluency": [ + 5, + 4, + 5 + ], + "informativeness": [ + 4, + 4, + 3 + ], + "redundancy": [ + 5, + 5, + 5 + ] + }, + "pegasus": { + "coherence": [ + 2, + 2, + 3 + ], + "summary": "Recommendation to adopt Plans and Specifications No. R-7084 for the One-Stop Shop and Granada Beach Concession Renovations and Site Improvement Project; award the contract to General Consolidated Constructors, of Brea, CA, in the amount of $3,311,379, and authorize a 15 percent contingency in the amount", + "consistency": [ + 3, + 4, + 3 + ], + "fluency": [ + 2, + 1, + 4 + ], + "informativeness": [ + 3, + 4, + 3 + ], + "redundancy": [ + 2, + 4, + 5 + ] + }, + "bart": { + "coherence": [ + 4, + 4, + 4 + ], + "summary": "Recommendation to adopt Plans and Specifications No. R-7187 and award a contract to General Consolidated Constructors, Inc., of Fontana, CA, for the Alamitos Beach Concession Renovation and Site Improvement Project, in the amount of $2,891,637, with a 10 percent contingency in the Amount of $311,738, for a total contract amount not to exceed $3,311,379; and, authorize City Manager, or designee, to execute all documents necessary to enter into the contract, including any necessary amendments; Increase appropriations in the Tidelands Operating Fund Group in the Public Works Department by $1,900,", + "consistency": [ + 4, + 3, + 3 + ], + "fluency": [ + 4, + 4, + 4 + ], + "informativeness": [ + 3, + 3, + 5 + ], + "redundancy": [ + 3, + 4, + 5 + ] + }, + "lead-3": { + "coherence": [ + 1, + 1, + 3 + ], + "summary": "Motion carries. All right. Now we move to item 27.", + "consistency": [ + 1, + 1, + 1 + ], + "fluency": [ + 1, + 5, + 5 + ], + "informativeness": [ + 1, + 1, + 1 + ], + "redundancy": [ + 4, + 5, + 5 + ] + }, + "lexrank": { + "coherence": [ + 2, + 4, + 5 + ], + "summary": "You can see the four outlined here on the screen, and each location includes both concession improvements or improvements to the building as well as play features. So over on the bay shore side of the beach, we've already made some improvements to the concession building itself, shown in the image on the left as well as play features out in the water.", + "consistency": [ + 2, + 2, + 5 + ], + "fluency": [ + 3, + 4, + 4 + ], + "informativeness": [ + 1, + 2, + 3 + ], + "redundancy": [ + 3, + 4, + 5 + ] + }, + "dialogLM": { + "coherence": [ + 3, + 4, + 4 + ], + "summary": "Recommendation to adopt plans and specifications no. R-7136 for the Alamitos Beach concession renovation and site improvement project; award the contract to general Consolidated Constructors, Inc., of Buena Park, ca, in the amount of $2, 036, 816, and authorize a 15 percent contingency in the form of a subsequent amendment, for a total contract amount not to exceed $3, 311, 379; authorize city manager, or Designee, to execute all documents necessary to enter into the contract, and any necessary amendments thereto; and increase appropriations in the tidelands operating Fund (TF 401) in the public works Department (Pw) by $303, 072, offset by reimbursement revenue. (district 3)", + "consistency": [ + 4, + 4, + 3 + ], + "fluency": [ + 4, + 4, + 4 + ], + "informativeness": [ + 3, + 4, + 5 + ], + "redundancy": [ + 2, + 4, + 5 + ] + }, + "hmnet": { + "coherence": [ + 2, + 2, + 3 + ], + "summary": "Recommendation to adopt specifications no . Rfp and award a contract to general contingency fund, of Los Angeles, ca, for the one and Granada Constructors Constructors contract, in the amount of, authorize a 10 percent contingency in the contract amount, for a total contract amount not to exceed for a period of three years, with the option to renew for three additional one -Year periods, at the discretion of the city manager; and, authorize city manager, or Designee, to execute all documents necessary to enter into the contract, including any necessary amendments . 3)", + "consistency": [ + 2, + 3, + 3 + ], + "fluency": [ + 1, + 1, + 3 + ], + "informativeness": [ + 2, + 3, + 2 + ], + "redundancy": [ + 1, + 4, + 4 + ] + } + }, + "SeattleCityCouncil_06222020_CB 119808": { + "lead-3": { + "coherence": [ + 1, + 3, + 4 + ], + "summary": "Agenda Item three. Taxable 119808 release of the city's Criminal Code, removing the crime of prostitution, loitering. And.", + "consistency": [ + 1, + 4, + 5 + ], + "fluency": [ + 1, + 1, + 4 + ], + "informativeness": [ + 1, + 4, + 3 + ], + "redundancy": [ + 3, + 4, + 5 + ] + }, + "bart": { + "coherence": [ + 3, + 4, + 4 + ], + "summary": "AN ORDINANCE relating to the City\u2019s criminal code; removing the crime of prostitution loitering and associated recklessness, repealing Sections 8.70.020 and 12.10.100, and repealing Section 10.30.010 of the Seattle Municipal Code.", + "consistency": [ + 3, + 3, + 3 + ], + "fluency": [ + 3, + 4, + 4 + ], + "informativeness": [ + 2, + 3, + 4 + ], + "redundancy": [ + 2, + 2, + 4 + ] + }, + "hmnet": { + "coherence": [ + 2, + 3, + 5 + ], + "summary": "An authorizing the director of Seattle Department of Seattle to repeal the crime of prostitution, Loitering, unlawful Harassment, and well of violations of Chapter 15 of the Seattle municipal code, removing the criminal code; removing the expiration date; and ratifying and confirming certain prior acts.", + "consistency": [ + 3, + 4, + 3 + ], + "fluency": [ + 2, + 3, + 4 + ], + "informativeness": [ + 3, + 4, + 3 + ], + "redundancy": [ + 4, + 2, + 5 + ] + }, + "pegasus": { + "coherence": [ + 3, + 4, + 5 + ], + "summary": "AN ORDINANCE relating to the City\u2019s criminal code; removing the crime of prostitution loitering; and amending Sections 8.70 and 12.100 of the Seattle Municipal Code.", + "consistency": [ + 3, + 3, + 4 + ], + "fluency": [ + 3, + 4, + 4 + ], + "informativeness": [ + 2, + 4, + 4 + ], + "redundancy": [ + 2, + 4, + 5 + ] + }, + "davinci003": { + "coherence": [ + 5, + 5, + 5 + ], + "summary": "The City Council passed Council Bill 119808 to repeal the Prostitution Loitering Law, which has a deep and harmful racist history. The City Council committed to further work with organizations to protect sex workers and to provide resources and services to those in need.", + "consistency": [ + 5, + 5, + 4 + ], + "fluency": [ + 5, + 5, + 5 + ], + "informativeness": [ + 4, + 5, + 5 + ], + "redundancy": [ + 4, + 5, + 5 + ] + }, + "lexrank": { + "coherence": [ + 4, + 2, + 4 + ], + "summary": "Thank you so much, Councilman Morales, because remember, Lewis, would you like to make some remarks about this bill as well? And the only thing that I would say just sort of looking beyond this repeal to kind of the future of the task that's in front of us, I had the great privilege of being able to see a very moving presentation by the folks who do organizing at the for a Commons at the 36 District Democrats earlier this year, when there were still in-person meetings of that organization where a number of people with lived experience having been sex workers are working with sex workers in the Aurora corridor presented about the challenges that community is facing and really that the the lack of comprehensive city services to help folks get the resources they need through the programing of a were a commons to finally get out of the cycle that they're in.", + "consistency": [ + 2, + 3, + 4 + ], + "fluency": [ + 3, + 3, + 5 + ], + "informativeness": [ + 1, + 2, + 4 + ], + "redundancy": [ + 4, + 1, + 5 + ] + }, + "dialogLM": { + "coherence": [ + 3, + 5, + 5 + ], + "summary": "An ordinance relating to the city \u2019 s criminal code; removing the crime of prostitution Loitering and associated recklessness and Felonies; amending sections 8. 70. 010 and 12. 10. 100 of the Seattle municipal code.", + "consistency": [ + 3, + 4, + 4 + ], + "fluency": [ + 2, + 5, + 4 + ], + "informativeness": [ + 2, + 5, + 5 + ], + "redundancy": [ + 4, + 5, + 5 + ] + } + }, + "BostonCC_08102022_2022-0964": { + "bart": { + "coherence": [ + 2, + 4, + 3 + ], + "summary": "Order for a hearing to address the monkeypox virus in the City. On motion of Councilor Murphy, Rule 12 was invoked to include Councilor Baker as an original sponsor. Councilor Arroyo in the Chair. Referred to the Committee on Boston's COVID-19 Recovery.", + "consistency": [ + 2, + 4, + 4 + ], + "fluency": [ + 1, + 4, + 4 + ], + "informativeness": [ + 2, + 4, + 4 + ], + "redundancy": [ + 3, + 5, + 5 + ] + }, + "hmnet": { + "coherence": [ + 4, + 5, + 5 + ], + "summary": "Order for a hearing to receive and discuss an update on the Boston Committee on Monkeypox recovery efforts.", + "consistency": [ + 2, + 4, + 4 + ], + "fluency": [ + 4, + 5, + 5 + ], + "informativeness": [ + 2, + 4, + 4 + ], + "redundancy": [ + 5, + 5, + 5 + ] + }, + "dialogLM": { + "coherence": [ + 2, + 5, + 5 + ], + "summary": "Order for a hearing to address the Monkeypox virus and the city strategy for the city. referred to the Committee on public health, homelessness and recovery.", + "consistency": [ + 3, + 4, + 5 + ], + "fluency": [ + 2, + 3, + 4 + ], + "informativeness": [ + 2, + 4, + 5 + ], + "redundancy": [ + 3, + 5, + 5 + ] + }, + "davinci003": { + "coherence": [ + 5, + 5, + 5 + ], + "summary": "The article discusses the recent outbreak of monkeypox virus in the United States, and proposes a hearing for the Boston City Council to address the virus and discuss a strategy for the city to take preventative steps and provide access to testing and vaccinations. Additionally, it was noted that the virus is not unique to the LGBTQ community, and should not be stigmatized.", + "consistency": [ + 4, + 5, + 5 + ], + "fluency": [ + 5, + 5, + 5 + ], + "informativeness": [ + 4, + 5, + 5 + ], + "redundancy": [ + 5, + 5, + 5 + ] + }, + "lexrank": { + "coherence": [ + 2, + 1, + 4 + ], + "summary": "And thank you to Castro Murphy for raising this issue and trying to really throw light on the severity of the monkeypox virus outbreak. Duncan Members 0964 Councilor Murphy offer the following order for a hearing to address the monkeypox virus in the city.", + "consistency": [ + 2, + 3, + 3 + ], + "fluency": [ + 2, + 2, + 4 + ], + "informativeness": [ + 1, + 3, + 2 + ], + "redundancy": [ + 3, + 4, + 5 + ] + }, + "pegasus": { + "coherence": [ + 4, + 4, + 5 + ], + "summary": "Order for a hearing to address the monkeypox virus in the City.", + "consistency": [ + 3, + 5, + 5 + ], + "fluency": [ + 4, + 5, + 5 + ], + "informativeness": [ + 3, + 4, + 4 + ], + "redundancy": [ + 5, + 5, + 5 + ] + }, + "lead-3": { + "coherence": [ + 1, + 1, + 1 + ], + "summary": "Florida Council. Borough Council. Asian Council of Murphy.", + "consistency": [ + 1, + 1, + 1 + ], + "fluency": [ + 1, + 1, + 1 + ], + "informativeness": [ + 1, + 1, + 1 + ], + "redundancy": [ + 3, + 5, + 1 + ] + } + }, + "DenverCityCouncil_11042019_19-1037": { + "lexrank": { + "coherence": [ + 1, + 1, + 5 + ], + "summary": "Is there anybody here from Denver Health who can speak to the changes that we had requested in the contract? And so I just want to clarify, all the scenario I just described is when litigation is not occurring, the contract had already had in it a procedure when litigation is occurring.", + "consistency": [ + 1, + 1, + 1 + ], + "fluency": [ + 2, + 1, + 5 + ], + "informativeness": [ + 1, + 1, + 1 + ], + "redundancy": [ + 1, + 1, + 5 + ] + }, + "hmnet": { + "coherence": [ + 2, + 3, + 4 + ], + "summary": "A bill for an ordinance approving a proposed Intergovernmental agreement between the city and county of Denver and the Denver health and hospital authority to provide comprehensive engineering and case management services at a special municipal election to be conducted in conjunction with the general contingency fund . a contract with Healthcare services, Inc. by adding for a new total of million and three years for ongoing maintenance and engineering services at Denver International Airport in Council district 9). The last regularly scheduled council meeting within the 30 review period is on 1. the committee approved filing this item at its meeting on 10 -20. pursuant to Council rule 3.7, Councilman called out this resolution at the Monday, August 24, 2017, council meeting for a postponement to the next regularly scheduled meeting of the city council.", + "consistency": [ + 2, + 4, + 3 + ], + "fluency": [ + 1, + 2, + 4 + ], + "informativeness": [ + 2, + 4, + 4 + ], + "redundancy": [ + 2, + 4, + 5 + ] + }, + "lead-3": { + "coherence": [ + 1, + 1, + 5 + ], + "summary": "Is there anybody here from Denver Health who can speak to the changes that we had requested in the contract? Councilwoman, were you able to review and see if the the changes were satisfactory? I didn't get an updated contract.", + "consistency": [ + 1, + 1, + 2 + ], + "fluency": [ + 3, + 5, + 5 + ], + "informativeness": [ + 1, + 1, + 1 + ], + "redundancy": [ + 3, + 5, + 5 + ] + }, + "pegasus": { + "coherence": [ + 4, + 4, + 5 + ], + "summary": "A bill for an ordinance approving a proposed Second Amendatory Agreement between the City and County of Denver and Denver Health and Hospital Authority to provide on-call mental health services. Amends an on-call contract with the Denver Health and Hospital Authority by adding two years for a new end date of 12-31-2024", + "consistency": [ + 4, + 4, + 4 + ], + "fluency": [ + 4, + 4, + 5 + ], + "informativeness": [ + 4, + 4, + 4 + ], + "redundancy": [ + 5, + 4, + 5 + ] + }, + "davinci003": { + "coherence": [ + 5, + 3, + 5 + ], + "summary": "The article discusses changes to the contract between the City and Denver Health regarding information sharing and cooperation in investigations, as well as the addition of a termination clause in the event of non-cooperation. Council members then voted to adopt the resolutions and place the bills on final consideration and do pass in a block.", + "consistency": [ + 4, + 4, + 4 + ], + "fluency": [ + 5, + 3, + 5 + ], + "informativeness": [ + 4, + 4, + 4 + ], + "redundancy": [ + 5, + 4, + 5 + ] + }, + "dialogLM": { + "coherence": [ + 3, + 2, + 5 + ], + "summary": "A bill for an ordinance approving a proposed Amendatory agreement between the city and county of Denver and Denver health and hospital authority, providing for the availability of reimbursement for medical bills during the Covid-19 health crisis. (Finance & services) AMENDS an Intergovernmental agreement with the Denver health & hospital authority (CDBG) by adding $1, 300, 000 for a new total of $11, 708, 000 and six (6) months for a a new end date of 12-31-20 to provide services of emergency medical services to Denver \u2019 s emergency response, citywide (Envhl-201952991). The last regularly scheduled council meeting within the 30-day review period is on 12-8-19. the committee approved filing this item at its meeting on 11-6-19. pursuant to Council rule 3. 7, Councilwoman Kniech called out this resolution at the 11-30-19 council meeting for a One-Week postponement to 12-7-19.", + "consistency": [ + 3, + 3, + 3 + ], + "fluency": [ + 2, + 2, + 4 + ], + "informativeness": [ + 2, + 3, + 3 + ], + "redundancy": [ + 1, + 3, + 5 + ] + }, + "bart": { + "coherence": [ + 3, + 3, + 4 + ], + "summary": "A resolution approving a proposed Amendatory Agreement between the City and County of Denver and Denver Health and Hospital Authority d/b/a Denver Health Medical Center to extend the term, increase the maximum contract amount and add additional terms and conditions for providing medical services at Denver Health\u2019s Denver Health Campus. Amends a contract with Denver Health & Hospital Authority by adding one year for a new end date of 12-31-19 for continued emergency response services through the coronavirus disease outbreak (ENVHL-201840349-02). The last regularly scheduled Council meeting within the 30-day review period is on 1-3-19. The Committee approved filing this item at its meeting on", + "consistency": [ + 3, + 3, + 3 + ], + "fluency": [ + 2, + 4, + 4 + ], + "informativeness": [ + 2, + 3, + 3 + ], + "redundancy": [ + 2, + 2, + 5 + ] + } + }, + "AlamedaCC_07192016_2016-3054": { + "davinci003": { + "coherence": [ + 2, + 5, + 2 + ], + "summary": "The city of Alameda is proposing to conduct a study of the piers of Alameda Point in order to identify needed repairs and provide recommendations for repair schemes. The city also appointed Troy Ozma and Ron Taylor to the Civil Service Board.", + "consistency": [ + 2, + 3, + 3 + ], + "fluency": [ + 5, + 5, + 3 + ], + "informativeness": [ + 2, + 3, + 3 + ], + "redundancy": [ + 5, + 5, + 4 + ] + }, + "hmnet": { + "coherence": [ + 1, + 3, + 1 + ], + "summary": "Recommendation to adopt specifications no . Rfp and award contract no . With plenary materials, Inc., of Alameda, ca, in the amount of, and the contract with relevant engineers, of long Beach, ca for interim inspection testing testing testing for a period of 12 months, with the option to renew for three additional one -Year periods, at the discretion of the city manager; and, authorize city manager, or Designee, to execute all documents necessary to enter into the contract, including any necessary amendments.)", + "consistency": [ + 2, + 3, + 1 + ], + "fluency": [ + 2, + 4, + 1 + ], + "informativeness": [ + 2, + 1, + 1 + ], + "redundancy": [ + 2, + 3, + 1 + ] + }, + "lexrank": { + "coherence": [ + 2, + 4, + 1 + ], + "summary": "Pier two, which is what I call the workhorse of our piers, because it's used on both sides for most for the myriad ships. So Pier three is actually in the best condition of all the piers.", + "consistency": [ + 1, + 4, + 2 + ], + "fluency": [ + 2, + 5, + 3 + ], + "informativeness": [ + 1, + 1, + 1 + ], + "redundancy": [ + 1, + 5, + 3 + ] + }, + "lead-3": { + "coherence": [ + 2, + 3, + 1 + ], + "summary": "Recommendation to award contract in the amount of 456,800 and authorize the city manager to approve contract changes if necessary, up to 10% contingency contingency in the amount of 45,000 680 for a total amount of 502 486 companies and under INC for interim inspection testing, preliminary analysis and reporting services. Rehabilitation appears one, two and three at Alameda Point. Do you.", + "consistency": [ + 2, + 3, + 2 + ], + "fluency": [ + 2, + 4, + 1 + ], + "informativeness": [ + 2, + 1, + 2 + ], + "redundancy": [ + 3, + 5, + 3 + ] + }, + "dialogLM": { + "coherence": [ + 4, + 4, + 4 + ], + "summary": "Recommendation to award a contract in the amount of $456, 800 and authorize the city manager to approve contract changes, if necessary, up to 10 percent contingency in the order of $502, 680 for interim inspection testing, preliminary analysis and reporting services, rehabilitation of Pier 1, 2, and 3 at Alameda point. (base Reuse 819099)", + "consistency": [ + 4, + 3, + 5 + ], + "fluency": [ + 4, + 4, + 4 + ], + "informativeness": [ + 3, + 3, + 5 + ], + "redundancy": [ + 3, + 5, + 5 + ] + }, + "bart": { + "coherence": [ + 4, + 4, + 2 + ], + "summary": "Recommendation to Award a Contract in the Amount of $454,800 and Authorize the City Manager to Approve Contract Changes If Needed, up to 10% Contingency in the amount of $45,680, for a Total Amount of502,478 and Under I, Inc., for Interim Inspection, Testing, Preliminary Analysis and Reporting Services, Rehabilitation Assessments 1,2,3 at Alameda Point. [Requires four affirmative votes] (Base Reuse 819099)", + "consistency": [ + 4, + 3, + 4 + ], + "fluency": [ + 3, + 4, + 1 + ], + "informativeness": [ + 3, + 3, + 4 + ], + "redundancy": [ + 2, + 5, + 2 + ] + }, + "pegasus": { + "coherence": [ + 2, + 3, + 1 + ], + "summary": "Recommendation to Award a Contract in the Amount of $456,800 and Authorize the City Manager to Negotiate and Execute Contract Changes If Necessary, Up to 10% Contingency, in the Amount of $45,000 680, for a Total Amount of $499,486 for Interim Inspection, Testing, Preliminary Analysis, and Reporting Services for Rehabilitation of", + "consistency": [ + 1, + 3, + 2 + ], + "fluency": [ + 1, + 3, + 1 + ], + "informativeness": [ + 2, + 3, + 3 + ], + "redundancy": [ + 2, + 5, + 1 + ] + } + }, + "DenverCityCouncil_02142022_22-0218": { + "pegasus": { + "coherence": [ + 2, + 4, + 5 + ], + "summary": "A proclamation honoring Larry Ambrose on his 70th birthday. A proclamation honoring Larry Ambrose on his 70th birthday.", + "consistency": [ + 3, + 3, + 5 + ], + "fluency": [ + 3, + 4, + 5 + ], + "informativeness": [ + 3, + 3, + 5 + ], + "redundancy": [ + 1, + 5, + 3 + ] + }, + "lead-3": { + "coherence": [ + 1, + 2, + 4 + ], + "summary": "And thank you both for for your sacrifices and commitment to the Mile High City as well. Thank you both very much. Thank you.", + "consistency": [ + 1, + 1, + 1 + ], + "fluency": [ + 2, + 4, + 5 + ], + "informativeness": [ + 1, + 1, + 1 + ], + "redundancy": [ + 2, + 4, + 4 + ] + }, + "hmnet": { + "coherence": [ + 2, + 1, + 3 + ], + "summary": "A proclamation honoring Antonio for sacrifices and sacrifices and commitment to the city and county of Denver.", + "consistency": [ + 2, + 1, + 1 + ], + "fluency": [ + 2, + 5, + 5 + ], + "informativeness": [ + 1, + 1, + 1 + ], + "redundancy": [ + 1, + 5, + 3 + ] + }, + "davinci003": { + "coherence": [ + 5, + 4, + 5 + ], + "summary": "The article honors Larry Ambrose, a Denver resident and community activist, for his lifelong commitment to the Mile High City. His wife Jane Parker Ambrose is thanked for her sacrifices and his legacy is remembered for his advocacy of Denver neighborhoods and encouragement of local entertainer Lani Garrett.", + "consistency": [ + 5, + 4, + 4 + ], + "fluency": [ + 5, + 4, + 5 + ], + "informativeness": [ + 5, + 4, + 5 + ], + "redundancy": [ + 4, + 5, + 5 + ] + }, + "dialogLM": { + "coherence": [ + 4, + 5, + 5 + ], + "summary": "A proclamation honoring Larry Ambrose for his service to the city and county of Denver.", + "consistency": [ + 4, + 5, + 5 + ], + "fluency": [ + 4, + 5, + 5 + ], + "informativeness": [ + 3, + 5, + 5 + ], + "redundancy": [ + 5, + 5, + 5 + ] + }, + "bart": { + "coherence": [ + 3, + 1, + 4 + ], + "summary": "A proclamation honoring Larry Jeffrey and Denver Symphony Association founder Jane Parker for 35 years of service to the City and County of Denver upon his passing on January 26, 2023. (NEIGHBORHOODS AND PLANNING) Approves a landmark designation and designation for the property located at 1501-1546 West 46th Avenue in Council District 1. The Committee approved filing this item at its meeting on 2-15-22.", + "consistency": [ + 4, + 2, + 2 + ], + "fluency": [ + 4, + 4, + 5 + ], + "informativeness": [ + 3, + 2, + 2 + ], + "redundancy": [ + 3, + 2, + 5 + ] + }, + "lexrank": { + "coherence": [ + 2, + 3, + 5 + ], + "summary": "Well, I met Larry before I met Jane, in fact, when I met Larry about 40 years ago. And whereas Jane and Larry started seeing each other regularly and she moved into his house and became a part of the commune, she told Larry she wanted to get married and he said, okay.", + "consistency": [ + 1, + 1, + 4 + ], + "fluency": [ + 3, + 3, + 5 + ], + "informativeness": [ + 1, + 1, + 1 + ], + "redundancy": [ + 2, + 4, + 5 + ] + } + }, + "SeattleCityCouncil_12132021_CB 120206": { + "bart": { + "coherence": [ + 2, + 5, + 5 + ], + "summary": "AN ORDINANCE relating to land use and zoning; adding a new Chapter 23.70 to the Seattle Municipal Code (SMC); amending Section 23.32 of the SMC at page 14 of the Official Land Use Map (Chapter 23.34) to establish a Mobile Home Park Overlay District (\u201cMOA\u201d).", + "consistency": [ + 3, + 4, + 4 + ], + "fluency": [ + 2, + 4, + 4 + ], + "informativeness": [ + 2, + 5, + 5 + ], + "redundancy": [ + 1, + 5, + 5 + ] + }, + "lead-3": { + "coherence": [ + 2, + 5, + 5 + ], + "summary": "Agenda Item 20 Council Bill 120206 An Ordinance relating to Land Use and Zoning. Adding a new Chapter 23.70 to the Seattle Municipal Code. Amending Chapter 23.32 of the Seattle Code at page 14 of the official land use map to establish a mobile home park overlay district, the committee recommends the bill passed as amended.", + "consistency": [ + 4, + 5, + 5 + ], + "fluency": [ + 3, + 5, + 5 + ], + "informativeness": [ + 2, + 5, + 5 + ], + "redundancy": [ + 2, + 5, + 5 + ] + }, + "pegasus": { + "coherence": [ + 3, + 5, + 5 + ], + "summary": "AN ORDINANCE relating to land use and zoning; adding a new Chapter 23.70 to the Seattle Municipal Code; amending Chapter 23.32 of the Seattle Municipal Code; and establishing a Mobile Home Park overlay district.", + "consistency": [ + 4, + 5, + 5 + ], + "fluency": [ + 3, + 4, + 5 + ], + "informativeness": [ + 3, + 4, + 5 + ], + "redundancy": [ + 4, + 5, + 5 + ] + }, + "lexrank": { + "coherence": [ + 2, + 5, + 5 + ], + "summary": "This legislation would implement long awaited long term protections for mobile home parks or many furniture, also known as manufactured home parks in Seattle. The way overlay district would apply to the two remaining mobile home parks in the city, the Halcyon and Bellabeat, which are located next to each other in the Bitter Lake Urban Village.", + "consistency": [ + 2, + 3, + 5 + ], + "fluency": [ + 2, + 3, + 5 + ], + "informativeness": [ + 1, + 4, + 5 + ], + "redundancy": [ + 2, + 5, + 5 + ] + }, + "davinci003": { + "coherence": [ + 4, + 5, + 5 + ], + "summary": "Council Bill 120206 passed, allowing for long-term protections for mobile home parks in Seattle, and providing residents of the two remaining parks with strong protections if the property is ever sold for affordable housing development. Councilmember Juarez and Councilmember Strauss gave thanks to Kittle and District five director Dean Alsip for their hard work on the issue.", + "consistency": [ + 4, + 4, + 4 + ], + "fluency": [ + 5, + 5, + 5 + ], + "informativeness": [ + 4, + 3, + 4 + ], + "redundancy": [ + 4, + 5, + 5 + ] + }, + "dialogLM": { + "coherence": [ + 3, + 5, + 5 + ], + "summary": "An ordinance relating to land use and zoning; adding a new chapter 23. 70 to the Seattle municipal code (SMC); amending chapter 23. 32 of the SMC at page 14 of the official land use map to establish a mobile home park overlay district.", + "consistency": [ + 3, + 4, + 5 + ], + "fluency": [ + 3, + 5, + 5 + ], + "informativeness": [ + 2, + 5, + 5 + ], + "redundancy": [ + 2, + 5, + 5 + ] + }, + "hmnet": { + "coherence": [ + 1, + 4, + 4 + ], + "summary": "An relating to land use ordinance; adding a new chapter 14 to the Seattle municipal code.", + "consistency": [ + 1, + 4, + 2 + ], + "fluency": [ + 1, + 4, + 4 + ], + "informativeness": [ + 1, + 2, + 3 + ], + "redundancy": [ + 2, + 5, + 5 + ] + } + }, + "LongBeachCC_09072021_21-0919": { + "davinci003": { + "coherence": [ + 1, + 5, + 5 + ], + "summary": "The article discusses a motion to create a Fresh Start Long Beach program to provide financial relief to Long Beach businesses most impacted by COVID-19 restrictions. It also mentions a recommendation to communicate the city of Long Beach's opposition to Senate Bills 9 and 10 to the governor's office and state legislative delegation.", + "consistency": [ + 2, + 3, + 4 + ], + "fluency": [ + 4, + 5, + 5 + ], + "informativeness": [ + 2, + 3, + 3 + ], + "redundancy": [ + 5, + 5, + 5 + ] + }, + "lead-3": { + "coherence": [ + 1, + 1, + 1 + ], + "summary": "Ocean is scared. Thank you. Next, we have item 18.", + "consistency": [ + 1, + 1, + 1 + ], + "fluency": [ + 1, + 5, + 1 + ], + "informativeness": [ + 1, + 1, + 1 + ], + "redundancy": [ + 2, + 5, + 5 + ] + }, + "dialogLM": { + "coherence": [ + 4, + 5, + 4 + ], + "summary": "Recommendation to request city manager to work with the economic development Department to create a fresh start long Beach program to lessen the financial burden on long Beach business owners most impacted by Covid-19 restrictions, and return to the city council within 90 days.", + "consistency": [ + 3, + 5, + 5 + ], + "fluency": [ + 3, + 4, + 4 + ], + "informativeness": [ + 2, + 4, + 5 + ], + "redundancy": [ + 5, + 5, + 3 + ] + }, + "lexrank": { + "coherence": [ + 1, + 5, + 3 + ], + "summary": "And the fact is some businesses are not eligible to apply because they went out of business during the pandemic. So as I know, it's been really hard for us to see so many businesses have to close.", + "consistency": [ + 1, + 3, + 5 + ], + "fluency": [ + 1, + 4, + 5 + ], + "informativeness": [ + 1, + 1, + 3 + ], + "redundancy": [ + 2, + 5, + 5 + ] + }, + "pegasus": { + "coherence": [ + 5, + 5, + 5 + ], + "summary": "Recommendation to request City Manager to work with the Economic Development Department to create a fresh start Long Beach program to lessen the financial burden on Long Beach business owners most impacted by COVID-19 restrictions.", + "consistency": [ + 4, + 5, + 5 + ], + "fluency": [ + 5, + 5, + 5 + ], + "informativeness": [ + 4, + 4, + 5 + ], + "redundancy": [ + 5, + 5, + 5 + ] + }, + "hmnet": { + "coherence": [ + 4, + 5, + 3 + ], + "summary": "Recommendation to request city manager to work with the economic development Department to create a fresh long Beach start program restrictions to lessen the financial burden on long Beach business owners most impacted by the pandemic.", + "consistency": [ + 4, + 5, + 5 + ], + "fluency": [ + 3, + 3, + 4 + ], + "informativeness": [ + 4, + 4, + 5 + ], + "redundancy": [ + 5, + 5, + 2 + ] + }, + "bart": { + "coherence": [ + 4, + 5, + 3 + ], + "summary": "Recommendation to request City Manager to work with the Economic Development Department to create a \"Fresh Start Long Beach\" program to lessen the financial burden on Long Beach business owners most impacted by COVID-19 restrictions, and report back to City Council on the progress of the city's resources and recovery plan and provide input and policy direction to staff on economic relief strategies for independent, full-service retail, with an emphasis on creative approaches to managing costs, as well as a review of which current programs and policies within the City's fiscal impact on businesses, and how these programs can promote economic recovery in Long Beach.", + "consistency": [ + 5, + 4, + 5 + ], + "fluency": [ + 4, + 5, + 3 + ], + "informativeness": [ + 5, + 5, + 4 + ], + "redundancy": [ + 4, + 5, + 2 + ] + } + }, + "DenverCityCouncil_04152019_19-0187": { + "lead-3": { + "coherence": [ + 2, + 1, + 5 + ], + "summary": "Hi, Madam Secretary. Please close the voting. Announce the results.", + "consistency": [ + 1, + 1, + 1 + ], + "fluency": [ + 3, + 5, + 5 + ], + "informativeness": [ + 1, + 1, + 1 + ], + "redundancy": [ + 3, + 5, + 5 + ] + }, + "dialogLM": { + "coherence": [ + 3, + 3, + 3 + ], + "summary": "A bill for an ordinance changing the zoning classification for 3270 North Lawrence street in Highland. APPROVES an official map amendment to Rezone property located at 3270 N. Lawrence street from U-Rh-2. 5 to U-Mx-3 (urban center, residential Mixed-Use, 3 stories, less intense use) in Council district 1. the committee approved filing this item at its meeting on 3-5-19. community planning and development has determined that the requirement for a legal protest (signatures by the owners of 20 percent or more either of the area of the lots included in the proposed change or of the total land area within 200 feet of the subject area) has been met (petition signatures represent 0% and 21. 6%, respectively).", + "consistency": [ + 4, + 2, + 3 + ], + "fluency": [ + 3, + 3, + 3 + ], + "informativeness": [ + 3, + 2, + 3 + ], + "redundancy": [ + 1, + 2, + 5 + ] + }, + "davinci003": { + "coherence": [ + 5, + 3, + 5 + ], + "summary": "The Denver Housing Authority has proposed to rezone a site to UX3, which would allow for 53 affordable housing units with a mix of 1-3 bedroom units, ranging from 0-80% AMI. This proposal has been approved unanimously by the City Council, and the housing units will remain affordable in perpetuity.", + "consistency": [ + 5, + 2, + 3 + ], + "fluency": [ + 5, + 3, + 5 + ], + "informativeness": [ + 5, + 2, + 4 + ], + "redundancy": [ + 5, + 4, + 5 + ] + }, + "pegasus": { + "coherence": [ + 3, + 4, + 3 + ], + "summary": "A bill for an ordinance changing the zoning classification for 3225 O\u2019Neill Street in Highland. Approves an official map amendment to rezone property from U-RH-2.5 to U-RX-3 (urban row-home to urban mixed-use), located at 3225 O\u2019Neill Street in Council District", + "consistency": [ + 4, + 3, + 2 + ], + "fluency": [ + 2, + 4, + 3 + ], + "informativeness": [ + 2, + 3, + 4 + ], + "redundancy": [ + 3, + 5, + 5 + ] + }, + "hmnet": { + "coherence": [ + 3, + 3, + 3 + ], + "summary": "A bill for an ordinance changing the zoning classification for North Fairfax street in Highland . an official map amendment to Rezone property from 470 to G -3 development to urban center) located at street in Council district 1. the committee approved filing this item at its meeting on 6 -20.", + "consistency": [ + 2, + 2, + 2 + ], + "fluency": [ + 2, + 3, + 4 + ], + "informativeness": [ + 1, + 2, + 2 + ], + "redundancy": [ + 2, + 4, + 5 + ] + }, + "lexrank": { + "coherence": [ + 3, + 3, + 4 + ], + "summary": "So there are currently two structures containing a total of ten affordable housing units. The arts district allows a mix of uses while emphasizing residential uses and which is consistent with the plan direction, while also responding to the property's location in a transition between mixed use and residential plan direction than the three stories provides a transition between the mixed use plan direction and the 3 to 5 stories on the ground to the west and south.", + "consistency": [ + 2, + 2, + 3 + ], + "fluency": [ + 3, + 4, + 4 + ], + "informativeness": [ + 1, + 2, + 2 + ], + "redundancy": [ + 2, + 4, + 5 + ] + }, + "bart": { + "coherence": [ + 2, + 4, + 5 + ], + "summary": "A bill for an ordinance changing the zoning classification for 3200 Shoshan Street in Highland. Approves an official map amendment to rezone property from U-RH-2.5 DO-4 to U-RX-3 (rban row-house and single-unit to urban mixed-use, located at 3200 East Shoshany Street in Council District 1. The Committee approved filing this item at its meeting on 3-5-19.", + "consistency": [ + 3, + 4, + 4 + ], + "fluency": [ + 2, + 2, + 4 + ], + "informativeness": [ + 2, + 5, + 4 + ], + "redundancy": [ + 2, + 5, + 5 + ] + } + }, + "LongBeachCC_06162020_20-0568": { + "hmnet": { + "coherence": [ + 4, + 5, + 5 + ], + "summary": "Recommendation to adopt resolution terminating the existence of a local emergency proclaimed by the director of civil defense on May 31, 2020, and ratified by the city council on June 5, 2020.", + "consistency": [ + 4, + 5, + 5 + ], + "fluency": [ + 4, + 5, + 5 + ], + "informativeness": [ + 3, + 4, + 5 + ], + "redundancy": [ + 4, + 5, + 5 + ] + }, + "pegasus": { + "coherence": [ + 4, + 4, + 5 + ], + "summary": "Recommendation to review the need for continuing the local emergency proclaimed by the Director of Civil Defense on May 31, 2020 and ratified by the City Council on June 5, 2020; and determine whether to terminate the local emergency at this time and if the conditions so warrant adopt a resolution terminating the existence of a local emergency related to", + "consistency": [ + 4, + 5, + 5 + ], + "fluency": [ + 3, + 4, + 5 + ], + "informativeness": [ + 3, + 4, + 5 + ], + "redundancy": [ + 3, + 5, + 5 + ] + }, + "davinci003": { + "coherence": [ + 5, + 5, + 5 + ], + "summary": "The City Council of Long Beach is reviewing the need for continuing the local emergency proclaimed in May 2020 and is recommending to terminate the existing emergency. There have been 44 peaceful protests since the emergency was declared, and the Council members are discussing ways to move towards healing and action in the community.", + "consistency": [ + 5, + 4, + 5 + ], + "fluency": [ + 5, + 5, + 5 + ], + "informativeness": [ + 5, + 4, + 5 + ], + "redundancy": [ + 4, + 5, + 5 + ] + }, + "bart": { + "coherence": [ + 3, + 5, + 4 + ], + "summary": "Recommendation to review the need for continuing the local emergency proclaimed by the Director of Civil Defense on May 31, 2020 and ratified by the City Council on June 5, 2020, and determine whether to terminate the Local Emergency at this time and if the conditions are not met, adopt resolution terminating the existence of a local emergency related to civil unrest; and, authorize City Manager, or designee, to call for a postponement to the next regularly scheduled Council meeting of Monday, June 12, 2020. (Citywide)", + "consistency": [ + 4, + 4, + 5 + ], + "fluency": [ + 3, + 4, + 4 + ], + "informativeness": [ + 4, + 5, + 5 + ], + "redundancy": [ + 3, + 5, + 3 + ] + }, + "lead-3": { + "coherence": [ + 1, + 1, + 1 + ], + "summary": "Next item, please. I think that was 13. Let's see, item.", + "consistency": [ + 1, + 1, + 1 + ], + "fluency": [ + 1, + 3, + 5 + ], + "informativeness": [ + 1, + 1, + 1 + ], + "redundancy": [ + 1, + 5, + 5 + ] + }, + "lexrank": { + "coherence": [ + 1, + 2, + 2 + ], + "summary": "And there's really I don't see the justification for continuing the emergency. And so I think the appropriate action for me is to go ahead and sunset the emergency and get the word.", + "consistency": [ + 1, + 2, + 3 + ], + "fluency": [ + 1, + 5, + 2 + ], + "informativeness": [ + 1, + 1, + 3 + ], + "redundancy": [ + 1, + 5, + 4 + ] + }, + "dialogLM": { + "coherence": [ + 3, + 5, + 5 + ], + "summary": "Recommendation to review the need for continuing the local emergency proclaimed by the director of civil defense on May 31, 2020 and of the city council on June 5, 2020, and determine whether to terminate the local urgency at this time and if the conditions so warrant, adopt resolution terminating the existence of a local emergency related to civil unrest. (citywide)", + "consistency": [ + 4, + 5, + 5 + ], + "fluency": [ + 3, + 4, + 5 + ], + "informativeness": [ + 4, + 5, + 5 + ], + "redundancy": [ + 4, + 5, + 5 + ] + } + }, + "DenverCityCouncil_01272020_20-0044": { + "lexrank": { + "coherence": [ + 1, + 4, + 1 + ], + "summary": "Because it's hard to send someone who has very little resources to a Denver Human Services spot during the day knowing that that night there are not going to be any vouchers. Or Denver Human Services.", + "consistency": [ + 1, + 4, + 2 + ], + "fluency": [ + 1, + 4, + 4 + ], + "informativeness": [ + 1, + 1, + 2 + ], + "redundancy": [ + 2, + 3, + 4 + ] + }, + "bart": { + "coherence": [ + 2, + 4, + 3 + ], + "summary": "A resolution approving a proposed Third Amendatory Agreement between the City and County of Denver and Motel Services, Inc., to extend the term and increase funding for the Denver Family Motel and Suites Denver-Downtown Denver, to provide temporary housing for up to 30 families in need during the COVID-19 health crisis. Amends a contract to add one year and $4,500,000 for a new end date of 6-30-20 to provide 140 rooms to families experiencing homelessness using vouchers to prevent homelessness while they are going through the City\u2019s Denver Health and Hospital Authority crisis. No change to contract amount (HOST-202054346; HEALTH SAF", + "consistency": [ + 3, + 3, + 3 + ], + "fluency": [ + 2, + 4, + 3 + ], + "informativeness": [ + 2, + 4, + 3 + ], + "redundancy": [ + 2, + 5, + 2 + ] + }, + "lead-3": { + "coherence": [ + 1, + 1, + 1 + ], + "summary": "Perfect. Thank you. Sure.", + "consistency": [ + 1, + 1, + 1 + ], + "fluency": [ + 1, + 5, + 5 + ], + "informativeness": [ + 1, + 1, + 1 + ], + "redundancy": [ + 1, + 5, + 5 + ] + }, + "dialogLM": { + "coherence": [ + 4, + 4, + 4 + ], + "summary": "A bill for an ordinance approving a proposed Intergovernmental agreement between the city and county of Denver and the volunteers of America, Inc., to provide emergency housing for people experiencing homelessness during the Covid-19 health crisis. (Finance & services) APPROVES an $1, 180, 000 Intergotiamental agreement with the friends of America motel, Inc. through 12-31-20 to fund emergency housing vouchers for 30 rooms at the Denver family motel in Council district 9 (Oedev-202054459). The last regularly scheduled council meeting within the 30-day review period is on 1-8-20. the committee approved filing this item at its meeting on 11-3-20.", + "consistency": [ + 3, + 2, + 3 + ], + "fluency": [ + 3, + 4, + 3 + ], + "informativeness": [ + 3, + 2, + 3 + ], + "redundancy": [ + 2, + 5, + 4 + ] + }, + "pegasus": { + "coherence": [ + 2, + 4, + 3 + ], + "summary": "A resolution approving a proposed Second Amendatory Agreement between the City and County of Denver and Volunteers of America, Inc. to provide motel vouchers to low-income families experiencing homelessness. Amends a contract with Volunteers of America, Inc. by adding $550,000 for a new total of $1,150,000 and one year for a", + "consistency": [ + 2, + 4, + 2 + ], + "fluency": [ + 1, + 5, + 3 + ], + "informativeness": [ + 2, + 4, + 3 + ], + "redundancy": [ + 2, + 5, + 4 + ] + }, + "davinci003": { + "coherence": [ + 3, + 5, + 4 + ], + "summary": "The Department of Housing Stability's contract with the Family Motel provides motel vouchers for homeless individuals and families in Denver. The occupancy rate is usually in the high nineties and there is currently no electronic system to track usage.", + "consistency": [ + 3, + 3, + 3 + ], + "fluency": [ + 4, + 5, + 4 + ], + "informativeness": [ + 3, + 2, + 3 + ], + "redundancy": [ + 5, + 5, + 4 + ] + }, + "hmnet": { + "coherence": [ + 2, + 4, + 3 + ], + "summary": "A resolution approving a proposed fourth agreement between the city and county of Denver and the Colorado Department of housing to extend the term and increase the contract amount by at the discretion of the city manager . a contract with family motel, LLC by adding for a new total of and one year for a revised contract amount not to exceed . The last regularly scheduled council meeting within the 30 review period is on 1 -20. Councilmember Flynn approved filing this item on 4 -20, with the option to renew for three additional one -Year periods.", + "consistency": [ + 3, + 3, + 4 + ], + "fluency": [ + 3, + 4, + 4 + ], + "informativeness": [ + 2, + 3, + 4 + ], + "redundancy": [ + 3, + 5, + 4 + ] + } + }, + "LongBeachCC_10212014_14-0876": { + "lexrank": { + "coherence": [ + 2, + 1, + 1 + ], + "summary": "And I'm going to ask the city manager, I'm a city attorney right now if Mr. Perez's company would benefit from this Union Pacific or the union would benefit just by Jobs and Chamber of Commerce, get support from the BNSF Railroad when that be a conflict of interest if they had to vote on changing the zoning laws. That is a Long Beach property comes under our zoning commission.", + "consistency": [ + 1, + 1, + 2 + ], + "fluency": [ + 2, + 4, + 2 + ], + "informativeness": [ + 1, + 1, + 2 + ], + "redundancy": [ + 3, + 4, + 4 + ] + }, + "pegasus": { + "coherence": [ + 2, + 2, + 4 + ], + "summary": "Recommendation to, subject to review and consideration by the Personnel and Civil Service Committee in accordance with Long Beach Municipal Code Section 2.03.065, confirm Charter Commission appointments pursuant to Section 509 of the City Charter and Section 2.03.065 of the Long Beach Municipal Code; or in the alternative, if for some reason the", + "consistency": [ + 3, + 4, + 5 + ], + "fluency": [ + 2, + 1, + 4 + ], + "informativeness": [ + 2, + 4, + 4 + ], + "redundancy": [ + 2, + 2, + 5 + ] + }, + "bart": { + "coherence": [ + 2, + 2, + 3 + ], + "summary": "Recommendation to, subject to review and consideration by the Personnel and Civil Service Committee in accordance with Long Beach Municipal Code Section 2.03.065, confirm Charter Commission appointments to the following Commission: 1. Reappointments of Alma Campos and Richard Trujillo to the City Council for terms effective immediately and expiring on 12-31-2017, or until a successor is duly appointed; and 2.P.I.A.C. to serve as a member of the Public Utilities Board for the City of Long Beach; and 3. Appoints of Ronald Limoges and Vadim Sidelnikov as Members of the Social Service Human Relations Board for", + "consistency": [ + 3, + 2, + 3 + ], + "fluency": [ + 4, + 1, + 3 + ], + "informativeness": [ + 3, + 2, + 3 + ], + "redundancy": [ + 4, + 1, + 3 + ] + }, + "hmnet": { + "coherence": [ + 3, + 4, + 4 + ], + "summary": "Consideration of nominations to appoint the member of the civil service Commission for the purpose of receiving Commission a vote of the qualified and registered electors of the city and county of long Beach at a special municipal election to be held on Tuesday, November 2, 2021, the question of whether the city shall be authorized to issue or incur undue representation for submission or rejection by the personnel and civil service Committee in accordance with section 3 of the long Beach municipal code.", + "consistency": [ + 3, + 3, + 4 + ], + "fluency": [ + 3, + 3, + 4 + ], + "informativeness": [ + 2, + 3, + 4 + ], + "redundancy": [ + 4, + 2, + 5 + ] + }, + "davinci003": { + "coherence": [ + 5, + 4, + 5 + ], + "summary": "The City Council held a meeting to appoint individuals to the Civil Service Commission, Citizen Police Complaint Commission and Planning Commission. A discussion about potential conflicts of interest arose, as some of the appointees had connections to the railroad industry.", + "consistency": [ + 4, + 3, + 3 + ], + "fluency": [ + 5, + 4, + 5 + ], + "informativeness": [ + 4, + 3, + 4 + ], + "redundancy": [ + 5, + 5, + 5 + ] + }, + "dialogLM": { + "coherence": [ + 3, + 3, + 4 + ], + "summary": "Recommendation to, subject to review and consideration by the civil service Commission in accordance with long Beach municipal code section 2. 03. 065, confirm charter Commission appointments pursuant to section 509 of the city charter and section 2. 03. 065 of the long Beach charter; or in the alternative, if for some reason the personnel and civil service committee does not meet prior to or on August 11, 2015, waive the requirement for consideration and recommendation by the Committee on motion of Councilmember al Austin.", + "consistency": [ + 3, + 4, + 4 + ], + "fluency": [ + 2, + 1, + 4 + ], + "informativeness": [ + 2, + 4, + 4 + ], + "redundancy": [ + 2, + 3, + 4 + ] + }, + "lead-3": { + "coherence": [ + 1, + 1, + 4 + ], + "summary": "Now we're moving on to item number 17. And I'm going to turn this over to Councilmember Al Austin, who will be making making a motion on behalf of the Civil Service Commission. Yes.", + "consistency": [ + 1, + 1, + 2 + ], + "fluency": [ + 1, + 4, + 5 + ], + "informativeness": [ + 1, + 1, + 1 + ], + "redundancy": [ + 3, + 4, + 5 + ] + } + }, + "KingCountyCC_06292016_2016-0293": { + "hmnet": { + "coherence": [ + 1, + 2, + 4 + ], + "summary": "A relating to identifying the feasibility of establishing an exemption for Council approval for having a religious donation for a religious texts and materials and educational materials.", + "consistency": [ + 2, + 4, + 4 + ], + "fluency": [ + 1, + 1, + 4 + ], + "informativeness": [ + 1, + 4, + 4 + ], + "redundancy": [ + 1, + 5, + 5 + ] + }, + "bart": { + "coherence": [ + 3, + 4, + 4 + ], + "summary": "AN ORDINANCE relating to the administration of the Inmate Welfare Fund; providing an exemption from the requirement of the council to accept donations of religious materials or texts, educational materials, and books, in an amount not to exceed $2,000,000 for a period of one year, with the option to renew for one additional one-year period, at the discretion of the City Manager; and amending Ordinance 125475, Section 2.", + "consistency": [ + 3, + 3, + 5 + ], + "fluency": [ + 3, + 4, + 4 + ], + "informativeness": [ + 2, + 4, + 5 + ], + "redundancy": [ + 2, + 5, + 5 + ] + }, + "lexrank": { + "coherence": [ + 2, + 1, + 3 + ], + "summary": "Councilmember one right there. Councilor, I remember you mostly characterizing this as religious donations.", + "consistency": [ + 1, + 1, + 1 + ], + "fluency": [ + 1, + 3, + 5 + ], + "informativeness": [ + 1, + 1, + 1 + ], + "redundancy": [ + 2, + 5, + 5 + ] + }, + "lead-3": { + "coherence": [ + 1, + 1, + 3 + ], + "summary": "And that would be, I think, what I'm going to do. I'm going to skip if it's okay. Do you mind being the last?", + "consistency": [ + 1, + 1, + 1 + ], + "fluency": [ + 2, + 5, + 5 + ], + "informativeness": [ + 1, + 1, + 1 + ], + "redundancy": [ + 2, + 5, + 5 + ] + }, + "dialogLM": { + "coherence": [ + 2, + 1, + 4 + ], + "summary": "An ordinance authorizing and approving the expenditure and payment from the appropriation account designated \u201c Expen an appropriation \u201d in the general Fund (Gf) in the Department of public health and environment; and authorizing the Mayor or Mayor \u2019 s Designee to execute an amendment to the 2015-2016 biennial budget ordinance, ordinance 17941, section 53, proviso P2.", + "consistency": [ + 1, + 2, + 1 + ], + "fluency": [ + 3, + 1, + 4 + ], + "informativeness": [ + 1, + 2, + 1 + ], + "redundancy": [ + 2, + 1, + 5 + ] + }, + "pegasus": { + "coherence": [ + 4, + 4, + 4 + ], + "summary": "AN ORDINANCE relating to the donation of religious materials and texts to the Inmate Welfare Fund; and adding a new section to K.C.C. Title 2.", + "consistency": [ + 3, + 4, + 4 + ], + "fluency": [ + 2, + 4, + 4 + ], + "informativeness": [ + 3, + 4, + 4 + ], + "redundancy": [ + 4, + 5, + 5 + ] + }, + "davinci003": { + "coherence": [ + 5, + 5, + 5 + ], + "summary": "This article discusses an ordinance proposed by council staff that would allow faith-based denominations to donate religious materials such as Bibles and Korans to inmates, as well as educational materials and books up to a dollar amount of $15,000. The proposed ordinance would also help streamline the process and reduce pressure on the Inmate Welfare Fund.", + "consistency": [ + 4, + 5, + 4 + ], + "fluency": [ + 5, + 5, + 5 + ], + "informativeness": [ + 4, + 5, + 5 + ], + "redundancy": [ + 4, + 5, + 5 + ] + } + }, + "SeattleCityCouncil_04092018_CB 119200": { + "lexrank": { + "coherence": [ + 1, + 1, + 4 + ], + "summary": "And that eight design review board will allow the central area to have a unique focus on projects in their neighborhoods. In particular, I want to say thank you to the five different central area organizations that worked on that central area land use review committee, the 23rd Avenue Action Community Team, or the 23rd Avenue Act.", + "consistency": [ + 1, + 1, + 2 + ], + "fluency": [ + 1, + 5, + 4 + ], + "informativeness": [ + 1, + 1, + 2 + ], + "redundancy": [ + 1, + 5, + 4 + ] + }, + "lead-3": { + "coherence": [ + 2, + 4, + 1 + ], + "summary": "Bill passed and chair will sign it. Please read the report of the Planning Land Use and Zoning Committee. The Report of the Planning and Zoning Committee Agenda Item five Cancel Bill one 119 200 Willing to land is in zoning in many sections 23.40 1.006.008 and point zero ten of settlement of a code to adopt the Central Area Neighborhood Design Guidelines.", + "consistency": [ + 3, + 4, + 2 + ], + "fluency": [ + 2, + 5, + 2 + ], + "informativeness": [ + 2, + 4, + 1 + ], + "redundancy": [ + 2, + 5, + 3 + ] + }, + "bart": { + "coherence": [ + 3, + 4, + 5 + ], + "summary": "AN ORDINANCE relating to land use and zoning; amending Sections 23.41.006, 23.45.008, and 23.51.010 of the Seattle Municipal Code to adopt the Central Area Neighborhood Design Guidelines, establish a Central Area Design Review District, and change Design Review Board composition.", + "consistency": [ + 3, + 4, + 5 + ], + "fluency": [ + 2, + 4, + 4 + ], + "informativeness": [ + 3, + 4, + 5 + ], + "redundancy": [ + 2, + 5, + 5 + ] + }, + "pegasus": { + "coherence": [ + 3, + 5, + 5 + ], + "summary": "AN ORDINANCE relating to land use and zoning; amending Sections 23.40.006 and 23.40.008 of the Seattle Municipal Code to adopt the Central Area Neighborhood Design Guidelines and establish a Central Area Design Review District and Change Design Review Board.", + "consistency": [ + 3, + 4, + 4 + ], + "fluency": [ + 2, + 5, + 4 + ], + "informativeness": [ + 3, + 4, + 4 + ], + "redundancy": [ + 2, + 5, + 5 + ] + }, + "davinci003": { + "coherence": [ + 5, + 5, + 5 + ], + "summary": "The Planning and Zoning Committee passed a bill which creates a Central Area Design Review District and Design Review Board Composition. This bill is the result of decades worth of work from activists in the central area and will provide guidance for developers about new projects in the area.", + "consistency": [ + 4, + 5, + 4 + ], + "fluency": [ + 5, + 5, + 5 + ], + "informativeness": [ + 3, + 5, + 4 + ], + "redundancy": [ + 5, + 5, + 5 + ] + }, + "hmnet": { + "coherence": [ + 2, + 2, + 5 + ], + "summary": "An relating to the Seattle review district design review board; amending sections 10, 10.30, and 10.100 of the Seattle municipal code to adopt the central area design review advisory board, as amended by ordinance.", + "consistency": [ + 2, + 2, + 3 + ], + "fluency": [ + 2, + 4, + 5 + ], + "informativeness": [ + 2, + 2, + 3 + ], + "redundancy": [ + 2, + 5, + 5 + ] + }, + "dialogLM": { + "coherence": [ + 3, + 5, + 5 + ], + "summary": "An ordinance relating to land use and zoning; amending sections 23. 41. 006, 23. 41. 008, and 23. 41. 010 of the Seattle municipal code to adopt the central area neighborhood design guidelines, establish a central area design review district, and change design review board composition.", + "consistency": [ + 2, + 5, + 5 + ], + "fluency": [ + 2, + 5, + 4 + ], + "informativeness": [ + 2, + 5, + 5 + ], + "redundancy": [ + 1, + 5, + 5 + ] + } + }, + "LongBeachCC_08182015_15-0824": { + "bart": { + "coherence": [ + 4, + 3, + 5 + ], + "summary": "Recommendation to request City Manager to update the Los Angeles RiverLink plan for the City of Long Beach and to work with the LA River Revitalization Corporation and other regional partners to improve and enhance the entirety of the Losanga River and surrounding areas; and to return to the City Council in the next 180 days with a revised plan and update on the progress of the City\u2019s implementation plans.", + "consistency": [ + 5, + 2, + 4 + ], + "fluency": [ + 4, + 3, + 5 + ], + "informativeness": [ + 5, + 2, + 4 + ], + "redundancy": [ + 4, + 4, + 5 + ] + }, + "pegasus": { + "coherence": [ + 4, + 4, + 5 + ], + "summary": "Recommendation to request City Manager to update the Los Angeles River Link Plan for the City of Long Beach and to work with the Los Angeles River Restoration Corporation and other regional partners to improve and enhance the entirety of the Los Angeles River and surrounding areas.", + "consistency": [ + 4, + 4, + 5 + ], + "fluency": [ + 4, + 4, + 5 + ], + "informativeness": [ + 4, + 4, + 4 + ], + "redundancy": [ + 5, + 5, + 5 + ] + }, + "davinci003": { + "coherence": [ + 5, + 5, + 5 + ], + "summary": "The Mayor of Long Beach is recommending an update to the Los Angeles River Link plan to improve and enhance the entirety of the Los Angeles River and surrounding areas. Frank Gehry is partnering with the L.A. River Revitalization Corporation to create a master plan for the entire county and region.", + "consistency": [ + 5, + 5, + 4 + ], + "fluency": [ + 5, + 4, + 5 + ], + "informativeness": [ + 5, + 5, + 3 + ], + "redundancy": [ + 5, + 5, + 5 + ] + }, + "lead-3": { + "coherence": [ + 2, + 3, + 2 + ], + "summary": "So item 21. Item 21 Communication from Mayor Robert Garcia. Recommendation to update the Los Angeles River Link plan for the City of Long Beach and to work with the L.A. River Revitalization Corporation and other regional partners to improve and enhance the entirety of the Los Angeles River and surrounding areas.", + "consistency": [ + 4, + 4, + 3 + ], + "fluency": [ + 2, + 4, + 4 + ], + "informativeness": [ + 3, + 4, + 3 + ], + "redundancy": [ + 2, + 5, + 4 + ] + }, + "dialogLM": { + "coherence": [ + 3, + 2, + 3 + ], + "summary": "Recommendation to update the Los Angeles River link plan for the city of long Beach, to work with the La River revitalization Corporation and other regional partners to improve and enhance the entirety of the La Angeles River and surrounding areas.", + "consistency": [ + 4, + 4, + 3 + ], + "fluency": [ + 2, + 1, + 3 + ], + "informativeness": [ + 4, + 4, + 3 + ], + "redundancy": [ + 5, + 4, + 3 + ] + }, + "lexrank": { + "coherence": [ + 3, + 3, + 3 + ], + "summary": "We really need to update this master plan and begin working with Mr. Gehry, his team, as well as the L.A. River Court. We did as a as a city, we did our last major update to our river like Los Angeles River Master Plan back in 2007.", + "consistency": [ + 3, + 2, + 2 + ], + "fluency": [ + 3, + 3, + 4 + ], + "informativeness": [ + 1, + 1, + 1 + ], + "redundancy": [ + 3, + 4, + 5 + ] + }, + "hmnet": { + "coherence": [ + 4, + 4, + 4 + ], + "summary": "Recommendation to update the Los Angeles river as master plan for the city link corporation).", + "consistency": [ + 3, + 3, + 4 + ], + "fluency": [ + 2, + 4, + 4 + ], + "informativeness": [ + 2, + 3, + 2 + ], + "redundancy": [ + 5, + 4, + 5 + ] + } + }, + "BostonCC_03022022_2022-0166": { + "bart": { + "coherence": [ + 5, + 4, + 2 + ], + "summary": "On the message and order, referred on January 26, 2022, Docket #0166, authorizing the City of Boston to accept and expend the amount of One Hundred Fifty Thousand Dollars ($125,000.00) in the form of a grant, for federal FY21 Violence Against Women Act stock grant, awarded by the United States Department of Justice, as passed through the MA Executive Office of Public Safety & Security, to be administered by the Police Department. The grant will fund civilian violence if you could, who provide services for victims in Jamaica Plain East Boston, and overtime for all domestic violence advocates, the committee submitted a report recommending the order ought to pass. The report was accepted; the order", + "consistency": [ + 5, + 4, + 3 + ], + "fluency": [ + 4, + 4, + 1 + ], + "informativeness": [ + 4, + 5, + 5 + ], + "redundancy": [ + 4, + 5, + 3 + ] + }, + "lexrank": { + "coherence": [ + 1, + 1, + 1 + ], + "summary": "Docket 0159 has passed. And so as a result of that, as chair of the Committee on Public Safety, moving for passage of docket 01590161016201630164 and 0166.", + "consistency": [ + 1, + 1, + 1 + ], + "fluency": [ + 1, + 1, + 1 + ], + "informativeness": [ + 1, + 1, + 1 + ], + "redundancy": [ + 1, + 1, + 1 + ] + }, + "hmnet": { + "coherence": [ + 3, + 3, + 3 + ], + "summary": "On the message and order, referred on January 26, 2022,, message and order authorizing the city of Boston to accept the amount of in the form of a grant grant awarded by the United States Department of defense, passed through the Ma executive office of public safety, for the counsel of the floor charity . The grant will fund the metropolitan police capacity to respond to Opioid violence against women act act grant grants, by the U. Department of homeland security and security to be administered by the police Department.", + "consistency": [ + 4, + 4, + 3 + ], + "fluency": [ + 3, + 3, + 3 + ], + "informativeness": [ + 3, + 4, + 4 + ], + "redundancy": [ + 2, + 5, + 4 + ] + }, + "lead-3": { + "coherence": [ + 1, + 3, + 2 + ], + "summary": "Submits a report recommending the order of the test and number 0166. The Committee on Public Safety and Criminal Justice, to which was referred on January 26, 2022. Number 0166 message in order authorizing the City of Boston to accept and expand the amount of $125,000 in the form of a grant for federal fiscal year 21.", + "consistency": [ + 2, + 3, + 3 + ], + "fluency": [ + 2, + 5, + 4 + ], + "informativeness": [ + 1, + 2, + 4 + ], + "redundancy": [ + 1, + 4, + 4 + ] + }, + "pegasus": { + "coherence": [ + 4, + 5, + 5 + ], + "summary": "On the message and order, referred on January 26, 2022, Docket #0066, authorizing the City of Boston to accept and expend the amount of One Hundred Fifty Thousand Dollars ($125,000.00) in the form of a grant for Federal FY21 Violence Against Women Act grant, awarded by the United States Department of Justice,", + "consistency": [ + 3, + 4, + 5 + ], + "fluency": [ + 4, + 4, + 5 + ], + "informativeness": [ + 3, + 4, + 5 + ], + "redundancy": [ + 4, + 5, + 5 + ] + }, + "dialogLM": { + "coherence": [ + 3, + 4, + 3 + ], + "summary": "On the message and order, referred on January 26, 2022, docket #0166, authorizing the city of Boston to accept and expend the amount of one hundred fifty thousand dollars ($125, 000. 00) in the form of a grant for Federal Fy21 violence against women act stock grant, awarded by the United States Department of justice, as passed through the Massachusetts executive office of public safety & security to be administered by the police Department, the committee submitted a report recommending the order ought to pass.", + "consistency": [ + 4, + 4, + 5 + ], + "fluency": [ + 4, + 4, + 3 + ], + "informativeness": [ + 3, + 5, + 5 + ], + "redundancy": [ + 4, + 5, + 2 + ] + }, + "davinci003": { + "coherence": [ + 5, + 5, + 4 + ], + "summary": "The Committee on Public Safety and Criminal Justice recommended the passing of six dockets on January 26th, 2021. These dockets included grants to improve response time to opioid overdoses, a recruitment class for the Boston Fire Department, and resources for victims of violent crime in Jamaica Plain, East Boston and Charlestown.", + "consistency": [ + 4, + 3, + 2 + ], + "fluency": [ + 5, + 5, + 4 + ], + "informativeness": [ + 4, + 1, + 2 + ], + "redundancy": [ + 4, + 5, + 5 + ] + } + }, + "SeattleCityCouncil_06152020_CB 119803": { + "lexrank": { + "coherence": [ + 2, + 1, + 5 + ], + "summary": "Council member Herbold, thank you for bringing forward this legislation. The bill passes and the chair will sign it and I ask that the clerk please affix my signature to the legislation.", + "consistency": [ + 1, + 1, + 1 + ], + "fluency": [ + 3, + 2, + 5 + ], + "informativeness": [ + 1, + 1, + 1 + ], + "redundancy": [ + 3, + 2, + 5 + ] + }, + "lead-3": { + "coherence": [ + 2, + 4, + 4 + ], + "summary": "Agenda item for Council Goal 119803 requiring that certain uniformed peace officers do not cover with a mourning band the serial number that is engraved on their badge and section 3.28. 130. The code declaring an emergency and establishing an immediate effective date.", + "consistency": [ + 3, + 5, + 5 + ], + "fluency": [ + 2, + 5, + 4 + ], + "informativeness": [ + 2, + 5, + 5 + ], + "redundancy": [ + 3, + 5, + 5 + ] + }, + "bart": { + "coherence": [ + 2, + 5, + 5 + ], + "summary": "AN ORDINANCE requiring that certain uniformed peace officers do not cover with a mourning band the serial number that is engraved on their badge, and Section 3.28.130 of the Seattle Municipal Code; declaring an emergency; and establishing an immediate effective date; all by a 3/4 vote of the City Council.", + "consistency": [ + 3, + 5, + 4 + ], + "fluency": [ + 1, + 5, + 4 + ], + "informativeness": [ + 2, + 5, + 5 + ], + "redundancy": [ + 3, + 5, + 5 + ] + }, + "hmnet": { + "coherence": [ + 2, + 4, + 3 + ], + "summary": "An requiring that certain peace officers to display their badge badge badge, and amending sections 3 and 11 of the Seattle municipal code, declaring an emergency pursuant to section 10, and establishing an immediate effective date; all by a 3 vote of the city council.", + "consistency": [ + 2, + 4, + 4 + ], + "fluency": [ + 1, + 3, + 4 + ], + "informativeness": [ + 1, + 4, + 4 + ], + "redundancy": [ + 1, + 4, + 3 + ] + }, + "pegasus": { + "coherence": [ + 2, + 4, + 5 + ], + "summary": "AN ORDINANCE requiring that certain uniformed peace officers do not cover with a mourning band the serial number that is engraved on their badge and Section 3.28.130 of the Seattle Municipal Code; declaring an emergency; and establishing an immediate effective date; all by a 3/4 vote of the City Council.", + "consistency": [ + 3, + 4, + 5 + ], + "fluency": [ + 2, + 5, + 4 + ], + "informativeness": [ + 3, + 5, + 5 + ], + "redundancy": [ + 3, + 5, + 5 + ] + }, + "dialogLM": { + "coherence": [ + 3, + 4, + 5 + ], + "summary": "An ordinance requiring that certain uniformed peace officers do not cover with a mourning band the serial band that is 1744 on their badge; amending section 3. 28. 130 of the Seattle municipal code; declaring an emergency; and establishing an immediate effective date.", + "consistency": [ + 2, + 3, + 4 + ], + "fluency": [ + 2, + 3, + 4 + ], + "informativeness": [ + 2, + 3, + 5 + ], + "redundancy": [ + 4, + 3, + 5 + ] + }, + "davinci003": { + "coherence": [ + 5, + 4, + 5 + ], + "summary": "Councilmember Herbold introduced a bill called Council Bill 11 9803 that would require uniformed peace officers to display their badge numbers while wearing mourning bands. The bill passed unanimously, and will go into effect immediately upon signature of the mayor within the next ten days.", + "consistency": [ + 5, + 4, + 5 + ], + "fluency": [ + 5, + 5, + 4 + ], + "informativeness": [ + 5, + 4, + 5 + ], + "redundancy": [ + 5, + 5, + 5 + ] + } + }, + "DenverCityCouncil_08312020_20-0900": { + "dialogLM": { + "coherence": [ + 5, + 5, + 4 + ], + "summary": "A proclamation honoring retiring Denver arts and Venues employees for their decades of service to the city and county of Denver.", + "consistency": [ + 4, + 5, + 5 + ], + "fluency": [ + 4, + 5, + 4 + ], + "informativeness": [ + 4, + 5, + 5 + ], + "redundancy": [ + 5, + 5, + 5 + ] + }, + "hmnet": { + "coherence": [ + 3, + 3, + 3 + ], + "summary": "A proclamation in honor of Denver arts and Denver the Mcnichols Council for their service to the city and county of Denver.", + "consistency": [ + 2, + 4, + 3 + ], + "fluency": [ + 2, + 2, + 3 + ], + "informativeness": [ + 2, + 4, + 4 + ], + "redundancy": [ + 2, + 2, + 5 + ] + }, + "pegasus": { + "coherence": [ + 4, + 5, + 5 + ], + "summary": "A proclamation in honor of retiring Denver Arts and Venues employees for their decades of service to the City and County of Denver.", + "consistency": [ + 5, + 5, + 5 + ], + "fluency": [ + 5, + 5, + 4 + ], + "informativeness": [ + 5, + 5, + 5 + ], + "redundancy": [ + 5, + 5, + 5 + ] + }, + "lead-3": { + "coherence": [ + 1, + 1, + 1 + ], + "summary": "and unexpected loss. All right. Seeing their hands raised, there are no presentations.", + "consistency": [ + 1, + 1, + 1 + ], + "fluency": [ + 1, + 1, + 3 + ], + "informativeness": [ + 1, + 1, + 1 + ], + "redundancy": [ + 3, + 5, + 5 + ] + }, + "lexrank": { + "coherence": [ + 1, + 3, + 4 + ], + "summary": "Valdez works under worked under the Denver Arts and Venues Division of the Denver Public Art Program and started commissioning murals via the UAF in 2009. Proclamation 20 Dash 900 in honor of retiring Denver arts and venues employees for their decades of service to the city and county of Denver.", + "consistency": [ + 2, + 3, + 4 + ], + "fluency": [ + 2, + 2, + 4 + ], + "informativeness": [ + 2, + 2, + 2 + ], + "redundancy": [ + 1, + 1, + 5 + ] + }, + "davinci003": { + "coherence": [ + 5, + 5, + 5 + ], + "summary": "Denver Arts and Venues honored five retiring employees for their decades of service to the city and county of Denver, including Mary Valdez who is renowned for curating the city's walls like a gallerist. Mary's impact on the Denver art scene was celebrated, with Councilwoman Torres thanking her for her work in commissioning hundreds of murals in the city.", + "consistency": [ + 5, + 5, + 4 + ], + "fluency": [ + 5, + 5, + 5 + ], + "informativeness": [ + 4, + 5, + 3 + ], + "redundancy": [ + 5, + 5, + 5 + ] + }, + "bart": { + "coherence": [ + 4, + 5, + 5 + ], + "summary": "A proclamation in honor of retiring Denver Arts & Venues employees for their decades of service to the City and County of Denver. A proclamation honoring Patricia Abraham-Vader for 35 years of service in the Denver Performing Arts Administration; and Louis B. Vader for 29 years in the Career Service Department.", + "consistency": [ + 4, + 5, + 4 + ], + "fluency": [ + 4, + 5, + 5 + ], + "informativeness": [ + 3, + 5, + 3 + ], + "redundancy": [ + 3, + 5, + 5 + ] + } + }, + "LongBeachCC_05152018_18-0407": { + "hmnet": { + "coherence": [ + 3, + 2, + 3 + ], + "summary": "Recommendation to receive supporting documentation into the record, conclude the public hearing, and adopt resolution ordering the vacation of Pasadena Avenue between Pasadena Street and Interstate 4, assessor parcel numbers and freeway district 7 freeway district no .; city manager, or Designee, to execute all documents necessary to enter into the contact, including any necessary amendments thereto; and accept categorical exemption Ce . 7)", + "consistency": [ + 4, + 3, + 2 + ], + "fluency": [ + 3, + 2, + 4 + ], + "informativeness": [ + 3, + 3, + 4 + ], + "redundancy": [ + 4, + 1, + 5 + ] + }, + "bart": { + "coherence": [ + 2, + 4, + 4 + ], + "summary": "Recommendation to receive supporting documentation into the record, conclude the public hearing, and adopt resolution ordering the vacation of Pasadena Avenue between 33rd Street and Interstate 4/5 of the San Diego Freeway. (District 7) [Continued from January 20, 2018 to February 8, 2018]", + "consistency": [ + 2, + 5, + 3 + ], + "fluency": [ + 2, + 4, + 4 + ], + "informativeness": [ + 2, + 5, + 4 + ], + "redundancy": [ + 4, + 4, + 5 + ] + }, + "pegasus": { + "coherence": [ + 3, + 3, + 4 + ], + "summary": "Recommendation to receive supporting documentation into the record, conclude the public hearing, and adopt resolution ordering the vacation of Pasadena Avenue, between 33rd Street and Interstate 4, or 5, San Diego Freeway. (District 7)", + "consistency": [ + 2, + 3, + 3 + ], + "fluency": [ + 3, + 4, + 4 + ], + "informativeness": [ + 3, + 3, + 4 + ], + "redundancy": [ + 2, + 5, + 5 + ] + }, + "davinci003": { + "coherence": [ + 5, + 2, + 4 + ], + "summary": "The City Council is holding a public hearing to vacate Pasadena Avenue between 33rd Street and the four or five freeway, and the public is raising concerns about the sale of public land and the potentially increased value to nearby properties as a result.", + "consistency": [ + 3, + 3, + 3 + ], + "fluency": [ + 3, + 2, + 4 + ], + "informativeness": [ + 5, + 3, + 4 + ], + "redundancy": [ + 5, + 3, + 5 + ] + }, + "lead-3": { + "coherence": [ + 1, + 1, + 5 + ], + "summary": "Motion carries. Thank you. With that, we will have we had the first hearing.", + "consistency": [ + 1, + 1, + 1 + ], + "fluency": [ + 1, + 2, + 5 + ], + "informativeness": [ + 1, + 1, + 1 + ], + "redundancy": [ + 3, + 4, + 5 + ] + }, + "dialogLM": { + "coherence": [ + 4, + 3, + 4 + ], + "summary": "Recommendation to receive supporting documentation into the record, conclude the public hearing, and adopt resolution ordering the vacation of Pasadena Avenue between 33Rd Street and Interstate 4/5 San Diego freeway. (district 7)", + "consistency": [ + 3, + 3, + 3 + ], + "fluency": [ + 3, + 4, + 4 + ], + "informativeness": [ + 4, + 3, + 3 + ], + "redundancy": [ + 3, + 4, + 5 + ] + }, + "lexrank": { + "coherence": [ + 1, + 1, + 2 + ], + "summary": "Property. And the planning commission did that the fees that the underlying property is owned by the property owners that are already present.", + "consistency": [ + 1, + 1, + 1 + ], + "fluency": [ + 1, + 1, + 4 + ], + "informativeness": [ + 1, + 1, + 1 + ], + "redundancy": [ + 1, + 5, + 4 + ] + } + }, + "AlamedaCC_02022016_2016-2335": { + "pegasus": { + "coherence": [ + 3, + 4, + 5 + ], + "summary": "Recommendation to authorize City Manager, or designee, to execute all necessary documents to receive and expend grant funds from the United States Department of Housing and Urban Development (HUD) through the Community Development Block Grant (CDBG) program for the period of October 1, 2015 through September 30, 2016, with the option to extend the agreement", + "consistency": [ + 4, + 3, + 3 + ], + "fluency": [ + 4, + 4, + 5 + ], + "informativeness": [ + 3, + 4, + 3 + ], + "redundancy": [ + 4, + 4, + 5 + ] + }, + "bart": { + "coherence": [ + 2, + 4, + 4 + ], + "summary": "Recommendation to Approve the Notice of Funding and Release of Purposes for the Community Development Block Grant (CDBG) Annual Action Plan for Fiscal Year 2016-17. (City Manager 10021030/Finance 10024051) [Continued from January 7, 2017 to February 8, 2017]", + "consistency": [ + 3, + 4, + 3 + ], + "fluency": [ + 2, + 2, + 5 + ], + "informativeness": [ + 3, + 5, + 2 + ], + "redundancy": [ + 2, + 3, + 5 + ] + }, + "davinci003": { + "coherence": [ + 3, + 3, + 5 + ], + "summary": "CDBG funds are used to provide services such as housing, homeless prevention, public facilities, economic development and social services to approximately 5000-7000 individuals every year. Service providers such as Building Futures, Eden Air, Echo Housing and Legal Assistance for Seniors provide these services to the most vulnerable populations in the city of Alameda.", + "consistency": [ + 3, + 3, + 4 + ], + "fluency": [ + 3, + 4, + 5 + ], + "informativeness": [ + 2, + 4, + 4 + ], + "redundancy": [ + 2, + 4, + 5 + ] + }, + "lead-3": { + "coherence": [ + 3, + 2, + 3 + ], + "summary": "These funds are to develop viable urban communities, primarily for low and moderate income persons. So as a reminder, these are funds for 80% and below am I. So, for example, a household of four would qualify under 80% at 71,600 or below. It should provide decent housing, a suitable living environment and economic opportunity.", + "consistency": [ + 1, + 3, + 3 + ], + "fluency": [ + 3, + 1, + 4 + ], + "informativeness": [ + 1, + 3, + 3 + ], + "redundancy": [ + 2, + 3, + 4 + ] + }, + "lexrank": { + "coherence": [ + 3, + 1, + 4 + ], + "summary": "We also provide housing services. We appreciate the city's past support and we look forward to future support from the city to provide this these very important services to residents of Alameda.", + "consistency": [ + 2, + 1, + 5 + ], + "fluency": [ + 4, + 1, + 4 + ], + "informativeness": [ + 1, + 1, + 1 + ], + "redundancy": [ + 3, + 5, + 5 + ] + }, + "dialogLM": { + "coherence": [ + 3, + 5, + 5 + ], + "summary": "Public hearing to consider approving the housing and community development needs statement for the community development block grant (CDBG) annual plan for fiscal year 2016-17. (housing 236)", + "consistency": [ + 3, + 5, + 4 + ], + "fluency": [ + 3, + 5, + 4 + ], + "informativeness": [ + 3, + 5, + 4 + ], + "redundancy": [ + 4, + 5, + 5 + ] + }, + "hmnet": { + "coherence": [ + 3, + 1, + 3 + ], + "summary": "Recommendation to conduct a budget hearing to receive and discuss an annual action plan for an annual action plan on the public service needs and funding recommendations.)", + "consistency": [ + 3, + 2, + 4 + ], + "fluency": [ + 2, + 1, + 4 + ], + "informativeness": [ + 3, + 2, + 2 + ], + "redundancy": [ + 1, + 5, + 3 + ] + } + }, + "AlamedaCC_02212017_2017-3934": { + "lead-3": { + "coherence": [ + 2, + 4, + 3 + ], + "summary": "Nine Be consider sending a letter to the Alameda Health System in appropriate health insurance plans regarding the lack of contracts covering many Alameda residents and urging them to reach agreements and creating a committee to review the issue. Providing access to on island health care for me to residents and make recommendations on how to proceed. All right.", + "consistency": [ + 2, + 3, + 5 + ], + "fluency": [ + 1, + 4, + 1 + ], + "informativeness": [ + 1, + 3, + 5 + ], + "redundancy": [ + 4, + 5, + 5 + ] + }, + "pegasus": { + "coherence": [ + 2, + 4, + 5 + ], + "summary": "Consider Sending a Letter to Alameda Health System inappropriate Health Insurance Plans Regarding the Lack of Contracts Covering Many Alameda Residents and Urging them to Reach Agreements and Create a Committee to Review the Issue Providing Access to On-Island Health Care for Alameda Residents. (Councilmembers Oddie and Vella)", + "consistency": [ + 3, + 4, + 5 + ], + "fluency": [ + 3, + 4, + 1 + ], + "informativeness": [ + 2, + 3, + 5 + ], + "redundancy": [ + 4, + 5, + 5 + ] + }, + "bart": { + "coherence": [ + 2, + 4, + 5 + ], + "summary": "Consider Sending a Letter to the Alameda Health System and appropriate health insurance plans regarding the lack of contracts covering many Alameda Residents and urging them to reach agreements; and Creating a Committee to Review the Issue of Providing Access to On-Island Health Care for Residents and Make Recommendations on how to Proceed. (Councilmember Oddie)", + "consistency": [ + 3, + 4, + 4 + ], + "fluency": [ + 2, + 4, + 5 + ], + "informativeness": [ + 2, + 4, + 5 + ], + "redundancy": [ + 4, + 5, + 5 + ] + }, + "davinci003": { + "coherence": [ + 1, + 5, + 4 + ], + "summary": "The Council is considering sending a letter to the Alameda Health System and appropriate health insurance plans regarding lack of contracts covering many Alameda residents, as well as creating a committee to review the issue of providing access to on island health care. The Council is also considering drafting a staff to identify accounts with Wells Fargo and request for proposals for banking services for the city of Alameda, excluding Wells Fargo from the process.", + "consistency": [ + 2, + 3, + 4 + ], + "fluency": [ + 5, + 5, + 5 + ], + "informativeness": [ + 2, + 3, + 4 + ], + "redundancy": [ + 5, + 5, + 5 + ] + }, + "dialogLM": { + "coherence": [ + 3, + 5, + 5 + ], + "summary": "Consider sending a letter to the Alameda health system and appropriate health insurance plans regarding the lack of contracts covering many Alameda residents and urging them to reach agreements; and creating a committee to review the issue of providing access to On-Island health care for residents and make recommendations on how to proceed. (Councilmember Oddie)", + "consistency": [ + 4, + 4, + 5 + ], + "fluency": [ + 3, + 4, + 5 + ], + "informativeness": [ + 3, + 5, + 5 + ], + "redundancy": [ + 5, + 5, + 5 + ] + }, + "hmnet": { + "coherence": [ + 1, + 3, + 2 + ], + "summary": "Consider sending a letter to the Alameda health system in Alameda, make recommendations on how to proceed.", + "consistency": [ + 1, + 3, + 3 + ], + "fluency": [ + 1, + 4, + 4 + ], + "informativeness": [ + 1, + 2, + 2 + ], + "redundancy": [ + 1, + 4, + 4 + ] + }, + "lexrank": { + "coherence": [ + 4, + 3, + 1 + ], + "summary": "Nine Be consider sending a letter to the Alameda Health System in appropriate health insurance plans regarding the lack of contracts covering many Alameda residents and urging them to reach agreements and creating a committee to review the issue. So the ask is that our council consider sending a letter to Alameda Health System and appropriate health insurance plans regarding the lack of contracts covering many Alameda residents and urging them to reach agreements.", + "consistency": [ + 2, + 4, + 3 + ], + "fluency": [ + 4, + 4, + 1 + ], + "informativeness": [ + 2, + 4, + 3 + ], + "redundancy": [ + 2, + 2, + 1 + ] + } + }, + "SeattleCityCouncil_11092015_CB 118498": { + "pegasus": { + "coherence": [ + 2, + 4, + 4 + ], + "summary": "AN ORDINANCE relating to land use and zoning; adding a new Chapter 23.58B to the Seattle Municipal Code to establish the framework for an affordable housing impact mitigation program for development for commercial development; and amending certain subsections in Subsection 20.37.006, Subsection 20.37.006.C,", + "consistency": [ + 4, + 3, + 4 + ], + "fluency": [ + 2, + 4, + 4 + ], + "informativeness": [ + 3, + 4, + 4 + ], + "redundancy": [ + 3, + 2, + 4 + ] + }, + "davinci003": { + "coherence": [ + 5, + 5, + 5 + ], + "summary": "The Seattle Municipal Code has been amended with a new chapter to establish a framework for an affordable housing impact mitigation program, and a resolution has been passed to address the framework and zoning changes needed to make it effective.", + "consistency": [ + 5, + 5, + 5 + ], + "fluency": [ + 5, + 5, + 5 + ], + "informativeness": [ + 5, + 5, + 4 + ], + "redundancy": [ + 5, + 5, + 5 + ] + }, + "bart": { + "coherence": [ + 2, + 4, + 5 + ], + "summary": "AN ORDINANCE relating to land use and zoning; adding a new Chapter 23.58B to the Seattle Municipal Code to establish the framework for an affordable housing impact mitigation program for development for commercial development; and amending Sections 23.42.020, 23.44.020A, Subsection 23.76.060.B, and subsection 25.54.675.I of the SMC.", + "consistency": [ + 4, + 3, + 4 + ], + "fluency": [ + 2, + 4, + 4 + ], + "informativeness": [ + 3, + 4, + 4 + ], + "redundancy": [ + 1, + 2, + 4 + ] + }, + "lexrank": { + "coherence": [ + 2, + 4, + 5 + ], + "summary": "This bill is around establishing the commercial linkage fee, or we're now calling the mandatory housing affordability commercial program. The goal has to be making housing affordable for all.", + "consistency": [ + 3, + 3, + 4 + ], + "fluency": [ + 3, + 4, + 5 + ], + "informativeness": [ + 3, + 3, + 2 + ], + "redundancy": [ + 2, + 4, + 5 + ] + }, + "hmnet": { + "coherence": [ + 2, + 4, + 4 + ], + "summary": "An relating to land use and zoning; adding a new chapter 23 to the Seattle municipal code; and amending subsection 23 of the SMC.", + "consistency": [ + 3, + 3, + 4 + ], + "fluency": [ + 3, + 4, + 4 + ], + "informativeness": [ + 2, + 3, + 3 + ], + "redundancy": [ + 4, + 5, + 4 + ] + }, + "dialogLM": { + "coherence": [ + 2, + 4, + 4 + ], + "summary": "An ordinance relating to land use and zoning; adding a new chapter 23. 58B of the Seattle municipal code to establish the framework for an affordable housing impact mitigation program for development for commercial development; and amending sections 23. 76. 06B, 23. 76. 08C, 23. 76. 06C, and 23. 76. 07C of the Denver municipal code.", + "consistency": [ + 4, + 3, + 4 + ], + "fluency": [ + 3, + 4, + 4 + ], + "informativeness": [ + 3, + 5, + 4 + ], + "redundancy": [ + 1, + 4, + 4 + ] + }, + "lead-3": { + "coherence": [ + 1, + 2, + 5 + ], + "summary": "The bill passes and the chair will sign it. The report of the Select Committee on Housing Affordability. Please read item number one.", + "consistency": [ + 1, + 1, + 2 + ], + "fluency": [ + 1, + 4, + 5 + ], + "informativeness": [ + 1, + 1, + 1 + ], + "redundancy": [ + 3, + 5, + 5 + ] + } + }, + "DenverCityCouncil_08042014_14-0623": { + "hmnet": { + "coherence": [ + 4, + 5, + 5 + ], + "summary": "A proclamation honoring Dr. Paul on the occasion of his retirement.", + "consistency": [ + 4, + 4, + 4 + ], + "fluency": [ + 4, + 5, + 5 + ], + "informativeness": [ + 2, + 4, + 3 + ], + "redundancy": [ + 5, + 5, + 5 + ] + }, + "bart": { + "coherence": [ + 4, + 4, + 5 + ], + "summary": "A proclamation honoring Dr. Paul Milenkovic on the occasion of his retirement. A proclamation honoring, and celebrating, the 36th anniversary of Denver Health\u2019s (DDPHE) Ronald L. Lloyd, who was an inspiration to the thousands of patients whose lives he touched during his 37 years of service to the City and County of Denver.", + "consistency": [ + 4, + 3, + 3 + ], + "fluency": [ + 4, + 4, + 4 + ], + "informativeness": [ + 4, + 3, + 4 + ], + "redundancy": [ + 4, + 5, + 5 + ] + }, + "pegasus": { + "coherence": [ + 4, + 5, + 5 + ], + "summary": "A proclamation honoring Dr. Paul Milenkovic on the occasion of his retirement.", + "consistency": [ + 4, + 5, + 5 + ], + "fluency": [ + 4, + 5, + 4 + ], + "informativeness": [ + 3, + 5, + 4 + ], + "redundancy": [ + 5, + 5, + 5 + ] + }, + "lead-3": { + "coherence": [ + 2, + 1, + 1 + ], + "summary": "Communications. Madam Secretary, do we have any communications? None, Mr. President.", + "consistency": [ + 1, + 1, + 1 + ], + "fluency": [ + 2, + 3, + 5 + ], + "informativeness": [ + 1, + 1, + 1 + ], + "redundancy": [ + 2, + 5, + 1 + ] + }, + "dialogLM": { + "coherence": [ + 4, + 5, + 5 + ], + "summary": "A proclamation honoring Dr. Paul Milenkovic on the occasion of his retirement.", + "consistency": [ + 4, + 5, + 5 + ], + "fluency": [ + 4, + 5, + 4 + ], + "informativeness": [ + 3, + 5, + 4 + ], + "redundancy": [ + 5, + 5, + 5 + ] + }, + "lexrank": { + "coherence": [ + 4, + 4, + 3 + ], + "summary": "Whereas, as a result of Dr. Paul Milenkovic, his work, Denver Health, became a truly integrated health care system, which resulted in it becoming a model health care organization for the nation. Whereas, Dr. Paul Milenkovic started the first school based health center in Denver and has been instrumental in establishing Denver Health as one of the most acclaimed school based health care systems in the United States.", + "consistency": [ + 4, + 5, + 4 + ], + "fluency": [ + 3, + 4, + 4 + ], + "informativeness": [ + 4, + 5, + 5 + ], + "redundancy": [ + 3, + 2, + 5 + ] + }, + "davinci003": { + "coherence": [ + 5, + 5, + 5 + ], + "summary": "Dr. Paul Milenkovic is being honored by the City Council for his 37-year medical career at Denver Health, during which he championed healthcare for vulnerable populations, increased patients served by 50%, and won international awards for his work. He is retiring in September 2014 and will be sorely missed by the community for his contributions to healthcare.", + "consistency": [ + 5, + 4, + 4 + ], + "fluency": [ + 5, + 5, + 5 + ], + "informativeness": [ + 5, + 4, + 4 + ], + "redundancy": [ + 4, + 5, + 5 + ] + } + }, + "LongBeachCC_05242016_16-0499": { + "bart": { + "coherence": [ + 4, + 5, + 5 + ], + "summary": "Recommendation to receive and file the Fact Finding Report issued by the Fact-Finders Panel as part of the impact process, and adopt resolution authorizing implementation of the terms of the City's Last Best and Final Offer to the International Association of Machinists and Aerospace Workers (IAM), Regarding the Long Beach Civic Center Project. (Citywide)", + "consistency": [ + 3, + 5, + 5 + ], + "fluency": [ + 3, + 5, + 4 + ], + "informativeness": [ + 3, + 5, + 5 + ], + "redundancy": [ + 3, + 5, + 5 + ] + }, + "dialogLM": { + "coherence": [ + 3, + 4, + 5 + ], + "summary": "Recommendation to receive and file the fact finder report issued by the fact finding panel as part of the impact process; and adopt resolution authorizing the implementation of the terms of the city' s last, best and final offer to the Iam regarding the long Beach civic center project. (citywide)", + "consistency": [ + 3, + 4, + 4 + ], + "fluency": [ + 2, + 3, + 3 + ], + "informativeness": [ + 3, + 4, + 5 + ], + "redundancy": [ + 4, + 4, + 5 + ] + }, + "davinci003": { + "coherence": [ + 5, + 4, + 5 + ], + "summary": "The city of Long Beach is engaged in negotiations with the International Association of Machinists and Aerospace Workers (IAM) over the contract out of 11.97 FTE IAM-represented employees, and a Fact Finding Panel has recommended the city receive and file the report and adopt a resolution authorizing the implementation of the terms of the city's last best final offer.", + "consistency": [ + 5, + 4, + 4 + ], + "fluency": [ + 5, + 4, + 5 + ], + "informativeness": [ + 5, + 4, + 5 + ], + "redundancy": [ + 4, + 5, + 5 + ] + }, + "pegasus": { + "coherence": [ + 4, + 4, + 5 + ], + "summary": "Recommendation to receive and file the fact finding report issued by the fact finding panel as part of the Impact Process; and Adopt resolution authorizing implementation of the terms of the City\u2019s Last, Best and Final Offer to the International Association of Machinists and Aerospace Workers (IAM). (Citywide)", + "consistency": [ + 4, + 4, + 4 + ], + "fluency": [ + 2, + 3, + 4 + ], + "informativeness": [ + 4, + 4, + 5 + ], + "redundancy": [ + 3, + 1, + 5 + ] + }, + "lexrank": { + "coherence": [ + 4, + 1, + 4 + ], + "summary": "The fact finder found that the city should provide all custodial and all security services at the Civic Center. The fact finding process is advisory only, and it's basically an extension of the mean confer process and the fact finder attempts to assist the parties to reach a compromise.", + "consistency": [ + 2, + 2, + 3 + ], + "fluency": [ + 3, + 3, + 4 + ], + "informativeness": [ + 2, + 2, + 3 + ], + "redundancy": [ + 2, + 3, + 5 + ] + }, + "hmnet": { + "coherence": [ + 3, + 1, + 5 + ], + "summary": "Recommendation to receive and file the fact finding report, issued by the city council as part of the impact process; and adopt resolution finding that the city of long Beach was originally authorized by city council on February 26, 2018.)", + "consistency": [ + 2, + 2, + 4 + ], + "fluency": [ + 3, + 1, + 3 + ], + "informativeness": [ + 2, + 3, + 4 + ], + "redundancy": [ + 5, + 3, + 5 + ] + }, + "lead-3": { + "coherence": [ + 4, + 3, + 4 + ], + "summary": "Item 38 is a report from Human Resources. Recommendation to receive and filed the fact finding report issued by the fact finding panel as part of the impact process and adopt resolution authorizing implementations of the terms of the city's last, best and final offer to the IAM. Regarding the Long Beach Civic Center Project City Cape.", + "consistency": [ + 4, + 4, + 4 + ], + "fluency": [ + 4, + 4, + 4 + ], + "informativeness": [ + 3, + 4, + 4 + ], + "redundancy": [ + 3, + 4, + 5 + ] + } + }, + "DenverCityCouncil_12022019_19-1236": { + "lead-3": { + "coherence": [ + 1, + 4, + 1 + ], + "summary": "39 Council Resolution 1220 has been adopted. Madam Secretary, if you please put the next item on our screens and Councilman Herndon, if you'd please put Council Bill 1236 on the floor. Yes, Mr. President.", + "consistency": [ + 1, + 4, + 1 + ], + "fluency": [ + 2, + 4, + 1 + ], + "informativeness": [ + 1, + 1, + 1 + ], + "redundancy": [ + 2, + 5, + 5 + ] + }, + "dialogLM": { + "coherence": [ + 4, + 5, + 2 + ], + "summary": "A bill for an ordinance submitting to a vote of the qualified and registered electors of the city and county of Denver at a special municipal election to be held on Tuesday, November 3, 2019, the question of whether the city shall be authorized to issue or incur general obligation debt for the purpose of financing and/or refinancing the cost of repairs and improvements to the Denver community corrections board; providing the form of the ballot question; providing for other details in connection therewith; and ratifying action previously taken. refers a question to the November 2019 ballot to allow the city to issue general obligation bonds for the purposes of funding And/And Refinainaing the costs of constructing and improving the city \u2019 s community corrections body. The committee approved filing this item at its meeting on 11-3-19.", + "consistency": [ + 1, + 1, + 4 + ], + "fluency": [ + 3, + 5, + 2 + ], + "informativeness": [ + 1, + 1, + 3 + ], + "redundancy": [ + 3, + 5, + 2 + ] + }, + "hmnet": { + "coherence": [ + 3, + 5, + 3 + ], + "summary": "A bill for an ordinance submitting to a vote of the qualified and registered electors of the city and county of Denver at a special municipal election to be held on Tuesday, November 18, 2018, the question of whether the city shall be authorized to issue or incur general obligation debt for the purpose of financing and refinancing the cost of repairs and improvements to the Denver community corrections board; and ratifying and confirming certain prior acts.", + "consistency": [ + 1, + 1, + 4 + ], + "fluency": [ + 3, + 5, + 3 + ], + "informativeness": [ + 1, + 1, + 4 + ], + "redundancy": [ + 4, + 5, + 2 + ] + }, + "bart": { + "coherence": [ + 3, + 5, + 4 + ], + "summary": "A bill for an ordinance approving the Mayor\u2019s appointment and reappointments to the Community Corrections Board. Approves the Mayoral appointment of Lori Mack and Reappointments of Steven McCarthy and Vadim Sidelnikov for terms effective immediately and expiring on 12-31-19, or until a successor is duly appointed. The Committee approved filing this item at its meeting on 11-29-19.", + "consistency": [ + 4, + 3, + 3 + ], + "fluency": [ + 3, + 5, + 4 + ], + "informativeness": [ + 4, + 3, + 4 + ], + "redundancy": [ + 3, + 5, + 4 + ] + }, + "pegasus": { + "coherence": [ + 4, + 4, + 4 + ], + "summary": "A bill for an ordinance making an appointment to fill a vacancy on the Community Corrections Board. Approves an appointment to fill a vacancy on the Community Corrections Board. The Committee approved filing this item at its meeting on 11-3-19.", + "consistency": [ + 4, + 3, + 4 + ], + "fluency": [ + 4, + 5, + 3 + ], + "informativeness": [ + 4, + 3, + 5 + ], + "redundancy": [ + 5, + 5, + 1 + ] + }, + "lexrank": { + "coherence": [ + 1, + 4, + 1 + ], + "summary": "Councilwoman, back your motion. Yes, Councilwoman Ortega, the ordinance is prescriptive in terms of who it is that can serve on the Community Corrections Board.", + "consistency": [ + 1, + 1, + 4 + ], + "fluency": [ + 1, + 5, + 4 + ], + "informativeness": [ + 1, + 1, + 3 + ], + "redundancy": [ + 1, + 5, + 4 + ] + }, + "davinci003": { + "coherence": [ + 2, + 5, + 5 + ], + "summary": "Council Resolution 1220 was adopted, and Council Bill 19-1236 was referred back to committee for further discussion at a later date. Four vacancies on the Community Corrections Board were discussed, with two needing representatives from Denver Public Schools and an expert in criminal justice, and the other two needing representatives from the Department of Safety and a local elected official.", + "consistency": [ + 4, + 3, + 5 + ], + "fluency": [ + 5, + 5, + 5 + ], + "informativeness": [ + 3, + 4, + 5 + ], + "redundancy": [ + 4, + 5, + 5 + ] + } + }, + "AlamedaCC_07212020_2020-8189": { + "bart": { + "coherence": [ + 4, + 3, + 4 + ], + "summary": "Public Hearing to Consider an Appeal of the Planning Board\u2019s Decision to Approve Design Review #PLN20-0047 to Allow the Rehabilitation of an Approximately 50,517 Square Foot Existing Building for the Adaptive Reuse as a Senior Living Concentration Home at 412-1245 McKay Avenue and Adoption of Resolution Supporting the Appeal. (Planning, Building and Transportation 481005)", + "consistency": [ + 3, + 2, + 1 + ], + "fluency": [ + 4, + 3, + 4 + ], + "informativeness": [ + 2, + 2, + 1 + ], + "redundancy": [ + 2, + 4, + 5 + ] + }, + "lexrank": { + "coherence": [ + 2, + 1, + 5 + ], + "summary": "The Planning Board did adopt objective design review standards on February 10th, which was prior to our decision around March 15th to approve this project. 4 minutes before this hearing, the city received a additional letter from the appellant.", + "consistency": [ + 2, + 1, + 1 + ], + "fluency": [ + 2, + 1, + 5 + ], + "informativeness": [ + 1, + 1, + 1 + ], + "redundancy": [ + 4, + 5, + 5 + ] + }, + "lead-3": { + "coherence": [ + 1, + 1, + 3 + ], + "summary": "So is that an option or do I have to vote? Yes. Okay, face.", + "consistency": [ + 1, + 1, + 1 + ], + "fluency": [ + 1, + 5, + 3 + ], + "informativeness": [ + 1, + 1, + 1 + ], + "redundancy": [ + 1, + 5, + 5 + ] + }, + "davinci003": { + "coherence": [ + 5, + 4, + 5 + ], + "summary": "This is an appeal of a planning board's decision to uphold a planning department decision to approve a design review application for the remodel of an existing building. The City Council received a new letter from the appellant requesting a delay in action until the issues raised in the letter have been considered.", + "consistency": [ + 4, + 3, + 1 + ], + "fluency": [ + 5, + 4, + 5 + ], + "informativeness": [ + 4, + 3, + 1 + ], + "redundancy": [ + 5, + 5, + 5 + ] + }, + "dialogLM": { + "coherence": [ + 3, + 2, + 4 + ], + "summary": "Public hearing to consider an appeal of the planning board \u2019 s decision to approve design review no. 20-0047 to allow the rehabilitation of an approximately 50, 517-Square-Foot existing building for a senior living Convalescent home at 412 1245 McKay Avenue. (planning, building & transportation 481005)", + "consistency": [ + 4, + 2, + 3 + ], + "fluency": [ + 2, + 4, + 4 + ], + "informativeness": [ + 3, + 2, + 3 + ], + "redundancy": [ + 2, + 4, + 4 + ] + }, + "pegasus": { + "coherence": [ + 3, + 3, + 3 + ], + "summary": "Public Hearing to Consider an Appeal of the Planning Board\u2019s Decision to Uphold a Planning Department Decision to Design Review Application for the Rehabilitation of an Approximately 50,517-Square Foot Existing Building for an Adaptive Reuse as a Senior Living Convalescent Home at 412-1245 McKay Avenue. (Planning, Building &", + "consistency": [ + 4, + 2, + 2 + ], + "fluency": [ + 1, + 3, + 3 + ], + "informativeness": [ + 3, + 2, + 2 + ], + "redundancy": [ + 2, + 4, + 5 + ] + }, + "hmnet": { + "coherence": [ + 2, + 2, + 1 + ], + "summary": "Recommendation to adopt specifications no . Rfp and award a contract to Vella, Inc., of Buena Park, ca, in the amount of, authorize a new contract, and extend the term to December 31, 2021, with the option to renew for three additional one -Year periods, at the discretion of the city manager; and, authorize city manager, or Designee, to execute all documents necessary to enter into the contract, including any necessary amendments.)", + "consistency": [ + 1, + 2, + 1 + ], + "fluency": [ + 2, + 4, + 2 + ], + "informativeness": [ + 1, + 2, + 1 + ], + "redundancy": [ + 3, + 5, + 1 + ] + } + }, + "DenverCityCouncil_06222015_15-0427": { + "hmnet": { + "coherence": [ + 3, + 5, + 3 + ], + "summary": "A proclamation recognizing the convention center expansion and construction of the Colorado convention center and in partnership with more than 4000 members of the United States Department of the city and county of Denver.", + "consistency": [ + 2, + 4, + 3 + ], + "fluency": [ + 3, + 5, + 4 + ], + "informativeness": [ + 2, + 4, + 3 + ], + "redundancy": [ + 4, + 5, + 4 + ] + }, + "lexrank": { + "coherence": [ + 2, + 5, + 4 + ], + "summary": "And as you're approaching the podium, Richard, would you please remind this audience how far in advance that you are working and your team is working to bring convention center business to Denver? Whereas, in 2008, Denver voters approved that increase in the largest tax for funds to increase tourism and convention marketing.", + "consistency": [ + 1, + 2, + 2 + ], + "fluency": [ + 2, + 5, + 4 + ], + "informativeness": [ + 1, + 1, + 2 + ], + "redundancy": [ + 2, + 5, + 5 + ] + }, + "dialogLM": { + "coherence": [ + 5, + 5, + 5 + ], + "summary": "A proclamation celebrating the Colorado convention center 25th anniversary.", + "consistency": [ + 4, + 5, + 5 + ], + "fluency": [ + 4, + 5, + 5 + ], + "informativeness": [ + 4, + 4, + 5 + ], + "redundancy": [ + 5, + 5, + 5 + ] + }, + "bart": { + "coherence": [ + 4, + 5, + 3 + ], + "summary": "A proclamation celebrating the Colorado Convention Center's 25th Anniversary. A proclamation reflecting on the life of Michael Jackson and Denver Convention and Entertainment legend John H. Jackson, and Denver moving forward as City and County of Denver's greatest and most successful citizen. He was a mentor, leader and inspiration to the thousands of students whose lives he touched as Athletic Director at USC.", + "consistency": [ + 4, + 3, + 3 + ], + "fluency": [ + 4, + 5, + 4 + ], + "informativeness": [ + 3, + 3, + 3 + ], + "redundancy": [ + 3, + 5, + 4 + ] + }, + "davinci003": { + "coherence": [ + 4, + 5, + 5 + ], + "summary": "The Denver City Council is recognizing the 25th anniversary of the Colorado Convention Center, which has been an economic engine for Denver, generating $500 million annually in local economic impact. The center is also known for its public art, including the Blue Bear, and for its professional reviews by meeting planners, placing it in the top 10 convention centers in the nation.", + "consistency": [ + 3, + 3, + 5 + ], + "fluency": [ + 4, + 5, + 5 + ], + "informativeness": [ + 2, + 5, + 4 + ], + "redundancy": [ + 4, + 5, + 5 + ] + }, + "lead-3": { + "coherence": [ + 2, + 4, + 5 + ], + "summary": "Thank you, Mr. President. Celebrating the Colorado Convention Centers 25th anniversary. Whereas in 1987, the Denver City Council approved funding for the design and construction of the Colorado Convention Center and in partnership with the Colorado Legislature, which approved purchase of the land.", + "consistency": [ + 2, + 5, + 5 + ], + "fluency": [ + 2, + 5, + 5 + ], + "informativeness": [ + 2, + 4, + 4 + ], + "redundancy": [ + 1, + 5, + 5 + ] + }, + "pegasus": { + "coherence": [ + 4, + 5, + 5 + ], + "summary": "A proclamation celebrating the Colorado Convention Center\u2019s 25th anniversary.", + "consistency": [ + 3, + 5, + 5 + ], + "fluency": [ + 4, + 5, + 5 + ], + "informativeness": [ + 3, + 4, + 5 + ], + "redundancy": [ + 5, + 5, + 5 + ] + } + }, + "SeattleCityCouncil_10042021_Res 32021": { + "bart": { + "coherence": [ + 2, + 1, + 4 + ], + "summary": "A RESOLUTION declaring that the investigation, arrest, and prosecution of anyone engaging in non-fiscal related activities should be among the City of Seattle\u2019s lowest law enforcement priorities, and stating the Council's support for full decriminalization of these activities. Pursuant to Council Rule 3.7, Councilmember Lewis called this resolution out at the Mayor-Council meeting on 5-14-17 for a one-week postponement to 5-20-17.", + "consistency": [ + 4, + 1, + 3 + ], + "fluency": [ + 3, + 4, + 4 + ], + "informativeness": [ + 2, + 1, + 3 + ], + "redundancy": [ + 2, + 5, + 5 + ] + }, + "dialogLM": { + "coherence": [ + 4, + 1, + 4 + ], + "summary": "A resolution declaring that the investigation, arrest, and prosecution of anyone engaging in Fusion-Related activities should be among the city of Seattle \u2019 s lowest law enforcement priorities and stating the Council \u2019 s support for full Decriminalization of these activities.", + "consistency": [ + 3, + 1, + 3 + ], + "fluency": [ + 2, + 5, + 4 + ], + "informativeness": [ + 3, + 1, + 4 + ], + "redundancy": [ + 4, + 5, + 5 + ] + }, + "hmnet": { + "coherence": [ + 2, + 1, + 4 + ], + "summary": "A stating the arrest and prosecution of anyone engaging in the office of Intergovernmental relations should be among the city of lowest city of Seattle law enforcement priorities.", + "consistency": [ + 1, + 1, + 2 + ], + "fluency": [ + 2, + 4, + 4 + ], + "informativeness": [ + 1, + 1, + 2 + ], + "redundancy": [ + 4, + 5, + 5 + ] + }, + "lead-3": { + "coherence": [ + 2, + 3, + 4 + ], + "summary": "Agenda item two Resolution 32021. Declaring that the investigation, arrest and prosecution of anyone engaging in fusion related activities should be among the city of Seattle lowest law enforcement priorities and stating the council's support for full decriminalization of these activities. Thank you so much.", + "consistency": [ + 3, + 2, + 3 + ], + "fluency": [ + 2, + 5, + 4 + ], + "informativeness": [ + 2, + 2, + 3 + ], + "redundancy": [ + 3, + 5, + 5 + ] + }, + "davinci003": { + "coherence": [ + 5, + 2, + 4 + ], + "summary": "The article discusses the Seattle City Council's resolution to adopt a policy that makes the investigation, arrest, and prosecution of those engaging in fusion-related activities the lowest law enforcement priority and supporting the full decriminalization of these activities. The resolution does not include peyote due to disagreement among stakeholders, but Councilmember Lewis encourages activists from all viewpoints to discuss amendments to an ordinance proposed by Councilmember Herbold.", + "consistency": [ + 5, + 2, + 3 + ], + "fluency": [ + 5, + 5, + 4 + ], + "informativeness": [ + 4, + 2, + 3 + ], + "redundancy": [ + 5, + 5, + 5 + ] + }, + "lexrank": { + "coherence": [ + 1, + 1, + 4 + ], + "summary": "Why would we do a resolution? Are there any additional comments on the resolution?", + "consistency": [ + 1, + 1, + 1 + ], + "fluency": [ + 2, + 5, + 5 + ], + "informativeness": [ + 1, + 1, + 1 + ], + "redundancy": [ + 1, + 5, + 5 + ] + }, + "pegasus": { + "coherence": [ + 5, + 3, + 5 + ], + "summary": "A RESOLUTION declaring that the investigation, arrest, and prosecution of anyone engaging in fusion-related activities should be among the City of Seattle\u2019s lowest law enforcement priorities, and stating the council\u2019s support for full decriminalizing of these activities.", + "consistency": [ + 5, + 2, + 2 + ], + "fluency": [ + 5, + 3, + 5 + ], + "informativeness": [ + 4, + 2, + 4 + ], + "redundancy": [ + 5, + 5, + 5 + ] + } + }, + "LongBeachCC_07202021_21-0691": { + "bart": { + "coherence": [ + 4, + 3, + 3 + ], + "summary": "Recommendation to request City Manager and City Attorney to review other cities\u2019 policies and prepare an ordinance to enhance penalties for participating in or being a spectator at a street takeover event, including the attacks on spectators at street races, sideshows, and reckless driving exhibitions; and Request City Manager to include in his analysis the following elements and report back to the City Council: \u2022 The number of spectators we have in each city of Los Angeles County; \u2022 The benefits of spectatorship for police and community members who provide information during the street takeover, and the ease for police to navigate around traffic during the chaos ensuing from the arrival of the police department.", + "consistency": [ + 4, + 3, + 4 + ], + "fluency": [ + 4, + 3, + 4 + ], + "informativeness": [ + 3, + 4, + 5 + ], + "redundancy": [ + 2, + 2, + 5 + ] + }, + "davinci003": { + "coherence": [ + 4, + 5, + 5 + ], + "summary": "Dozens of cars and spectators took over the intersection of Stearns and Bellflower in the fourth Council District prior to the arrival of the Long Beach Police Department, prompting a recommendation to request city manager and city attorney to review other city's policies and prepare an ordinance to enhance penalties for participating in or being a spectator at a street takeover event. Council members discussed preventative measures, infrastructure penalties, and alternatives, such as a driver impact panel, to address the issue.", + "consistency": [ + 4, + 5, + 5 + ], + "fluency": [ + 5, + 5, + 5 + ], + "informativeness": [ + 3, + 5, + 5 + ], + "redundancy": [ + 3, + 5, + 5 + ] + }, + "lexrank": { + "coherence": [ + 2, + 1, + 4 + ], + "summary": "But you can see that the spectators in the middle of the intersection are using the laser in the direction of responding police officers. If there is a protest, car's just going through an intersection or going to a council members house to protest something and then it becomes something else.", + "consistency": [ + 2, + 1, + 4 + ], + "fluency": [ + 2, + 1, + 4 + ], + "informativeness": [ + 1, + 1, + 2 + ], + "redundancy": [ + 3, + 5, + 5 + ] + }, + "dialogLM": { + "coherence": [ + 4, + 3, + 5 + ], + "summary": "Recommendation to request city manager and city attorney to review other city \u2019 s policies and prepare an ordinance to enhance penalties for participating in or being a spectator at a street takeover event.", + "consistency": [ + 4, + 4, + 4 + ], + "fluency": [ + 5, + 5, + 4 + ], + "informativeness": [ + 4, + 4, + 4 + ], + "redundancy": [ + 4, + 5, + 5 + ] + }, + "lead-3": { + "coherence": [ + 1, + 1, + 3 + ], + "summary": "Thank you. Item 13, please. Communication from Councilman Super.", + "consistency": [ + 1, + 1, + 1 + ], + "fluency": [ + 1, + 4, + 3 + ], + "informativeness": [ + 1, + 1, + 1 + ], + "redundancy": [ + 4, + 5, + 5 + ] + }, + "pegasus": { + "coherence": [ + 5, + 3, + 5 + ], + "summary": "Recommendation to request City Manager and City Attorney to review other city's policies and prepare an ordinance to enhance penalties for participating in or being a spectator at street takeover events.", + "consistency": [ + 4, + 4, + 5 + ], + "fluency": [ + 5, + 5, + 5 + ], + "informativeness": [ + 4, + 4, + 5 + ], + "redundancy": [ + 5, + 5, + 5 + ] + }, + "hmnet": { + "coherence": [ + 1, + 1, + 1 + ], + "summary": "Recommendation to request city manager and city attorney to review other city of long Beach city council; fourth Council members of the fourth Council prior to the arrival of the long Beach police Department.", + "consistency": [ + 2, + 1, + 1 + ], + "fluency": [ + 2, + 1, + 1 + ], + "informativeness": [ + 2, + 1, + 1 + ], + "redundancy": [ + 3, + 2, + 1 + ] + } + }, + "DenverCityCouncil_02242014_14-0128": { + "lead-3": { + "coherence": [ + 1, + 2, + 1 + ], + "summary": "Very, very nice. Thank you. Councilman Herndon, a very apropos for the proclamation we're going to be getting later.", + "consistency": [ + 1, + 1, + 1 + ], + "fluency": [ + 1, + 3, + 2 + ], + "informativeness": [ + 1, + 1, + 1 + ], + "redundancy": [ + 1, + 5, + 3 + ] + }, + "lexrank": { + "coherence": [ + 2, + 4, + 3 + ], + "summary": "Proclamation Series of 14 Proclamation number 128 Honoring the Tuskegee Airmen Mile High Flight Program Day on February 24th to honor the Tuskegee Airmen, the first black military pilots in the United States. I was so delighted when Captain and Colonel John Russell came and asked me about doing a proclamation because they have this particular program for young enthusiasts, for aviation at George Washington High School in my district, and I will introduce them all later.", + "consistency": [ + 2, + 4, + 4 + ], + "fluency": [ + 2, + 4, + 4 + ], + "informativeness": [ + 1, + 4, + 3 + ], + "redundancy": [ + 2, + 4, + 2 + ] + }, + "davinci003": { + "coherence": [ + 5, + 5, + 5 + ], + "summary": "The City and County of Denver is honoring the Tuskegee Airmen Mile High Flight Program Day on February 24th with a proclamation. The program exposes minority junior and senior high school students to opportunities designed to increase representation in the aviation and aerospace industry.", + "consistency": [ + 5, + 5, + 5 + ], + "fluency": [ + 5, + 5, + 5 + ], + "informativeness": [ + 5, + 5, + 4 + ], + "redundancy": [ + 5, + 5, + 5 + ] + }, + "pegasus": { + "coherence": [ + 5, + 5, + 5 + ], + "summary": "A proclamation Honoring the Tuskegee Airmen Mile High Flight Program Day on February 24, 2014.", + "consistency": [ + 4, + 5, + 5 + ], + "fluency": [ + 4, + 4, + 5 + ], + "informativeness": [ + 3, + 4, + 5 + ], + "redundancy": [ + 5, + 5, + 5 + ] + }, + "dialogLM": { + "coherence": [ + 4, + 4, + 4 + ], + "summary": "A proclamation honoring the Tuskegee airmen mile high flight program day on February 24, 2014.", + "consistency": [ + 4, + 4, + 5 + ], + "fluency": [ + 3, + 4, + 5 + ], + "informativeness": [ + 3, + 4, + 5 + ], + "redundancy": [ + 5, + 5, + 5 + ] + }, + "hmnet": { + "coherence": [ + 4, + 4, + 3 + ], + "summary": "A proclamation honoring the airport mile high program pilot day on February 24 to honor the Tuskegee Tuskegee airmen exhibit.", + "consistency": [ + 4, + 5, + 3 + ], + "fluency": [ + 4, + 4, + 2 + ], + "informativeness": [ + 3, + 4, + 3 + ], + "redundancy": [ + 5, + 4, + 1 + ] + }, + "bart": { + "coherence": [ + 3, + 5, + 5 + ], + "summary": "A proclamation honoring the Tuskegee Airmen Mile High Flight Program Day on February 24, 2014. A proclamation honoring a life of service and the contributions of Uptown community leader, U.S. Airman, and his inspiring contributions to youth, aviation and aviation.", + "consistency": [ + 3, + 4, + 5 + ], + "fluency": [ + 4, + 5, + 5 + ], + "informativeness": [ + 2, + 3, + 5 + ], + "redundancy": [ + 2, + 4, + 5 + ] + } + }, + "DenverCityCouncil_09102018_18-0880": { + "hmnet": { + "coherence": [ + 3, + 4, + 2 + ], + "summary": "A bill for an ordinance approving and approving service plans for the creation of the new metropolitan district nos . 1 and 2 of the office of the city council . The service plans for the redevelopment of the East Arkansas street, in Council district 3. the committee approved filing this bill at its meeting on 11.", + "consistency": [ + 2, + 4, + 3 + ], + "fluency": [ + 2, + 4, + 2 + ], + "informativeness": [ + 1, + 4, + 3 + ], + "redundancy": [ + 2, + 5, + 4 + ] + }, + "davinci003": { + "coherence": [ + 4, + 5, + 3 + ], + "summary": "Council Bill 1880 series of 2018 is being proposed for City Council approval, and it is anticipated that it will encompass a residential and commercial mixed use development. The public hearing for the Council Bill was held and speakers discussed the need for transparency and better notification for registered neighborhood organizations.", + "consistency": [ + 2, + 3, + 2 + ], + "fluency": [ + 4, + 5, + 3 + ], + "informativeness": [ + 3, + 3, + 2 + ], + "redundancy": [ + 4, + 5, + 3 + ] + }, + "pegasus": { + "coherence": [ + 3, + 4, + 4 + ], + "summary": "A bill for an ordinance approving the Service Plans for the creation of 4201 East Arkansas Metropolitan District No. 1 and 4201 East Arkansas Metropolitan District No. 2. Approves two separate Service Plans for the formation and establishment of two Title 32 districts: 4201 East Arkansas Metropolitan District No. 1 and 4201", + "consistency": [ + 3, + 4, + 4 + ], + "fluency": [ + 2, + 4, + 4 + ], + "informativeness": [ + 2, + 4, + 4 + ], + "redundancy": [ + 3, + 5, + 3 + ] + }, + "lexrank": { + "coherence": [ + 1, + 4, + 1 + ], + "summary": "Might have regarding the districts. When I asked Community Planning and development about notice to RINO's, the reply was this and I quote The law firms representing the creation of metro districts typically send these notices out to all taxing entities with three within three miles of the new district.", + "consistency": [ + 1, + 3, + 1 + ], + "fluency": [ + 1, + 4, + 5 + ], + "informativeness": [ + 1, + 2, + 1 + ], + "redundancy": [ + 3, + 4, + 5 + ] + }, + "bart": { + "coherence": [ + 3, + 5, + 5 + ], + "summary": "A bill for an ordinance approving Service Plans for the creation of 4201 Arkansas Metropolitan District No. 1 and 4201 East Arkansas Metropolitan district No. 2, relating to the formation and establishment of two metropolitan district districts, each serving the needs of the Denver Urban Renewal Authority (DURA) Special District Act, Ordinance 18835, Section 30-2, as amended by Ordinance 19022, Section 1, Proviso P2. The Committee approved filing this item at its meeting on 8-18-18.", + "consistency": [ + 4, + 4, + 4 + ], + "fluency": [ + 2, + 5, + 4 + ], + "informativeness": [ + 2, + 5, + 4 + ], + "redundancy": [ + 1, + 5, + 4 + ] + }, + "lead-3": { + "coherence": [ + 4, + 5, + 1 + ], + "summary": "Speakers must stay on the topic of the hearing and must direct their comments to the council members. Please refrain from profane or obscene speech. Direct your comments to council as a whole and please refrain from individual or personal attacks.", + "consistency": [ + 1, + 4, + 1 + ], + "fluency": [ + 4, + 5, + 5 + ], + "informativeness": [ + 1, + 1, + 1 + ], + "redundancy": [ + 3, + 5, + 5 + ] + }, + "dialogLM": { + "coherence": [ + 3, + 4, + 2 + ], + "summary": "A bill for an ordinance approving the service plans for the creation of 4201 & 4201 Arkansas metropolitan district nos. 1 and 2. APPROVES the and service plan for the formation and establishment of two title 32 metropolitan districts, the Denver metropolitan district no. 1 and the Denver Metro district no. 2 in Council district 6. the committee approved filing this item at its meeting on 8-28-18.", + "consistency": [ + 2, + 4, + 3 + ], + "fluency": [ + 3, + 4, + 3 + ], + "informativeness": [ + 2, + 4, + 4 + ], + "redundancy": [ + 2, + 5, + 3 + ] + } + }, + "KingCountyCC_04182018_2018-0174": { + "lead-3": { + "coherence": [ + 2, + 1, + 4 + ], + "summary": "Thank you very much, Sara, for your testimony. Is there anybody else who would like to present to the committee? I didn't have a chance to sign up or I don't think anyone will close public comment and turn to item six, which is proposed March 2018 017 for a motion requesting a plan to implement an Infant at work pilot program for eligible King County employees and their infants.", + "consistency": [ + 1, + 5, + 1 + ], + "fluency": [ + 2, + 3, + 4 + ], + "informativeness": [ + 1, + 2, + 1 + ], + "redundancy": [ + 2, + 3, + 5 + ] + }, + "dialogLM": { + "coherence": [ + 4, + 5, + 5 + ], + "summary": "A motion requesting the executive to develop a plan to implement an infants at work pilot program for eligible King County employees and their infants.", + "consistency": [ + 4, + 4, + 5 + ], + "fluency": [ + 4, + 5, + 5 + ], + "informativeness": [ + 4, + 4, + 5 + ], + "redundancy": [ + 5, + 5, + 5 + ] + }, + "bart": { + "coherence": [ + 3, + 3, + 4 + ], + "summary": "A MOTION requesting that the executive transmit the plan to implement an \u201cInfants at Work\u201d pilot program for eligible King County employees and their infants, and that the King County executive give the department of permitting and environmental review authority to implement the pilot program in accordance with Motion 15183 and the 2017/2018 Budget Ordinance, Ordinance 18835, Section 107, Proviso P2.", + "consistency": [ + 4, + 4, + 4 + ], + "fluency": [ + 3, + 4, + 5 + ], + "informativeness": [ + 3, + 4, + 5 + ], + "redundancy": [ + 2, + 3, + 4 + ] + }, + "pegasus": { + "coherence": [ + 4, + 5, + 5 + ], + "summary": "A MOTION requesting the executive to develop a plan to implement an infant at work pilot program for eligible King County employees and their infants.", + "consistency": [ + 4, + 5, + 5 + ], + "fluency": [ + 4, + 5, + 4 + ], + "informativeness": [ + 4, + 5, + 5 + ], + "redundancy": [ + 5, + 5, + 5 + ] + }, + "lexrank": { + "coherence": [ + 2, + 1, + 4 + ], + "summary": "I didn't have a chance to sign up or I don't think anyone will close public comment and turn to item six, which is proposed March 2018 017 for a motion requesting a plan to implement an Infant at work pilot program for eligible King County employees and their infants. But of the 11 agencies that have a current program right now, all of them indicated that they want to continue the program and they've found benefits from them.", + "consistency": [ + 1, + 3, + 4 + ], + "fluency": [ + 2, + 4, + 4 + ], + "informativeness": [ + 1, + 2, + 3 + ], + "redundancy": [ + 3, + 4, + 5 + ] + }, + "hmnet": { + "coherence": [ + 2, + 4, + 3 + ], + "summary": "A requesting the executive to develop an pilot program for eligible King County employees and their infants.", + "consistency": [ + 2, + 4, + 2 + ], + "fluency": [ + 1, + 5, + 4 + ], + "informativeness": [ + 2, + 4, + 1 + ], + "redundancy": [ + 4, + 5, + 5 + ] + }, + "davinci003": { + "coherence": [ + 5, + 5, + 5 + ], + "summary": "Washington State's Department of Health has implemented an Infant at Work program since July of 2015, which allows employees to bring their infants to work in approved workplace environments for up to six months. The program has been found to have positive benefits for both the parents and their coworkers, with communication being key in order to ensure success.", + "consistency": [ + 5, + 5, + 4 + ], + "fluency": [ + 5, + 5, + 5 + ], + "informativeness": [ + 4, + 5, + 2 + ], + "redundancy": [ + 4, + 5, + 5 + ] + } + }, + "SeattleCityCouncil_09142020_CB 119869": { + "davinci003": { + "coherence": [ + 4, + 5, + 5 + ], + "summary": "The City Council of Champaign is proposing a new ordinance to create a system to enforce violations of civil emergency orders, and it passed unanimously with 9 votes in favor and none opposed. The legislation will be signed by the chair and the clerk will fix the signature to the legislation.", + "consistency": [ + 4, + 4, + 3 + ], + "fluency": [ + 4, + 5, + 5 + ], + "informativeness": [ + 2, + 4, + 3 + ], + "redundancy": [ + 5, + 5, + 4 + ] + }, + "bart": { + "coherence": [ + 3, + 5, + 4 + ], + "summary": "AN ORDINANCE relating to violations of civil emergency orders; amending Section 10.02.177 of the Seattle Municipal Code to establish enforcement actions for violations of Civil Emergency Orders; adding a new Section 10:02.120 to the Seattle municipal code to establish a separate to Chapter 10.08.260 of the SMC; repealing Chapter 12A.26 of the Long Beach Municipal Code; declaring an emergency; and abolishing an immediate effective date; all by a 3/4 vote of the City Council.", + "consistency": [ + 3, + 4, + 3 + ], + "fluency": [ + 3, + 5, + 4 + ], + "informativeness": [ + 1, + 5, + 4 + ], + "redundancy": [ + 1, + 5, + 5 + ] + }, + "lexrank": { + "coherence": [ + 1, + 2, + 3 + ], + "summary": "Bill and I will now hand it over to Councilmember Lewis to provide any additional remarks he might want to add. The Report of City Council of Champaign, one Capital 119869 relating to violations of civil emergency orders.", + "consistency": [ + 2, + 3, + 3 + ], + "fluency": [ + 3, + 4, + 4 + ], + "informativeness": [ + 1, + 3, + 2 + ], + "redundancy": [ + 4, + 4, + 5 + ] + }, + "dialogLM": { + "coherence": [ + 4, + 5, + 4 + ], + "summary": "An ordinance relating to violations of civil emergency orders; amending section 10. 04. 177 of the Seattle municipal code to establish enforcement actions for violations of municipal emergency order; adding a new section 10. 02. 125 to the Seattle city code to established a separate to Chapter 10. 02 to repealing chapter 12a. 26 of the revised municipal code on the psychological operations relating to civil emergency ordering; declaring an emergency; and abolishing an immediate effective date; all by a first vote of the city council.", + "consistency": [ + 4, + 4, + 3 + ], + "fluency": [ + 3, + 5, + 4 + ], + "informativeness": [ + 2, + 5, + 3 + ], + "redundancy": [ + 1, + 5, + 5 + ] + }, + "lead-3": { + "coherence": [ + 3, + 1, + 4 + ], + "summary": "The Report of City Council of Champaign, one Capital 119869 relating to violations of civil emergency orders. Amending Section 10.0 2.177 of the Code. Establish enforcement actions for violations of civil emergency order.", + "consistency": [ + 2, + 2, + 3 + ], + "fluency": [ + 3, + 2, + 5 + ], + "informativeness": [ + 1, + 3, + 2 + ], + "redundancy": [ + 2, + 4, + 5 + ] + }, + "hmnet": { + "coherence": [ + 1, + 1, + 4 + ], + "summary": "An relating to the Seattle municipal code; declaring an emergency; and declaring an immediate effective date; all by abolishing a 3 vote of the city council.", + "consistency": [ + 2, + 1, + 2 + ], + "fluency": [ + 2, + 1, + 5 + ], + "informativeness": [ + 1, + 1, + 2 + ], + "redundancy": [ + 2, + 5, + 5 + ] + }, + "pegasus": { + "coherence": [ + 2, + 5, + 4 + ], + "summary": "AN ORDINANCE relating to violations of civil emergency orders; amending Section 10.02.177 of the Seattle Municipal Code; establishing enforcement actions for violations of civil emergency orders; adding a new Section 10.02.221 to the Seattle Municipal Code to establish a separate Chapter 10.02 to repeal Chapter 12A.86 of the Seattle", + "consistency": [ + 3, + 4, + 4 + ], + "fluency": [ + 2, + 5, + 4 + ], + "informativeness": [ + 2, + 5, + 3 + ], + "redundancy": [ + 1, + 5, + 5 + ] + } + }, + "SeattleCityCouncil_09212020_Res 31933": { + "hmnet": { + "coherence": [ + 2, + 2, + 3 + ], + "summary": "A expressing the intent to defer to the King County Council as the prime sponsor of this resolution.", + "consistency": [ + 1, + 1, + 1 + ], + "fluency": [ + 2, + 4, + 5 + ], + "informativeness": [ + 1, + 1, + 1 + ], + "redundancy": [ + 4, + 5, + 5 + ] + }, + "lead-3": { + "coherence": [ + 3, + 5, + 5 + ], + "summary": "From the public agenda. They reported the government's education committee agenda item three Resolution 31933 expanding the requirements for the summary of the content that accompanies new legislation so that it also considers impacts of climate change. The committee recommends that the resolution be adopted as amended.", + "consistency": [ + 4, + 5, + 4 + ], + "fluency": [ + 2, + 5, + 4 + ], + "informativeness": [ + 2, + 5, + 4 + ], + "redundancy": [ + 4, + 5, + 5 + ] + }, + "davinci003": { + "coherence": [ + 5, + 5, + 4 + ], + "summary": "The government's education committee passed Resolution 31933 which requires summaries of new legislation to consider impacts of climate change. The resolution was passed unanimously and takes into account climate justice, carbon emissions and adaptation or resiliency to climate change.", + "consistency": [ + 5, + 5, + 5 + ], + "fluency": [ + 4, + 5, + 5 + ], + "informativeness": [ + 4, + 5, + 5 + ], + "redundancy": [ + 4, + 5, + 5 + ] + }, + "pegasus": { + "coherence": [ + 5, + 5, + 5 + ], + "summary": "A RESOLUTION expanding the requirements for the summary of the content that accompanies new legislation so that it also considers impacts of climate change.", + "consistency": [ + 4, + 5, + 4 + ], + "fluency": [ + 4, + 4, + 4 + ], + "informativeness": [ + 3, + 5, + 3 + ], + "redundancy": [ + 5, + 5, + 5 + ] + }, + "dialogLM": { + "coherence": [ + 5, + 1, + 5 + ], + "summary": "A resolution expanding the requirements for the summary of the content that accompanies new legislation so that it also considers impacts of climate change.", + "consistency": [ + 4, + 2, + 4 + ], + "fluency": [ + 4, + 1, + 5 + ], + "informativeness": [ + 3, + 2, + 3 + ], + "redundancy": [ + 5, + 1, + 5 + ] + }, + "bart": { + "coherence": [ + 3, + 3, + 3 + ], + "summary": "A RESOLUTION expanding the requirements for the summary of the content that accompanies new legislation so that it also considers impacts of climate change, and providing for the submission to the qualified electors of King County, at a special municipal election to be held on March 3, 2017, of a proposition authorizing the executive to amend the title of Chapter 14.12 of the Revised Municipal Code of the City of Seattle to add a new Article XVII to Chapter 13.32 of the Seattle Municipal Code.", + "consistency": [ + 4, + 4, + 3 + ], + "fluency": [ + 4, + 3, + 3 + ], + "informativeness": [ + 3, + 4, + 3 + ], + "redundancy": [ + 2, + 2, + 3 + ] + }, + "lexrank": { + "coherence": [ + 2, + 4, + 3 + ], + "summary": "Today we have this legislative vehicle resolution 31933 to do something more specifically to update the summary and fiscal note, to view each piece of city legislation through a climate lens. Any other comments on the resolution?", + "consistency": [ + 1, + 3, + 3 + ], + "fluency": [ + 1, + 4, + 3 + ], + "informativeness": [ + 1, + 3, + 1 + ], + "redundancy": [ + 3, + 5, + 5 + ] + } + }, + "BostonCC_10272021_2021-1036": { + "davinci003": { + "coherence": [ + 5, + 1, + 5 + ], + "summary": "The Committee on Public Safety and Criminal Justice discussed a variety of grants aimed at improving homeland security and reducing urban violence. These grants included money for enhanced 911 services, a 2 year regional approach to detect and prevent terrorist attacks, and funding for DNA testing and criminalist positions.", + "consistency": [ + 4, + 2, + 4 + ], + "fluency": [ + 5, + 3, + 5 + ], + "informativeness": [ + 4, + 2, + 4 + ], + "redundancy": [ + 5, + 3, + 5 + ] + }, + "dialogLM": { + "coherence": [ + 3, + 4, + 4 + ], + "summary": "On the message and order, referred on October 4, 2021, docket #1036, authorizing the city of Boston to accept and expend the amount of 239, 234 in the form of a grant for the FY 2021 DNA testing has been a backlog reduction program, the committee submitted a report recommending the order ought to pass.", + "consistency": [ + 3, + 3, + 4 + ], + "fluency": [ + 3, + 4, + 4 + ], + "informativeness": [ + 3, + 3, + 4 + ], + "redundancy": [ + 2, + 5, + 5 + ] + }, + "bart": { + "coherence": [ + 3, + 3, + 4 + ], + "summary": "On the message and order, referred on October 4, 2021, Docket #1036, authorizing the City of Boston to accept and expend the amount of Two Hundred Twenty Nine Thousand One Hundred Ninety Two Dollars ($239,234.00) in the form of a grant, for the FY20 Youth Options Unlimited Boston Inner City Weightlifting Education Service, an education service provider at the Notre Dame Education Center, and behavioral health services at the BayCall Human Services, the committee submitted a report recommending the order ought to pass.", + "consistency": [ + 3, + 2, + 1 + ], + "fluency": [ + 3, + 3, + 4 + ], + "informativeness": [ + 3, + 2, + 1 + ], + "redundancy": [ + 2, + 4, + 5 + ] + }, + "lead-3": { + "coherence": [ + 2, + 1, + 1 + ], + "summary": "nuclear or radiological materials that pose a threat to the Homeland Security and high risk urban area. Two Mr. Report recommending the order of two parts and docket number 1036 Committee on Public Safety and Criminal Justice, to which was referred on October 4th, 2021. Docket number 1036 message an order authorizing the city of Boston to accept and expanded an amount of $239,234 in the form of a grant for the FBI.", + "consistency": [ + 2, + 1, + 1 + ], + "fluency": [ + 2, + 3, + 2 + ], + "informativeness": [ + 2, + 2, + 1 + ], + "redundancy": [ + 1, + 3, + 5 + ] + }, + "lexrank": { + "coherence": [ + 1, + 1, + 3 + ], + "summary": "Two Mr. Report recommending the order of two parts and docket number 1036 Committee on Public Safety and Criminal Justice, to which was referred on October 4th, 2021. All those in favor say I nay oppose any way I have at the docket.", + "consistency": [ + 1, + 1, + 1 + ], + "fluency": [ + 2, + 1, + 5 + ], + "informativeness": [ + 1, + 1, + 1 + ], + "redundancy": [ + 2, + 1, + 5 + ] + }, + "hmnet": { + "coherence": [ + 2, + 1, + 2 + ], + "summary": "On the message and order, referred on October 4, 2021,, authorizing the city of Boston to 1036, in the form of a grant for the police Department, the committee submitted a report recommending that the order ought to pass.", + "consistency": [ + 2, + 2, + 2 + ], + "fluency": [ + 2, + 3, + 3 + ], + "informativeness": [ + 1, + 2, + 1 + ], + "redundancy": [ + 4, + 5, + 5 + ] + }, + "pegasus": { + "coherence": [ + 3, + 4, + 4 + ], + "summary": "On the message and order, referred on October 4, 2021, Docket #1106, authorizing the City of Boston to accept and expend the amount of Two Hundred Nine Thousand Eight Hundred Twenty One Dollars and Thirteen Cents ($293,234.00) in the form of a grant for the FY22 DNA Testing Backlog Reduction", + "consistency": [ + 3, + 3, + 2 + ], + "fluency": [ + 3, + 4, + 4 + ], + "informativeness": [ + 2, + 3, + 3 + ], + "redundancy": [ + 2, + 4, + 5 + ] + } + }, + "SeattleCityCouncil_02202018_CB 119196": { + "lead-3": { + "coherence": [ + 1, + 3, + 1 + ], + "summary": "Thank you. The bill passed and show sign it. Please read the next item to the record.", + "consistency": [ + 1, + 1, + 1 + ], + "fluency": [ + 1, + 5, + 5 + ], + "informativeness": [ + 1, + 1, + 1 + ], + "redundancy": [ + 3, + 5, + 5 + ] + }, + "bart": { + "coherence": [ + 3, + 5, + 5 + ], + "summary": "AN ORDINANCE amending Ordinance 125475, which adopted the 2018 Budget; changing appropriations to various departments and budget control levels, and from various funds in the Budget; and ratifying and confirming certain prior acts; all by a 3/4 vote of the City Council.", + "consistency": [ + 3, + 4, + 5 + ], + "fluency": [ + 2, + 5, + 5 + ], + "informativeness": [ + 3, + 5, + 5 + ], + "redundancy": [ + 4, + 5, + 5 + ] + }, + "hmnet": { + "coherence": [ + 2, + 4, + 4 + ], + "summary": "An amending ordinance, which adopted the 2018 budget; changing appropriations to various departments and budget control levels, all by a 3 vote of the city council.", + "consistency": [ + 3, + 3, + 3 + ], + "fluency": [ + 3, + 5, + 3 + ], + "informativeness": [ + 3, + 3, + 4 + ], + "redundancy": [ + 5, + 5, + 5 + ] + }, + "dialogLM": { + "coherence": [ + 2, + 5, + 5 + ], + "summary": "An ordinance amending ordinance 125475, which adopted the 2018 budget; changing appropriations to various departments and budget control levels; all by a 3/4 vote of the city council.", + "consistency": [ + 3, + 5, + 5 + ], + "fluency": [ + 2, + 5, + 5 + ], + "informativeness": [ + 3, + 5, + 5 + ], + "redundancy": [ + 5, + 5, + 5 + ] + }, + "davinci003": { + "coherence": [ + 5, + 5, + 5 + ], + "summary": "The article discusses the amendment of Council Bill 119196, which amends the 2018 Budget Adoption Ordinance by changing appropriations for various departments. The amendment focuses on providing funding for short and long-term housing needs, hygiene infrastructure, and emergency shelter services to address the pressing issue of homelessness in Seattle.", + "consistency": [ + 5, + 5, + 5 + ], + "fluency": [ + 5, + 5, + 5 + ], + "informativeness": [ + 5, + 5, + 5 + ], + "redundancy": [ + 5, + 5, + 5 + ] + }, + "pegasus": { + "coherence": [ + 2, + 5, + 5 + ], + "summary": "AN ORDINANCE amending Ordinance 125475, which adopted the 2018 Budget; changing appropriations to various departments and budget control levels; all by a 3/4 vote of the City Council.", + "consistency": [ + 3, + 5, + 5 + ], + "fluency": [ + 2, + 4, + 5 + ], + "informativeness": [ + 3, + 4, + 5 + ], + "redundancy": [ + 4, + 5, + 5 + ] + }, + "lexrank": { + "coherence": [ + 1, + 5, + 2 + ], + "summary": "We want housing. This amendment that you see in front of us is reflective of the need for hygiene infrastructure, for short term housing and emergency shelter needs for long term.", + "consistency": [ + 2, + 4, + 3 + ], + "fluency": [ + 2, + 5, + 4 + ], + "informativeness": [ + 1, + 3, + 3 + ], + "redundancy": [ + 3, + 5, + 4 + ] + } + }, + "AlamedaCC_11052019_2019-6993": { + "davinci003": { + "coherence": [ + 5, + 3, + 4 + ], + "summary": "The city council unanimously voted to extend a service provider agreement with CDM Smith to extend the term by three years and increase the compensation by 2.2 million for total aggregate compensation not to exceed 2.57 million to complete the project approval environmental document and the plans and specifications and estimates for the Central Avenue Safety Improvement Project. Additionally, they discussed the possibility of engaging legislative leaders to try to move the process faster and discussed the city's plan to limit natural gas infrastructure for new residential construction on city owned property.", + "consistency": [ + 4, + 4, + 4 + ], + "fluency": [ + 5, + 3, + 4 + ], + "informativeness": [ + 4, + 4, + 4 + ], + "redundancy": [ + 4, + 2, + 4 + ] + }, + "lead-3": { + "coherence": [ + 1, + 1, + 3 + ], + "summary": "Thank you. It's a good point. It was a it was a very informative report.", + "consistency": [ + 1, + 1, + 1 + ], + "fluency": [ + 1, + 1, + 3 + ], + "informativeness": [ + 1, + 1, + 1 + ], + "redundancy": [ + 3, + 5, + 3 + ] + }, + "pegasus": { + "coherence": [ + 2, + 3, + 4 + ], + "summary": "Recommendation to Authorize the City Manager to Execute a Second Amendment to the Service Provider Agreement with Smith, Inc. to Extend the Term by Three Years and Increase the Compensation by $2.2 Million for Total Aggregate Compensation Not to Exceed $2.57 Million for Completion of the Project Approval Environmental Document and the Plans and Specifications for the Central", + "consistency": [ + 2, + 5, + 4 + ], + "fluency": [ + 2, + 3, + 4 + ], + "informativeness": [ + 2, + 5, + 4 + ], + "redundancy": [ + 3, + 4, + 5 + ] + }, + "dialogLM": { + "coherence": [ + 3, + 3, + 4 + ], + "summary": "Recommendation to authorize the city manager, or Designee, to execute a second amendment to the service provider agreement with Cdm Smith, Inc., to extend the term by three years, and increase the compensation by $2, 200, 000, for a total aggregate compensation not to exceed $3, 57, 000 to complete the project approval environmental document and the plans and specifications and estimates for the central Avenue safety improvement project; and adoption of resolution limiting natural gas infrastructure for new residential construction on city-owned property within the city of Alameda. (transportation 91402)", + "consistency": [ + 2, + 3, + 3 + ], + "fluency": [ + 3, + 2, + 4 + ], + "informativeness": [ + 3, + 4, + 4 + ], + "redundancy": [ + 3, + 3, + 5 + ] + }, + "hmnet": { + "coherence": [ + 3, + 1, + 4 + ], + "summary": "Recommendation to adopt specifications no . Rfp and award a contract to Cdm Smith, of long Beach, ca, to extend the term by three years; and, authorize city manager, or Designee, to execute any and all documents necessary to enter into the contract, including any necessary amendments thereto.)", + "consistency": [ + 2, + 3, + 3 + ], + "fluency": [ + 2, + 1, + 4 + ], + "informativeness": [ + 2, + 3, + 3 + ], + "redundancy": [ + 5, + 3, + 5 + ] + }, + "bart": { + "coherence": [ + 2, + 2, + 4 + ], + "summary": "Recommendation to Authorize the City Manager to Execute a Second Amendment to the Service Provider Agreement with CDM Smith to Extend the Term by Three Years and Increase the Compensation by $2,200,000 for a Total Aggregate Compensation Not to Exceed $9,016,828 to Completion the Project Approval Environmental Report and the Plans and Specifications and Estimate for the Central Avenue Safety Improvement Project; and Adoption of Resolution Amending the Capital Projects Fund (CP) in the Public Works Department (PW) by $1,250,000 and Increasing the Revenue and Expenditures Budget (310) by One Million Dollars ($1,500,000.00) for", + "consistency": [ + 1, + 3, + 4 + ], + "fluency": [ + 3, + 3, + 4 + ], + "informativeness": [ + 2, + 4, + 4 + ], + "redundancy": [ + 2, + 2, + 4 + ] + }, + "lexrank": { + "coherence": [ + 1, + 1, + 4 + ], + "summary": "Eighth to Sherman is bike lanes straight three lanes, one in each direction on either side. It's a city street.", + "consistency": [ + 1, + 1, + 4 + ], + "fluency": [ + 1, + 3, + 4 + ], + "informativeness": [ + 1, + 1, + 1 + ], + "redundancy": [ + 2, + 4, + 5 + ] + } + }, + "LongBeachCC_04022019_19-0292": { + "lexrank": { + "coherence": [ + 1, + 4, + 4 + ], + "summary": "11 students from those three districts combined participated in the junior guard program. I'm delighted to be here with you tonight with another opportunity to strengthen the partnership between the city and our school district and to expand access to a wonderful program to students throughout the city and throughout the district.", + "consistency": [ + 1, + 3, + 3 + ], + "fluency": [ + 2, + 5, + 4 + ], + "informativeness": [ + 1, + 1, + 3 + ], + "redundancy": [ + 1, + 5, + 3 + ] + }, + "pegasus": { + "coherence": [ + 2, + 4, + 3 + ], + "summary": "Recommendation to authorize City Manager, or designee, to execute all documents necessary to enter into a reimbursement agreement, and any subsequent amendments, with the Long Beach Unified School District, to reimburse the Fire Department for the cost of providing a Junior Lifeguard Preparation Course at Cabrillo and Jordan High Schools, in the amount of", + "consistency": [ + 2, + 5, + 5 + ], + "fluency": [ + 2, + 4, + 1 + ], + "informativeness": [ + 3, + 4, + 4 + ], + "redundancy": [ + 4, + 5, + 5 + ] + }, + "hmnet": { + "coherence": [ + 2, + 2, + 2 + ], + "summary": "Recommendation to authorize city manager, or Designee, to reimburse the Los Angeles County fire Department) reimbursement agreement with the long Beach unified school district to reimburse long Beach fire Department reimbursement amount, for the period of July 1, 2021 through June 30, 2022, with the option to renew for three additional one -Year periods, at the discretion of the city manager.)", + "consistency": [ + 2, + 4, + 3 + ], + "fluency": [ + 2, + 3, + 1 + ], + "informativeness": [ + 2, + 2, + 3 + ], + "redundancy": [ + 2, + 1, + 1 + ] + }, + "dialogLM": { + "coherence": [ + 3, + 4, + 3 + ], + "summary": "Recommendation to authorize city manager, or Designee, to execute all documents necessary to enter into a reimbursement agreement, and any subsequent amendments, with the long Beach unified school district (Lbusd), to provide a junior Lifeguard preparatory course at Cabrillo and Jordan high schools, for the period of July 1, 2015 through June 30, 2016; and increase appropriations in the general Fund (Gf) in the fire Department Department (Fd) by $21, 000, offset by Reimbmbment revenue. (citywide)", + "consistency": [ + 3, + 3, + 4 + ], + "fluency": [ + 3, + 4, + 4 + ], + "informativeness": [ + 2, + 4, + 4 + ], + "redundancy": [ + 1, + 5, + 2 + ] + }, + "lead-3": { + "coherence": [ + 1, + 1, + 1 + ], + "summary": "Thank you very much. I know. We just did.", + "consistency": [ + 1, + 1, + 1 + ], + "fluency": [ + 1, + 3, + 5 + ], + "informativeness": [ + 1, + 1, + 1 + ], + "redundancy": [ + 2, + 5, + 5 + ] + }, + "davinci003": { + "coherence": [ + 4, + 5, + 5 + ], + "summary": "The Long Beach Fire Department is entering into an agreement with the Long Beach Unified School District to provide a Junior Lifeguard Preparation Program to students interested in public safety careers. Additionally, the agreement will provide scholarships and roundtrip transportation for students to the beach this summer.", + "consistency": [ + 3, + 5, + 5 + ], + "fluency": [ + 5, + 5, + 5 + ], + "informativeness": [ + 2, + 4, + 5 + ], + "redundancy": [ + 4, + 5, + 5 + ] + }, + "bart": { + "coherence": [ + 4, + 5, + 4 + ], + "summary": "Recommendation to authorize City Manager, or designee, to execute all documents necessary to enter into a Reimbursement Agreement, and any subsequent amendments, with the Long Beach Unified School District (LBUSD), to reimburse the Fire Department (FD) $21,000 to provide a Junior Lifeguard Repertory Course at Cabrillo and Jordan High Schools, and $30,000 for tuition for LUSD students to participate in the summer Long Beach Junior L Lifeguard Program, from June 15, 2021 through August 14, 2022; and Increase appropriations in the Tidelands Operating Fund Group in the fire department by $51,000, offset by reimbursement revenue. (Citywide", + "consistency": [ + 3, + 4, + 5 + ], + "fluency": [ + 3, + 4, + 3 + ], + "informativeness": [ + 3, + 5, + 5 + ], + "redundancy": [ + 2, + 5, + 2 + ] + } + }, + "LongBeachCC_10172017_17-0945": { + "bart": { + "coherence": [ + 3, + 4, + 2 + ], + "summary": "Recommendation to adopt Plans and Specifications No. R-7023 for Improvements of the Daisy Myrtle Bicycle Boulevard Project; award the contract to Sully-Miller Contracting Company, of Brea, CA, in the amount of $4,325,908, and authorize a 10 percent contingency in the amounts of $233,542, for a total contract amount not to exceed $431,907; and authorize City Manager, or designee, to execute all documents necessary to enter into the contract, including any necessary amendments thereto, and consider Categorical Exemption No. 54-10 (15301 Class1). (Districts 1,2,6", + "consistency": [ + 1, + 4, + 2 + ], + "fluency": [ + 2, + 4, + 2 + ], + "informativeness": [ + 2, + 4, + 3 + ], + "redundancy": [ + 2, + 5, + 2 + ] + }, + "dialogLM": { + "coherence": [ + 3, + 4, + 2 + ], + "summary": "Recommendation to adopt plans and specifications no. R-7158 for improvements of the Daisy myrtle bicycle Boulevard project; award a contract to Sully-Miller contracting company, of Brea, ca, in the amount of $4, 325, 908, with a 10 percent contingency in the agreement, for a total contract amount not to exceed $47, 718, and authorize traffic manager, or Designee, to execute all documents necessary to enter into the contract, including any necessary amendments; increase appropriations in the capital projects fund group in the public works Department by $500, 000, offset by Federal highway safety improvement program (Hsip) funds from the Los Angeles County metropolitan transportation authority (Metro); and accept categorical exemption Ce-18-185. (districts 1, 6, 7, 8, 9)", + "consistency": [ + 1, + 4, + 2 + ], + "fluency": [ + 2, + 3, + 3 + ], + "informativeness": [ + 2, + 4, + 3 + ], + "redundancy": [ + 1, + 5, + 2 + ] + }, + "davinci003": { + "coherence": [ + 4, + 4, + 3 + ], + "summary": "The Daisy Myrtle Bicycle Boulevard Project is an ambitious 9.5 million 9.5 mile effort to connect downtown and north town Long Beach neighborhoods. A representative from the community raised concerns about the project's cost and lack of resources to help those in need in their city.", + "consistency": [ + 2, + 3, + 2 + ], + "fluency": [ + 5, + 4, + 1 + ], + "informativeness": [ + 2, + 2, + 2 + ], + "redundancy": [ + 5, + 5, + 1 + ] + }, + "lead-3": { + "coherence": [ + 1, + 1, + 1 + ], + "summary": "Thank you. Councilman, you can return back to the room. I have a number 13 police.", + "consistency": [ + 1, + 1, + 1 + ], + "fluency": [ + 1, + 5, + 5 + ], + "informativeness": [ + 1, + 1, + 1 + ], + "redundancy": [ + 3, + 5, + 5 + ] + }, + "lexrank": { + "coherence": [ + 1, + 1, + 2 + ], + "summary": "I know you're not going to answer me now, but I really want to know because really, I mean, out of serious, all this money, 4 million. But I remember that $25 million bike lane thing some months or.", + "consistency": [ + 1, + 1, + 1 + ], + "fluency": [ + 2, + 4, + 2 + ], + "informativeness": [ + 1, + 1, + 1 + ], + "redundancy": [ + 1, + 5, + 5 + ] + }, + "hmnet": { + "coherence": [ + 2, + 4, + 1 + ], + "summary": "Recommendation to adopt plans and specifications no . R for bicycle Boulevard project; award the contract to Sully contracting company, of Los Angeles, ca, in the amount of, authorize a 10 percent contingency in amount, for a total contract amount not to exceed; and, authorize city manager, or Designee, to execute all documents necessary to enter into the contract, including any necessary amendments thereto regarding the term and conditions of the award amount, with the option to renew for three additional one -Year periods, at the discretion of the city manager . 1)", + "consistency": [ + 2, + 2, + 2 + ], + "fluency": [ + 1, + 4, + 1 + ], + "informativeness": [ + 2, + 3, + 2 + ], + "redundancy": [ + 3, + 5, + 1 + ] + }, + "pegasus": { + "coherence": [ + 2, + 4, + 2 + ], + "summary": "Recommendation to adopt Plans and Specifications No. R-7084 for the Daisy Myrtle Bicycle Boulevard Project; award the contract to Sully-Miller Contracting Company, of Brea, CA, in the amount of $3,850,000, with a 10 percent contingency in the amount of $363,908, for a total contract amount not", + "consistency": [ + 2, + 4, + 3 + ], + "fluency": [ + 2, + 4, + 1 + ], + "informativeness": [ + 3, + 4, + 4 + ], + "redundancy": [ + 4, + 5, + 2 + ] + } + }, + "SeattleCityCouncil_05232016_CB 118682": { + "pegasus": { + "coherence": [ + 2, + 5, + 5 + ], + "summary": "AN ORDINANCE relating to City employment; authorizing the execution of a collective bargaining agreement between The City of Seattle and the Washington State Council of County and City Employees, AFSCME, AFL-CIO Local 21C; and ratifying and confirming certain prior acts.", + "consistency": [ + 4, + 5, + 5 + ], + "fluency": [ + 3, + 5, + 4 + ], + "informativeness": [ + 4, + 5, + 5 + ], + "redundancy": [ + 2, + 5, + 5 + ] + }, + "dialogLM": { + "coherence": [ + 3, + 5, + 5 + ], + "summary": "An ordinance relating to city employment; authorizing the execution of a collective bargaining agreement between the city of Seattle and the Washington State Council of County and city employees, Afscme, AFL-CIO, local 21 C; and ratifying and confirming certain prior acts.", + "consistency": [ + 4, + 5, + 5 + ], + "fluency": [ + 3, + 5, + 4 + ], + "informativeness": [ + 4, + 5, + 5 + ], + "redundancy": [ + 3, + 5, + 5 + ] + }, + "hmnet": { + "coherence": [ + 2, + 5, + 5 + ], + "summary": "An relating to city employment; authorizing the execution of a collective bargaining agreement between the city of Seattle and the Washington State Council of labor relations policy committee.", + "consistency": [ + 3, + 5, + 4 + ], + "fluency": [ + 2, + 5, + 4 + ], + "informativeness": [ + 3, + 4, + 4 + ], + "redundancy": [ + 4, + 5, + 5 + ] + }, + "lead-3": { + "coherence": [ + 3, + 4, + 5 + ], + "summary": "The report of the Full Council Agenda Item one Council Bill 118682 relating to city employment, authorizing the execution of a collective bargaining agreement between the City of Seattle and the Washington State Council of County and City Employees, AFSCME, AFL-CIO, Local 21 C and ratifying and confirming certain prior acts introduced on May 16th, 2016. Councilmember Burgess. Thank you, colleagues.", + "consistency": [ + 3, + 5, + 4 + ], + "fluency": [ + 2, + 4, + 5 + ], + "informativeness": [ + 2, + 5, + 5 + ], + "redundancy": [ + 2, + 4, + 5 + ] + }, + "lexrank": { + "coherence": [ + 2, + 1, + 5 + ], + "summary": "And so if there's no objection, I'd like to extend 3 minutes to these folks since they're an organization to hear from them. We, the thousand unhoused people of Seattle, demand that the city one stop all the sweeps of the homeless on the streets of Seattle and encampments citywide, especially the jungle, and returned all seized property back to their owners or comprehend or compensate for that loss.", + "consistency": [ + 1, + 1, + 3 + ], + "fluency": [ + 2, + 3, + 5 + ], + "informativeness": [ + 1, + 1, + 1 + ], + "redundancy": [ + 2, + 4, + 5 + ] + }, + "bart": { + "coherence": [ + 2, + 5, + 5 + ], + "summary": "AN ORDINANCE relating to City employment; authorizing the execution of a collective bargaining agreement between The City of Seattle and the Washington State Council of County and City Employees, AFL-CIO Local 21(a), and ratifying and confirming certain prior acts.", + "consistency": [ + 3, + 5, + 5 + ], + "fluency": [ + 2, + 4, + 4 + ], + "informativeness": [ + 3, + 5, + 4 + ], + "redundancy": [ + 2, + 5, + 5 + ] + }, + "davinci003": { + "coherence": [ + 5, + 5, + 5 + ], + "summary": "The Seattle City Council introduced a collective bargaining agreement that would affect approximately 150 city employees of AFL-CIO Local 21. During the meeting, representatives of the homeless collective \"the Jungle\" were allowed to speak and present their demands for the city to provide housing for those without housing and to spend $1 million to revitalize neglected public or private property buildings.", + "consistency": [ + 5, + 4, + 4 + ], + "fluency": [ + 5, + 5, + 5 + ], + "informativeness": [ + 5, + 4, + 3 + ], + "redundancy": [ + 4, + 5, + 5 + ] + } + }, + "AlamedaCC_06182019_2019-6974": { + "davinci003": { + "coherence": [ + 5, + 4, + 5 + ], + "summary": "The Alameda County Department of Environmental Health informed the school district and the City of Alameda that the Amador Swim Center would need to be closed due to public health and safety reasons. A memorandum of understanding between the City and the school district has been proposed to provide deal points for a new city aquatic facility, with the intent being to have a final property agreement by December 2019.", + "consistency": [ + 4, + 3, + 4 + ], + "fluency": [ + 5, + 4, + 5 + ], + "informativeness": [ + 4, + 3, + 5 + ], + "redundancy": [ + 5, + 3, + 5 + ] + }, + "lead-3": { + "coherence": [ + 2, + 2, + 2 + ], + "summary": "Is the recommendation to authorize the city manager to execute a memorandum of understanding with the Army Unified School District concerning a new city of Alameda Aquatic Facility. Good evening, Mayor Council Amy Wooldridge, Interim Assistant City Manager and Recreation and Parks Director. So in February, a quick background.", + "consistency": [ + 2, + 2, + 3 + ], + "fluency": [ + 1, + 2, + 4 + ], + "informativeness": [ + 1, + 3, + 2 + ], + "redundancy": [ + 3, + 4, + 5 + ] + }, + "pegasus": { + "coherence": [ + 2, + 5, + 4 + ], + "summary": "Recommendation to Authorize the City Manager to Execute a Memorandum of Understanding (MOU) with the Alameda Unified School District Concerning a New City of Alameda Aquatic Facility. (Recreation and Parks 280)", + "consistency": [ + 3, + 5, + 3 + ], + "fluency": [ + 2, + 5, + 4 + ], + "informativeness": [ + 2, + 5, + 3 + ], + "redundancy": [ + 3, + 5, + 5 + ] + }, + "hmnet": { + "coherence": [ + 2, + 2, + 3 + ], + "summary": "Recommendation to the city manager to execute a memorandum of understanding with the Army unified school district) concerning a new city Aquatic facility facility for a public health and safety reasons.)", + "consistency": [ + 3, + 2, + 3 + ], + "fluency": [ + 1, + 1, + 3 + ], + "informativeness": [ + 2, + 3, + 3 + ], + "redundancy": [ + 1, + 4, + 5 + ] + }, + "lexrank": { + "coherence": [ + 2, + 1, + 1 + ], + "summary": "And then if it's on a U.S. property such as at the existing site at Almeda High School, the Alameda High School Aquatic Teams and any future P.E. And the main point to that memo, you I want to point out that really this m02 is serving to provide deal points for that have been that for an agreed upon new city aquatic facility.", + "consistency": [ + 1, + 1, + 1 + ], + "fluency": [ + 2, + 1, + 2 + ], + "informativeness": [ + 1, + 1, + 1 + ], + "redundancy": [ + 3, + 4, + 5 + ] + }, + "bart": { + "coherence": [ + 4, + 5, + 5 + ], + "summary": "Recommendation to Authorize the City Manager to Execute a Memorandum of Understanding (MOU) with the Alameda Unified School District (AUSD) Concerning a New City of Alameda Aquatic Facility. (Recreation and Parks 280 and 320)", + "consistency": [ + 4, + 5, + 4 + ], + "fluency": [ + 2, + 5, + 4 + ], + "informativeness": [ + 3, + 5, + 4 + ], + "redundancy": [ + 2, + 5, + 5 + ] + }, + "dialogLM": { + "coherence": [ + 3, + 5, + 5 + ], + "summary": "Recommendation to authorize the city manager to execute a memorandum of understanding with the Alameda unified school district concerning a new city of Alameda Aquatic facility. (recreation and parks 280)", + "consistency": [ + 3, + 5, + 5 + ], + "fluency": [ + 2, + 5, + 4 + ], + "informativeness": [ + 3, + 5, + 4 + ], + "redundancy": [ + 2, + 5, + 5 + ] + } + }, + "DenverCityCouncil_03182019_19-0079": { + "lead-3": { + "coherence": [ + 1, + 5, + 1 + ], + "summary": "Hi, Madam Secretary. Please close voting. Announce the results.", + "consistency": [ + 1, + 1, + 1 + ], + "fluency": [ + 2, + 5, + 5 + ], + "informativeness": [ + 1, + 1, + 1 + ], + "redundancy": [ + 2, + 5, + 5 + ] + }, + "pegasus": { + "coherence": [ + 4, + 4, + 4 + ], + "summary": "A bill for an ordinance changing the zoning classification for 901 Irving Street in Villa Park. Approves an official map amendment to rezone property from E-SU-D to E-SU-D1 (allows for an accessory dwelling unit), located at 901 Irving Street in Council District 3. The Committee", + "consistency": [ + 4, + 5, + 5 + ], + "fluency": [ + 4, + 4, + 2 + ], + "informativeness": [ + 3, + 5, + 5 + ], + "redundancy": [ + 2, + 5, + 5 + ] + }, + "lexrank": { + "coherence": [ + 3, + 5, + 1 + ], + "summary": "So there's been a lot of physical changes that justify this rezoning in terms of the last review criteria, consistency with neighborhood context. But on top of that, there has been a lot of physical changes which also justify the rezoning for the criteria.", + "consistency": [ + 1, + 5, + 1 + ], + "fluency": [ + 3, + 5, + 4 + ], + "informativeness": [ + 1, + 2, + 1 + ], + "redundancy": [ + 2, + 5, + 5 + ] + }, + "bart": { + "coherence": [ + 4, + 5, + 1 + ], + "summary": "A bill for an ordinance changing the zoning classification for 901 Irving Street in Villa Park. Approves an official map amendment to rezone property from E-SU-D and I-B, UO-1 to EUDU-G1, E,SU-d, and E-MU-1 (allows for an accessory dwelling unit), located at 901 North Irving Street and 991 North Linden Court in Council District 3. The Committee approved filing this item at its meeting on 1-18-19.", + "consistency": [ + 4, + 2, + 2 + ], + "fluency": [ + 4, + 4, + 1 + ], + "informativeness": [ + 3, + 4, + 4 + ], + "redundancy": [ + 2, + 5, + 1 + ] + }, + "davinci003": { + "coherence": [ + 5, + 5, + 5 + ], + "summary": "Council Bill 79 was passed, allowing for an accessory dwelling unit on 901 Irving Street in Council District 3. The rezoning meets the five review criteria and is consistent with the Villa Park Plan, Blueprint Denver, and Housing Inclusive Denver.", + "consistency": [ + 5, + 5, + 4 + ], + "fluency": [ + 5, + 5, + 5 + ], + "informativeness": [ + 5, + 4, + 4 + ], + "redundancy": [ + 5, + 5, + 5 + ] + }, + "dialogLM": { + "coherence": [ + 2, + 5, + 4 + ], + "summary": "A bill for an ordinance changing the zoning classification for 901 Irving street in Villa park. APPROVES an official map amendment to Rezone property from E-Su-D to E -U-D1 (allows for an accessory dwelling unit), located at 901 North Irving St. in Council district 3. the committee approved filing this item at its meeting on 1-15-19. community planning and development has determined that the requirement for a legal protest (signatures by the owners of 20 percent or more either of the area of the lots included in the proposed change or of the total land area within 200 feet of the subject property) has been met (petition signatures represent 0% and 21%, respectively).", + "consistency": [ + 3, + 4, + 3 + ], + "fluency": [ + 3, + 5, + 5 + ], + "informativeness": [ + 3, + 5, + 4 + ], + "redundancy": [ + 1, + 5, + 5 + ] + }, + "hmnet": { + "coherence": [ + 2, + 4, + 3 + ], + "summary": "A bill for an ordinance changing the zoning classification for 901 Irving street in Villa park park park . an official map amendment to Rezone property from E -D to E for an accessory dwelling unit), located at 901 Irving road in Council district 3. the committee approved filing this item at its meeting on 10.", + "consistency": [ + 3, + 3, + 3 + ], + "fluency": [ + 1, + 3, + 2 + ], + "informativeness": [ + 1, + 4, + 4 + ], + "redundancy": [ + 1, + 3, + 3 + ] + } + }, + "BostonCC_09292021_2021-1025": { + "dialogLM": { + "coherence": [ + 2, + 5, + 5 + ], + "summary": "Resolution in recognition of the achievements of former Mayor Thomas Menino in the city of Boston. On motion of Councilor O' Malley, the rules were suspended; the resolution was adopted.", + "consistency": [ + 3, + 5, + 5 + ], + "fluency": [ + 3, + 5, + 5 + ], + "informativeness": [ + 2, + 5, + 5 + ], + "redundancy": [ + 2, + 5, + 5 + ] + }, + "bart": { + "coherence": [ + 3, + 5, + 4 + ], + "summary": "Resolution in recognition of the achievements of former Mayor Thomas Menino in the City of Boston. On motion of Councilor Mejia, the rules were suspended; the resolution was adopted; yeas 12, nays 3 (Continued from December 7, 2021 to January 2, 2022).", + "consistency": [ + 2, + 4, + 3 + ], + "fluency": [ + 2, + 5, + 4 + ], + "informativeness": [ + 1, + 5, + 4 + ], + "redundancy": [ + 1, + 5, + 5 + ] + }, + "davinci003": { + "coherence": [ + 5, + 5, + 5 + ], + "summary": "Former Mayor Thomas Menino and aide Alice Hennessy were recognized for their achievements in transforming the city of Boston, including the landfill in West Roxbury which was turned into a public park and playground. The resolution to rename Millennium Park to Mayor Thomas Menino Park and the playground to the Alice Hennessy playground was passed in recognition of their work.", + "consistency": [ + 5, + 4, + 3 + ], + "fluency": [ + 5, + 5, + 5 + ], + "informativeness": [ + 4, + 4, + 5 + ], + "redundancy": [ + 3, + 5, + 5 + ] + }, + "pegasus": { + "coherence": [ + 2, + 5, + 5 + ], + "summary": "Resolution in Recognition of the Achievements of Former Mayor Thomas Menino in the City of Boston. On motion of Councilor O'Malley, the rules were suspended; the resolution was adopted.", + "consistency": [ + 4, + 5, + 5 + ], + "fluency": [ + 2, + 5, + 5 + ], + "informativeness": [ + 4, + 5, + 4 + ], + "redundancy": [ + 4, + 5, + 5 + ] + }, + "lexrank": { + "coherence": [ + 2, + 1, + 1 + ], + "summary": "Maureen was a councilor at the time, and Angela Menino came in first and then in came team in to get to work with him as a counselor for three years before he retired was a true honor. And Council Councilor?", + "consistency": [ + 1, + 1, + 1 + ], + "fluency": [ + 2, + 3, + 4 + ], + "informativeness": [ + 1, + 1, + 1 + ], + "redundancy": [ + 3, + 3, + 5 + ] + }, + "lead-3": { + "coherence": [ + 2, + 2, + 2 + ], + "summary": "And as she comes up, Madam Clerk, would you please read docket 1025.1025? Councilor O'Malley are for the following resolution in recognition of the achievements of former Mayor Thomas Menino in the city of Boston. Thank you, Madam Clerk.", + "consistency": [ + 1, + 4, + 2 + ], + "fluency": [ + 2, + 3, + 3 + ], + "informativeness": [ + 1, + 3, + 1 + ], + "redundancy": [ + 1, + 4, + 4 + ] + }, + "hmnet": { + "coherence": [ + 1, + 1, + 3 + ], + "summary": "On the message and ordinance, referred on March 15, 2021,, for the following: to receive and file a presentation in recognition of the achievements of the achievements and achievements of achievements prepared for the city of Boston, the committee submitted a report recommending that the order ought to pass in a new draft.", + "consistency": [ + 1, + 1, + 4 + ], + "fluency": [ + 1, + 1, + 4 + ], + "informativeness": [ + 1, + 1, + 4 + ], + "redundancy": [ + 1, + 3, + 2 + ] + } + }, + "DenverCityCouncil_08172020_20-0848": { + "bart": { + "coherence": [ + 4, + 5, + 2 + ], + "summary": "A proclamation honoring Allen Dulles for 33 years of service to the City and County of Denver upon his retirement. Sponsored by Council members Flynn, Black, Brown, L\u00f3pez, Montero, New, Ortega, Susman, and Susman.", + "consistency": [ + 4, + 4, + 2 + ], + "fluency": [ + 5, + 5, + 3 + ], + "informativeness": [ + 3, + 5, + 3 + ], + "redundancy": [ + 2, + 4, + 1 + ] + }, + "dialogLM": { + "coherence": [ + 5, + 5, + 4 + ], + "summary": "A proclamation honoring Allen Dulles for his 33 years of service to the city and county of Denver.", + "consistency": [ + 4, + 5, + 2 + ], + "fluency": [ + 5, + 4, + 5 + ], + "informativeness": [ + 4, + 5, + 4 + ], + "redundancy": [ + 5, + 5, + 5 + ] + }, + "davinci003": { + "coherence": [ + 4, + 5, + 4 + ], + "summary": "Allen Dulles has been honored by the Council of the City and County of Denver for his 33 years of service in the public sector, which includes managing telecom and legislative matters as well as overseeing election coverage through the Denver Decides program. His hard work and dedication to providing transparency to the public will be missed, and he is now ready to enjoy his retirement with his wife in the mountains.", + "consistency": [ + 5, + 4, + 2 + ], + "fluency": [ + 5, + 5, + 5 + ], + "informativeness": [ + 4, + 5, + 4 + ], + "redundancy": [ + 4, + 5, + 5 + ] + }, + "lead-3": { + "coherence": [ + 2, + 5, + 1 + ], + "summary": "Yes, Madam President. Before I do, I'm just very moved and gut punched by that presentation. And I could I ask just for 30 seconds of silence before we move on to a proclamation that has a much different tone?", + "consistency": [ + 1, + 1, + 1 + ], + "fluency": [ + 2, + 5, + 5 + ], + "informativeness": [ + 1, + 1, + 1 + ], + "redundancy": [ + 3, + 5, + 5 + ] + }, + "hmnet": { + "coherence": [ + 5, + 5, + 5 + ], + "summary": "A proclamation honoring Allen Dulles for his 33 years of service to the city and county of Denver.", + "consistency": [ + 4, + 5, + 2 + ], + "fluency": [ + 5, + 5, + 5 + ], + "informativeness": [ + 4, + 5, + 4 + ], + "redundancy": [ + 5, + 5, + 5 + ] + }, + "lexrank": { + "coherence": [ + 4, + 5, + 4 + ], + "summary": "Alan has done an amazing job in shaping the team of people that make up the staff at Channel eight and have just taken the organization to tremendous levels, have received numerous awards for the work that they've done in local government. Proclamation 20 Dash 848 honoring Allen Dulles for his 33 years of service to the city and county of Denver.", + "consistency": [ + 1, + 4, + 2 + ], + "fluency": [ + 4, + 4, + 4 + ], + "informativeness": [ + 1, + 5, + 3 + ], + "redundancy": [ + 2, + 5, + 4 + ] + }, + "pegasus": { + "coherence": [ + 5, + 5, + 5 + ], + "summary": "A proclamation honoring Allen Dulles for his 33 years of service to the City and County of Denver.", + "consistency": [ + 4, + 5, + 2 + ], + "fluency": [ + 5, + 5, + 5 + ], + "informativeness": [ + 4, + 5, + 4 + ], + "redundancy": [ + 5, + 5, + 5 + ] + } + }, + "LongBeachCC_08142018_18-0689": { + "pegasus": { + "coherence": [ + 5, + 5, + 5 + ], + "summary": "Recommendation to request City Manager to direct Financial Management to issue a request for proposals to identify qualified lending institutions for short-term emergency lending services to City of Long Beach employees and report back in 90 days.", + "consistency": [ + 4, + 5, + 5 + ], + "fluency": [ + 4, + 5, + 5 + ], + "informativeness": [ + 4, + 5, + 5 + ], + "redundancy": [ + 5, + 5, + 5 + ] + }, + "bart": { + "coherence": [ + 2, + 5, + 2 + ], + "summary": "Recommendation to request City Manager to direct Financial Management to issue a request for proposals to identify qualified lending institutions for short-term emergency lending services to City of Long Beach employees and report back in 90 days. The responses should be analyzed based on qualifications, cost, duration, compliance with the terms of the loan, as well as any additional criteria the City Auditor deems appropriate; Request City Manager, through the Department of Finance and Administrative Services, to provide on-call financial management services to employees who have experienced economic impacts due to the COVID-19 pandemic; and Report back on how City employees can be informed of how their actions and self-education can promote a smooth transition to a", + "consistency": [ + 2, + 4, + 4 + ], + "fluency": [ + 2, + 5, + 3 + ], + "informativeness": [ + 2, + 4, + 3 + ], + "redundancy": [ + 2, + 5, + 2 + ] + }, + "lead-3": { + "coherence": [ + 1, + 1, + 1 + ], + "summary": "Item 70. Item 17, please cloak please. With Reader Communication from Councilmember Richardson.", + "consistency": [ + 1, + 1, + 1 + ], + "fluency": [ + 1, + 1, + 1 + ], + "informativeness": [ + 1, + 1, + 1 + ], + "redundancy": [ + 2, + 5, + 5 + ] + }, + "lexrank": { + "coherence": [ + 1, + 5, + 3 + ], + "summary": "And in the course of the conversations with a number of public employees, including our local firefighters, we find that they still have a lot of times those credit union loans are still not very accessible to a number of public employees. I appreciate the work that they did in meeting with some of our employees to make sure that these are things that they're interested in.", + "consistency": [ + 2, + 4, + 3 + ], + "fluency": [ + 2, + 5, + 4 + ], + "informativeness": [ + 1, + 3, + 2 + ], + "redundancy": [ + 3, + 5, + 4 + ] + }, + "davinci003": { + "coherence": [ + 5, + 5, + 5 + ], + "summary": "This article is about creating an emergency loan program for City of Long Beach employees to help them manage unexpected financial circumstances. The proposed program will include a payroll deduction system, low interest rates, financial literacy, and credit building opportunities for borrowers.", + "consistency": [ + 5, + 4, + 5 + ], + "fluency": [ + 5, + 5, + 5 + ], + "informativeness": [ + 5, + 4, + 5 + ], + "redundancy": [ + 5, + 5, + 5 + ] + }, + "dialogLM": { + "coherence": [ + 4, + 5, + 5 + ], + "summary": "Recommendation to request city manager to direct financial management to issue a request for proposals (Rfp) to identify qualified lending institutions for short-term emergency lending services to city of long Beach employees and report back in 90 days.", + "consistency": [ + 3, + 5, + 5 + ], + "fluency": [ + 2, + 4, + 5 + ], + "informativeness": [ + 3, + 5, + 4 + ], + "redundancy": [ + 4, + 5, + 5 + ] + }, + "hmnet": { + "coherence": [ + 1, + 4, + 3 + ], + "summary": "Recommendation to request city manager to direct financial management to issue a loan emergency loan emergency program for city of long Beach employees and report back in 90 days.", + "consistency": [ + 2, + 5, + 5 + ], + "fluency": [ + 2, + 4, + 3 + ], + "informativeness": [ + 1, + 5, + 5 + ], + "redundancy": [ + 1, + 4, + 1 + ] + } + }, + "BostonCC_09152021_2021-0896": { + "pegasus": { + "coherence": [ + 3, + 5, + 5 + ], + "summary": "On the communication referred on August 18, 2021, Docket #0896, from the Chair of the Board of Elections, for your approval a citizen's petition entitled \"Re: An Elected Boston School Committee\" for the placement of a local non-binding public opinion advisory question on the ballot of the next regular municipal election", + "consistency": [ + 2, + 5, + 5 + ], + "fluency": [ + 3, + 5, + 4 + ], + "informativeness": [ + 1, + 5, + 5 + ], + "redundancy": [ + 3, + 5, + 5 + ] + }, + "dialogLM": { + "coherence": [ + 3, + 4, + 5 + ], + "summary": "On the communication referred on August 18, 2021, docket #0896, was received from Eneida Tavares, chair, of the board of elections, for your approval a citizen' s petition entitled \"elected Boston school committee \"for the placement of a local Non-Binding public opinion advisory question on the ballot of the next regular municipal election on November 2, 2021 the committee submitted a report recommending the petition ought to pass.", + "consistency": [ + 3, + 5, + 5 + ], + "fluency": [ + 2, + 4, + 3 + ], + "informativeness": [ + 3, + 5, + 5 + ], + "redundancy": [ + 2, + 5, + 5 + ] + }, + "lexrank": { + "coherence": [ + 3, + 4, + 4 + ], + "summary": "Docket number 0896 Communication was received from Anita Tavares, Chair of the Board of Elections, for your approval, a citizen's petition entitled and elected Boston School Committee for the placement of a local non-binding public opinion advisory question on the ballot of the next regular municipal election on November 2nd, 2021 , submits a report recommending the petition to pass. This would be a non-binding question put to the people of Boston again in November to essentially ask their thoughts or their opinions, if you will, about whether we should have an elected school committee.", + "consistency": [ + 3, + 5, + 4 + ], + "fluency": [ + 4, + 4, + 4 + ], + "informativeness": [ + 2, + 5, + 5 + ], + "redundancy": [ + 3, + 2, + 5 + ] + }, + "bart": { + "coherence": [ + 3, + 3, + 3 + ], + "summary": "On the message and order, referred on August 18, 2021, Docket #0896, was received from Eneida Tavares, Chair, of the Board of Election, for your approval a citizen petition entitled, \u201cPetition entitled, entitled, and elected Boston School Committee for the placement of a local non-binding public opinion advisory question on the ballot of the next regular municipal election on November 2, 2021\u201d, the committee submitted a report recommending the petition ought to pass. The report was accepted; the petition was passed.", + "consistency": [ + 4, + 4, + 5 + ], + "fluency": [ + 3, + 1, + 4 + ], + "informativeness": [ + 2, + 4, + 5 + ], + "redundancy": [ + 2, + 2, + 3 + ] + }, + "davinci003": { + "coherence": [ + 5, + 4, + 5 + ], + "summary": "A citizens petition to place a non-binding public opinion advisory question on the ballot of the November 2nd, 2021 municipal election to change the current appointed school committee structure to an elected school committee was heard and accepted by the committee. Councilors thanked the Elections Department, the citizens who brought the petition, and Councilor Ricardo Arroyo for their leadership, and looked forward to the results of the referendum.", + "consistency": [ + 4, + 5, + 4 + ], + "fluency": [ + 5, + 4, + 5 + ], + "informativeness": [ + 4, + 5, + 3 + ], + "redundancy": [ + 3, + 5, + 5 + ] + }, + "hmnet": { + "coherence": [ + 3, + 4, + 2 + ], + "summary": "On the petition, referred on August 18, 2021,, for your approval, a citizen petition entitled and elected Boston school committee for the placement of a non public opinion advisory question question on the ballot of a ballot of the election, the committee submitted a report recommending the petition ought to pass.", + "consistency": [ + 3, + 3, + 4 + ], + "fluency": [ + 2, + 4, + 3 + ], + "informativeness": [ + 3, + 3, + 3 + ], + "redundancy": [ + 4, + 4, + 4 + ] + }, + "lead-3": { + "coherence": [ + 1, + 1, + 4 + ], + "summary": "In a new draft. All those in favor please indicate by saying I oppose nay. The ayes have it.", + "consistency": [ + 1, + 1, + 1 + ], + "fluency": [ + 1, + 1, + 5 + ], + "informativeness": [ + 1, + 1, + 1 + ], + "redundancy": [ + 2, + 5, + 5 + ] + } + }, + "DenverCityCouncil_06072021_21-0406": { + "lexrank": { + "coherence": [ + 2, + 3, + 4 + ], + "summary": "And the proposed rezoning would help facilitate that and would also help maintain appropriate small scale, mixed use zoning in these areas with the appropriate building forms and set back requirements. So staff finds the proposed rezoning consistent with the adopted plans and the first criterion.", + "consistency": [ + 1, + 4, + 3 + ], + "fluency": [ + 3, + 4, + 4 + ], + "informativeness": [ + 1, + 2, + 3 + ], + "redundancy": [ + 3, + 5, + 4 + ] + }, + "pegasus": { + "coherence": [ + 2, + 4, + 2 + ], + "summary": "A bill for an ordinance changing the zoning classification for 2101 and 2105 North Humboldt Street in Park West. Approves an official map amendment to rezone property located at 2101 and 2105 North Humboldt Street from U-TU-B to U-MU-C1 (urban, two-unit to", + "consistency": [ + 2, + 3, + 3 + ], + "fluency": [ + 1, + 4, + 2 + ], + "informativeness": [ + 1, + 4, + 4 + ], + "redundancy": [ + 1, + 2, + 1 + ] + }, + "lead-3": { + "coherence": [ + 1, + 1, + 1 + ], + "summary": "No. Go on it. No.", + "consistency": [ + 1, + 1, + 1 + ], + "fluency": [ + 1, + 1, + 3 + ], + "informativeness": [ + 1, + 1, + 1 + ], + "redundancy": [ + 1, + 1, + 1 + ] + }, + "hmnet": { + "coherence": [ + 4, + 4, + 1 + ], + "summary": "Councilor Flynn called, an amendment to the zoning classification for 2101, long Beach and 991 N Humboldt street in the West park district 9. an official map amendment to Rezone property located at 2101 and North Humboldt street from to G -2 urban mixed use, commercial use, two) in Council district 9). The committee approved filing this bill at its meeting on 11.", + "consistency": [ + 2, + 3, + 2 + ], + "fluency": [ + 3, + 3, + 1 + ], + "informativeness": [ + 2, + 4, + 3 + ], + "redundancy": [ + 2, + 4, + 1 + ] + }, + "bart": { + "coherence": [ + 4, + 4, + 5 + ], + "summary": "A bill for an ordinance changing the zoning classification for 2101 and 2105 North Humboldt Street in City Park West. Approves an official map amendment to rezone property located at 2101-2105 N. Humbolds to U-MS-2x (residential, multi-unit to urban main street) in Council District 9. The Committee approved filing this item at its meeting on 4-21-21.", + "consistency": [ + 4, + 4, + 4 + ], + "fluency": [ + 4, + 4, + 5 + ], + "informativeness": [ + 3, + 4, + 5 + ], + "redundancy": [ + 2, + 3, + 5 + ] + }, + "davinci003": { + "coherence": [ + 5, + 4, + 3 + ], + "summary": "Scott Robinson presented on a request to rezone 2101 and 2105 North Humboldt Street from student to UMC to allow for a hardware store to be added to the existing Gerri's Nut House business. Council Bill 20 1-0406 passed with 12 \"yes\" votes, allowing for the rezoning to occur.", + "consistency": [ + 5, + 3, + 3 + ], + "fluency": [ + 5, + 3, + 3 + ], + "informativeness": [ + 5, + 4, + 4 + ], + "redundancy": [ + 5, + 5, + 4 + ] + }, + "dialogLM": { + "coherence": [ + 5, + 4, + 3 + ], + "summary": "A bill for an ordinance changing the zoning classification for 2101 and 2105 North Humboldt street in city Park West. APPROVES a map amendment to Rezone property from U-Su-C to U-Mx-2X (urban, Single-Unit to urban, Mixed-Use), located at 2101 & 2105 N. Humboldt St. in Council district 9. the committee approved filing this item at its meeting on 4-15-21. community planning and infrastructure has determined that the requirement for a legal protest (signatures by the owners of 20 percent or more either of the area of the lots included in the proposed change or of the total land area within 200 feet from the subject area) has been met (petition signatures represent 0% and 21. 6%, respectively).", + "consistency": [ + 4, + 3, + 4 + ], + "fluency": [ + 4, + 4, + 3 + ], + "informativeness": [ + 4, + 4, + 5 + ], + "redundancy": [ + 3, + 4, + 2 + ] + } + }, + "AlamedaCC_02022016_2016-2453": { + "davinci003": { + "coherence": [ + 4, + 5, + 5 + ], + "summary": "The City Council is recommending the approval of a resolution authorizing the city manager to accept on behalf of the city certain surplus federal property and to accept, execute and record conveyance documents for phase two of the former Naval Air Station Alameda. The city has taken steps to procure insurance in order to protect itself from potential liability related to unforeseen environmental conditions.", + "consistency": [ + 4, + 5, + 5 + ], + "fluency": [ + 5, + 4, + 5 + ], + "informativeness": [ + 3, + 5, + 5 + ], + "redundancy": [ + 4, + 4, + 5 + ] + }, + "dialogLM": { + "coherence": [ + 3, + 2, + 4 + ], + "summary": "Adoption of resolution authorizing the city manager to accept on behalf of the city of Alameda certain surplus Federal property into accept, execute, and record Conveyedance documents in substantial conformance with certain fees to property Conveyance documents from the United States of America, acting by and through the Department of the Navy, to implement the economic development Conveyance agreement for the former naval air station Alameda phase 2 Alameda point conveyance. (base Reuse 819099)", + "consistency": [ + 3, + 3, + 4 + ], + "fluency": [ + 2, + 2, + 3 + ], + "informativeness": [ + 3, + 3, + 4 + ], + "redundancy": [ + 2, + 1, + 3 + ] + }, + "lead-3": { + "coherence": [ + 3, + 3, + 2 + ], + "summary": "Adoption of resolution authorizing the city manager to accept on behalf of the city certain surplus federal property into accept, execute and record conveyance documents in substantial conformance with certain fees to property conveyance documents from the United States of America acting by and through the Department of the Navy to implement the Economic Development Conveyance Agreement for the former Naval Air Station Alameda Phase two alameda point conveyance. Good evening, mayor. Council Members.", + "consistency": [ + 4, + 3, + 4 + ], + "fluency": [ + 3, + 3, + 3 + ], + "informativeness": [ + 3, + 4, + 4 + ], + "redundancy": [ + 2, + 1, + 4 + ] + }, + "lexrank": { + "coherence": [ + 2, + 1, + 5 + ], + "summary": "There's 11 parcels contemplated as part of this conveyance, 183 acres, 11 deeds. Upon conveyance of the property, all liability related to unforeseen environmental conditions pursuant to the Superfund law would remain with the Navy in perpetuity.", + "consistency": [ + 3, + 1, + 3 + ], + "fluency": [ + 3, + 3, + 5 + ], + "informativeness": [ + 1, + 2, + 2 + ], + "redundancy": [ + 2, + 3, + 5 + ] + }, + "bart": { + "coherence": [ + 2, + 3, + 4 + ], + "summary": "Adoption of Resolution Authorizing the City Manager to Accept on behalf of the City of Alameda (the \u201cCity\u201d) Certain Surplus Federal Property, into, across, and through the Department of the Navy, to Implement the Economic Development Conveyance Agreement for the Former Naval Air Station Alameda Phase II at Alameda Point. (Base Reuse 819099) [Continued from March 17, 2021; Public Comment Closed]", + "consistency": [ + 4, + 4, + 3 + ], + "fluency": [ + 3, + 3, + 4 + ], + "informativeness": [ + 3, + 4, + 3 + ], + "redundancy": [ + 2, + 2, + 4 + ] + }, + "hmnet": { + "coherence": [ + 2, + 1, + 3 + ], + "summary": "Adoption of resolution authorizing the city manager to on request of support of a midway economic development agreement for the boating of the Navy to implement the Cca in the Northwest Territories . development Conveyance)", + "consistency": [ + 2, + 1, + 3 + ], + "fluency": [ + 2, + 2, + 3 + ], + "informativeness": [ + 3, + 1, + 2 + ], + "redundancy": [ + 2, + 5, + 5 + ] + }, + "pegasus": { + "coherence": [ + 5, + 3, + 3 + ], + "summary": "Adoption of Resolution Authorizing the City Manager to Accept on behalf of the City Certain Surplus Federal Property into Accept, Execute, and Record conveyance Documents in Substantially, with Certain Fees, to Property conveyance Documents from the United States of America Acting by and through the Department of the Navy to Implement the Economic Development Agreement", + "consistency": [ + 5, + 4, + 3 + ], + "fluency": [ + 4, + 2, + 4 + ], + "informativeness": [ + 5, + 4, + 4 + ], + "redundancy": [ + 5, + 3, + 4 + ] + } + }, + "LongBeachCC_06152021_21-0547": { + "davinci003": { + "coherence": [ + 5, + 5, + 5 + ], + "summary": "The article discusses an agenda item to allow the operation of adult use cannabis dispensaries within mixed use buildings in the downtown area of Long Beach, CA. The article features public comment from local residents, business owners, and Catalyst employees in support of the agenda item.", + "consistency": [ + 4, + 4, + 5 + ], + "fluency": [ + 5, + 5, + 5 + ], + "informativeness": [ + 3, + 4, + 4 + ], + "redundancy": [ + 4, + 5, + 5 + ] + }, + "lexrank": { + "coherence": [ + 2, + 3, + 4 + ], + "summary": "Hi, this is Elliot Lewis with Catalyst Cannabis CO. I believe that this opportunity to help catalyst cannabis go and to uplift the community will only be something a shining beacon for years to come will be talked about.", + "consistency": [ + 1, + 2, + 4 + ], + "fluency": [ + 3, + 4, + 4 + ], + "informativeness": [ + 1, + 2, + 2 + ], + "redundancy": [ + 3, + 4, + 5 + ] + }, + "lead-3": { + "coherence": [ + 2, + 4, + 5 + ], + "summary": "Thank you. Next up is the hearing on cannabis police. Report from Development Services recommendation or receive supporting documentation into the record, concluded the public hearing review and determined that the proposed Long Beach Municipal Code amendments are exempt from secure and declared ordinance amending Title five to allow the operation of adult use cannabis dispensaries within mixed use buildings in the downtown area by way of conditional use permit approval.", + "consistency": [ + 1, + 3, + 5 + ], + "fluency": [ + 2, + 2, + 5 + ], + "informativeness": [ + 1, + 4, + 5 + ], + "redundancy": [ + 2, + 2, + 5 + ] + }, + "hmnet": { + "coherence": [ + 3, + 2, + 5 + ], + "summary": "Recommendation to declare ordinance amending the long Beach municipal code by adding Chapter 5, related to adult Cannabis regulations, read and adopted as read.)", + "consistency": [ + 2, + 2, + 4 + ], + "fluency": [ + 2, + 2, + 4 + ], + "informativeness": [ + 2, + 3, + 2 + ], + "redundancy": [ + 4, + 4, + 5 + ] + }, + "pegasus": { + "coherence": [ + 2, + 3, + 5 + ], + "summary": "Recommendation to declare ordinance amending the Long Beach Municipal Code by adding Chapter 5.92, related to adult-use cannabis businesses, read and adopted as read. (Districts 1,2)", + "consistency": [ + 2, + 4, + 4 + ], + "fluency": [ + 2, + 4, + 5 + ], + "informativeness": [ + 2, + 4, + 3 + ], + "redundancy": [ + 4, + 4, + 5 + ] + }, + "bart": { + "coherence": [ + 2, + 3, + 5 + ], + "summary": "Recommendation to declare ordinance amending the Long Beach Municipal Code by amending Sections 5.90.030 and 5.92.030, and Section 5.91.060, all relating to the operation of adult use cannabis dispensaries, read and adopted as read. (Districts 1,2)", + "consistency": [ + 3, + 3, + 4 + ], + "fluency": [ + 2, + 4, + 5 + ], + "informativeness": [ + 2, + 3, + 3 + ], + "redundancy": [ + 2, + 3, + 5 + ] + }, + "dialogLM": { + "coherence": [ + 3, + 4, + 4 + ], + "summary": "Recommendation to declare ordinance amending the long Beach municipal code by amending and restating Chapter 5. 92, relating to Cannabis businesses, read and adopted as read. (citywide)", + "consistency": [ + 3, + 3, + 4 + ], + "fluency": [ + 2, + 4, + 4 + ], + "informativeness": [ + 2, + 3, + 3 + ], + "redundancy": [ + 4, + 4, + 4 + ] + } + }, + "DenverCityCouncil_01232017_17-0071": { + "bart": { + "coherence": [ + 4, + 2, + 5 + ], + "summary": "A proclamation honoring Melinda White for her significant contributions to the Rose Angel Center and community and the City and County of Denver upon her 20th anniversary as an executive at-large representative at the Metropolitan Football Stadium District Board of Directors. Sponsored by Council members New and Council Districts 1, 2, 3 and 4.", + "consistency": [ + 4, + 3, + 3 + ], + "fluency": [ + 4, + 2, + 5 + ], + "informativeness": [ + 3, + 3, + 3 + ], + "redundancy": [ + 4, + 2, + 5 + ] + }, + "lead-3": { + "coherence": [ + 3, + 1, + 1 + ], + "summary": "All right. Thank you. Seeing no other comments.", + "consistency": [ + 1, + 1, + 1 + ], + "fluency": [ + 3, + 3, + 5 + ], + "informativeness": [ + 1, + 1, + 1 + ], + "redundancy": [ + 4, + 5, + 5 + ] + }, + "pegasus": { + "coherence": [ + 4, + 5, + 4 + ], + "summary": "A proclamation honoring Melinda White for her contributions to the Rose Angel Center and the community and the City and County of Denver.", + "consistency": [ + 4, + 4, + 5 + ], + "fluency": [ + 4, + 2, + 5 + ], + "informativeness": [ + 4, + 5, + 4 + ], + "redundancy": [ + 5, + 5, + 5 + ] + }, + "davinci003": { + "coherence": [ + 5, + 4, + 5 + ], + "summary": "The council of the City and County of Denver has adopted Proclamation 71, which honors Melinda White for their contributions to the Rose Angel Center and Community Service in Denver. The Rose Angel Center is a public-private partnership which provides services to domestic violence victims and their families, and was made possible with the help of Millender White's generous donations and services.", + "consistency": [ + 5, + 4, + 5 + ], + "fluency": [ + 4, + 2, + 5 + ], + "informativeness": [ + 5, + 5, + 5 + ], + "redundancy": [ + 4, + 5, + 5 + ] + }, + "lexrank": { + "coherence": [ + 2, + 2, + 2 + ], + "summary": "Section two that the Clerk of the City and County Denver Show attest and affixed the seal of the city and county of Denver to this proclamation and that a copy be transmitted to Byron Hoy, presidency of Melinda White. So like to read this proclamation favorite, Melinda White tonight honoring Melinda, huge contributions to the Rose Angel Center and the community and the city and county of Denver.", + "consistency": [ + 3, + 3, + 1 + ], + "fluency": [ + 2, + 2, + 4 + ], + "informativeness": [ + 2, + 3, + 1 + ], + "redundancy": [ + 3, + 2, + 4 + ] + }, + "hmnet": { + "coherence": [ + 3, + 2, + 2 + ], + "summary": "A proclamation honoring Melinda white for their service to the rose Angel center and the rose annually center at cost.", + "consistency": [ + 4, + 2, + 3 + ], + "fluency": [ + 3, + 1, + 3 + ], + "informativeness": [ + 4, + 3, + 3 + ], + "redundancy": [ + 3, + 2, + 3 + ] + }, + "dialogLM": { + "coherence": [ + 4, + 3, + 5 + ], + "summary": "A proclamation honoring Melinda white for her contributions to the rose Angel center and the city and county of Denver.", + "consistency": [ + 5, + 4, + 5 + ], + "fluency": [ + 5, + 2, + 4 + ], + "informativeness": [ + 4, + 4, + 5 + ], + "redundancy": [ + 5, + 5, + 5 + ] + } + }, + "SeattleCityCouncil_05212018_CB 119254": { + "hmnet": { + "coherence": [ + 1, + 2, + 4 + ], + "summary": "An relating to the ethics code; amending ordinance, as amended, and K. 2, ordinance for the purpose of requiring elected officials to disclose financial matters in legislative interests prior to those participating in participating in the 2018 equity Governance and technology committee.", + "consistency": [ + 2, + 3, + 3 + ], + "fluency": [ + 2, + 1, + 4 + ], + "informativeness": [ + 2, + 4, + 3 + ], + "redundancy": [ + 1, + 1, + 5 + ] + }, + "lead-3": { + "coherence": [ + 2, + 1, + 4 + ], + "summary": "The bill passed and Cheryl sign it. Please read the first agenda item and if the Governance, Equity and Technology Committee section. To be part of the Governance Equity and Technology Committee and item one cancel 119 254 relating to the ethics code, the many sections for point 16.0 38.0 77 is for code requiring elected officials to disclose financial interests in legislative matters prior to participating in those matters and creating a limited exception to the requirement that elected officials disqualify themselves from participating.", + "consistency": [ + 1, + 3, + 4 + ], + "fluency": [ + 2, + 1, + 4 + ], + "informativeness": [ + 1, + 3, + 4 + ], + "redundancy": [ + 2, + 1, + 5 + ] + }, + "lexrank": { + "coherence": [ + 2, + 2, + 5 + ], + "summary": "To be part of the Governance Equity and Technology Committee and item one cancel 119 254 relating to the ethics code, the many sections for point 16.0 38.0 77 is for code requiring elected officials to disclose financial interests in legislative matters prior to participating in those matters and creating a limited exception to the requirement that elected officials disqualify themselves from participating. And that's why by asking the Ethics and Elections Commission to, through its rulemaking process, determine what a substantial segment of the public is, we are still maintaining that bright line in prohibiting conflicts of interests, because we are we are giving them the ability to to determine when a financial interest is held by primarily the council member or a small number of folks, and whether or not that really meets that that standard.", + "consistency": [ + 2, + 4, + 4 + ], + "fluency": [ + 2, + 2, + 4 + ], + "informativeness": [ + 1, + 3, + 4 + ], + "redundancy": [ + 2, + 3, + 5 + ] + }, + "pegasus": { + "coherence": [ + 4, + 3, + 5 + ], + "summary": "AN ORDINANCE relating to the Ethics Code; amending Sections 16.36.077 and 16.36.077 of the Seattle Municipal Code; requiring elected officials to disclose financial interests in legislative matters prior to participating in those matters; and creating a limited exception to the requirement that elected officials disqualify themselves from participating in such matters", + "consistency": [ + 4, + 3, + 4 + ], + "fluency": [ + 4, + 3, + 4 + ], + "informativeness": [ + 3, + 4, + 5 + ], + "redundancy": [ + 3, + 3, + 5 + ] + }, + "dialogLM": { + "coherence": [ + 4, + 4, + 5 + ], + "summary": "An ordinance relating to the ethics code; amending sections 4. 16. 030 and 4. 16. 070 of the Seattle municipal code; requiring elected officials to disclose financial interests in legislative matters prior to participating in those matters; and creating a limited exception to the requirement that elected officials disqualify themselves from participating in such matters.", + "consistency": [ + 4, + 3, + 4 + ], + "fluency": [ + 4, + 4, + 5 + ], + "informativeness": [ + 3, + 4, + 5 + ], + "redundancy": [ + 3, + 5, + 5 + ] + }, + "bart": { + "coherence": [ + 4, + 5, + 5 + ], + "summary": "AN ORDINANCE relating to the Ethics Code; amending Sections 4.16.030, 14.04.087, and 14.14.075 of the Seattle Municipal Code; requiring elected officials to disclose financial interests in legislative matters prior to participating in those matters; and creating a limited exception to the requirement that elected officials disqualify themselves from participating in such matters.", + "consistency": [ + 4, + 4, + 4 + ], + "fluency": [ + 3, + 5, + 5 + ], + "informativeness": [ + 3, + 5, + 5 + ], + "redundancy": [ + 3, + 5, + 5 + ] + }, + "davinci003": { + "coherence": [ + 5, + 4, + 5 + ], + "summary": "The Seattle Ethics and Elections Commission has proposed a bill that requires elected officials to disclose financial interests in legislative matters before participating in them, and it applies to all elected officials, including the mayor and city attorney. Councilmember Herbold proposed an amendment to consider district representation in the rule development, which was unanimously supported, and the bill passed with 8 votes in favor and 1 opposed.", + "consistency": [ + 5, + 3, + 5 + ], + "fluency": [ + 5, + 4, + 5 + ], + "informativeness": [ + 5, + 4, + 5 + ], + "redundancy": [ + 5, + 5, + 5 + ] + } + }, + "AlamedaCC_05052015_2015-1227": { + "lead-3": { + "coherence": [ + 2, + 2, + 4 + ], + "summary": "Proclamation declaring May 7th to 18th as 19th Annual East Bay Affordable Housing Week here to stay build inclusive community. To receive this Ellen source, Diane Lichtenstein and Laura Thomas. You could approach the podium and now read this proclamation.", + "consistency": [ + 2, + 4, + 4 + ], + "fluency": [ + 2, + 3, + 4 + ], + "informativeness": [ + 1, + 4, + 4 + ], + "redundancy": [ + 3, + 5, + 5 + ] + }, + "pegasus": { + "coherence": [ + 2, + 4, + 3 + ], + "summary": "Proclamation Declaring May 7 - 18, 2015 as the 19th Annual East Bay Affordable Housing Week. (City Manager 2110)", + "consistency": [ + 3, + 5, + 4 + ], + "fluency": [ + 2, + 3, + 4 + ], + "informativeness": [ + 2, + 5, + 4 + ], + "redundancy": [ + 4, + 5, + 5 + ] + }, + "davinci003": { + "coherence": [ + 5, + 4, + 5 + ], + "summary": "The 19th Annual East Bay Affordable Housing Week is being proclaimed by the City of Alameda, with the aim of creating new permanent, affordable homes and preserving and improving existing rental housing. Nonprofit organizations, local jurisdictions, community organizations and many others are continuing to build inclusive communities by providing shelter, homes and support for low income people and those with special needs.", + "consistency": [ + 5, + 4, + 4 + ], + "fluency": [ + 5, + 4, + 5 + ], + "informativeness": [ + 5, + 4, + 4 + ], + "redundancy": [ + 4, + 4, + 5 + ] + }, + "dialogLM": { + "coherence": [ + 2, + 2, + 4 + ], + "summary": "Proclamation declaring May 7 to 18, 2015 as the 19th annual East Bay affordable housing week: here to stay, inclusive community. (city manager 2110)", + "consistency": [ + 3, + 4, + 4 + ], + "fluency": [ + 1, + 3, + 4 + ], + "informativeness": [ + 2, + 4, + 4 + ], + "redundancy": [ + 4, + 4, + 5 + ] + }, + "hmnet": { + "coherence": [ + 4, + 2, + 5 + ], + "summary": "Proclamation declaring may 7th to 19th as East Bay annual affordable housing week.", + "consistency": [ + 4, + 2, + 5 + ], + "fluency": [ + 3, + 2, + 4 + ], + "informativeness": [ + 3, + 2, + 3 + ], + "redundancy": [ + 5, + 5, + 5 + ] + }, + "lexrank": { + "coherence": [ + 2, + 2, + 3 + ], + "summary": "If further resolved that the City of Alameda will work to support affordable housing at the local, regional and state level and will encourage residents of the City of Alameda to participate in affordable housing week activities. I've been building affordable housing for.", + "consistency": [ + 2, + 3, + 3 + ], + "fluency": [ + 1, + 1, + 4 + ], + "informativeness": [ + 1, + 3, + 2 + ], + "redundancy": [ + 2, + 5, + 5 + ] + }, + "bart": { + "coherence": [ + 3, + 2, + 4 + ], + "summary": "Proclamation Declaring May 7 through 18, 2015 as 19th Annual East Bay Affordable Housing Week: Here to Stay, Build, and Include Community to receive and file a Declaration of the Existence of a Local Emergency in Response to the COVID-19 Pandemic, and Declaring an immediate effective date and/or an emergency as the City of Alameda\u2019s Emergency Manager declared on March 3, 2020 - March 30, 2021. (City Manager 2110)", + "consistency": [ + 4, + 3, + 3 + ], + "fluency": [ + 2, + 2, + 4 + ], + "informativeness": [ + 2, + 3, + 3 + ], + "redundancy": [ + 2, + 2, + 5 + ] + } + }, + "KingCountyCC_02102020_2019-0479": { + "lead-3": { + "coherence": [ + 1, + 3, + 4 + ], + "summary": "Thank you. And that takes us to item eight on today's agenda. This is proposed motion 2019 476, which would approve the initial framework for the King County Gender Identity and Sexual Orientation Inclusion Task Force as required by earlier motion, which established the task force.", + "consistency": [ + 2, + 4, + 3 + ], + "fluency": [ + 1, + 3, + 4 + ], + "informativeness": [ + 2, + 4, + 3 + ], + "redundancy": [ + 1, + 4, + 5 + ] + }, + "davinci003": { + "coherence": [ + 4, + 4, + 5 + ], + "summary": "This article discusses a proposed motion to approve an initial framework for the King County Gender Identity and Sexual Orientation Inclusion Task Force. Land acknowledgments and equity, intersectionality and centering of impacted communities are part of this framework, as well as community engagement strategies, honoraria for task force members and online tools for public commentary.", + "consistency": [ + 5, + 4, + 5 + ], + "fluency": [ + 4, + 5, + 5 + ], + "informativeness": [ + 4, + 4, + 5 + ], + "redundancy": [ + 5, + 4, + 5 + ] + }, + "dialogLM": { + "coherence": [ + 5, + 4, + 5 + ], + "summary": "A motion approving the initial framework for the King County gender identity and sexual orientation inclusion task force as required by motion 15162.", + "consistency": [ + 4, + 4, + 4 + ], + "fluency": [ + 4, + 4, + 5 + ], + "informativeness": [ + 3, + 4, + 4 + ], + "redundancy": [ + 5, + 5, + 5 + ] + }, + "lexrank": { + "coherence": [ + 3, + 2, + 2 + ], + "summary": "So, for the record, Jeff, ma'am, counsel, central staff, before you is motion 2019 0479, which would improve an initial framework for the County Gender Identification and Sexual Orientation Inclusion Task Force. So and also I just want to mention that when we're not doing when we're here as part of the task force, every for every $100 that's awarded by a foundation to LGBTQ communities, we get about $0.28 of that.", + "consistency": [ + 4, + 1, + 2 + ], + "fluency": [ + 3, + 3, + 4 + ], + "informativeness": [ + 2, + 1, + 2 + ], + "redundancy": [ + 2, + 3, + 2 + ] + }, + "pegasus": { + "coherence": [ + 2, + 5, + 4 + ], + "summary": "A MOTION approving the initial framework for the King County gender identity and sexual orientation inclusion task force as required by Motion 15162, which established the task force.", + "consistency": [ + 3, + 4, + 4 + ], + "fluency": [ + 3, + 4, + 5 + ], + "informativeness": [ + 2, + 4, + 4 + ], + "redundancy": [ + 2, + 4, + 4 + ] + }, + "bart": { + "coherence": [ + 5, + 5, + 3 + ], + "summary": "A MOTION approving the Initial Framework for the King County Gender Identity and Sexual Orientation Inclusion Task Force as required by Motion 15162, which established the task force; directing the executive to seek approval and funding support from non-general fund sources and from the executive, as well as from the council; and directing the council clerk to distribute this motion to Washington's congressional delegation.", + "consistency": [ + 4, + 5, + 3 + ], + "fluency": [ + 4, + 5, + 5 + ], + "informativeness": [ + 4, + 5, + 4 + ], + "redundancy": [ + 4, + 3, + 4 + ] + }, + "hmnet": { + "coherence": [ + 4, + 5, + 3 + ], + "summary": "A confirming the intent for the King County identification and sexual inclusion task force as recommended by the 2019 budget Council.", + "consistency": [ + 3, + 4, + 3 + ], + "fluency": [ + 2, + 5, + 4 + ], + "informativeness": [ + 2, + 4, + 3 + ], + "redundancy": [ + 5, + 5, + 5 + ] + } + }, + "DenverCityCouncil_04202020_20-0115": { + "lead-3": { + "coherence": [ + 2, + 1, + 4 + ], + "summary": "And I got my questions answered via email and I'll be following up after this. So with the extension just going until December and a commitment that there will be an RFP and a competitive bid process. I feel I feel okay about going forward with this tonight.", + "consistency": [ + 1, + 1, + 1 + ], + "fluency": [ + 2, + 1, + 5 + ], + "informativeness": [ + 1, + 1, + 1 + ], + "redundancy": [ + 3, + 5, + 4 + ] + }, + "hmnet": { + "coherence": [ + 2, + 3, + 1 + ], + "summary": "A bill for an ordinance vacating a portion of the alley bounded by Cedar Avenue, South birch Street and division street, with reservations . An Underpass with the right in Council district 9. the committee approved filing this item at its meeting on 2 -20.", + "consistency": [ + 1, + 2, + 2 + ], + "fluency": [ + 2, + 3, + 3 + ], + "informativeness": [ + 2, + 4, + 2 + ], + "redundancy": [ + 4, + 3, + 5 + ] + }, + "pegasus": { + "coherence": [ + 3, + 4, + 3 + ], + "summary": "A bill for an ordinance vacating a portion of right-of-way at 4345 West 46th Avenue, with reservations. Vacates a portion of the public right-of-way at 4345 West 46th Avenue, with reservations, in Council District 1. The Committee approved filing this item at its meeting", + "consistency": [ + 1, + 2, + 2 + ], + "fluency": [ + 2, + 4, + 4 + ], + "informativeness": [ + 1, + 3, + 2 + ], + "redundancy": [ + 1, + 4, + 2 + ] + }, + "dialogLM": { + "coherence": [ + 3, + 4, + 4 + ], + "summary": "A bill for an ordinance vacating a portion of Right-Of-Way near the intersection of West 29th Avenue and Chestnut place and division street, with reservations. Vacates portions of the public right of way on the Southerly corner of Wewatta Avenue and division place and with reservations, in Council district 9. the committee approved filing this item at its meeting on 2-13-20. community planning and development has determined that the requirement for a legal protest (signatures by the owners of 20 percent or more either of the area of the lots included in the proposed vacation or of the total land area within 200 feet from the perimeter of the property proposed for change) has been met (petition signatures represent 0% and 21. 6%, respectively).", + "consistency": [ + 3, + 3, + 2 + ], + "fluency": [ + 2, + 3, + 4 + ], + "informativeness": [ + 2, + 3, + 3 + ], + "redundancy": [ + 2, + 3, + 5 + ] + }, + "bart": { + "coherence": [ + 3, + 4, + 4 + ], + "summary": "A bill for an ordinance vacating a portion of the alley bounded by Cedar Avenue, South Birch Street and Leetsdale Drive, with reservations. Vacates the alley on the southeasterly corner of East 38th Avenue, south of Louisiana Street, with a partial special reservation, in Council District 9. The Committee approved filing this item at its meeting on 2-4-20.", + "consistency": [ + 3, + 3, + 2 + ], + "fluency": [ + 3, + 4, + 5 + ], + "informativeness": [ + 2, + 3, + 3 + ], + "redundancy": [ + 2, + 2, + 5 + ] + }, + "lexrank": { + "coherence": [ + 2, + 4, + 5 + ], + "summary": "Councilwoman CdeBaca mentioned that the alley has been blocked off. And so I personally wanted to go on record as voting no because I didn't think it was appropriate for them to block off this alley as a private alley before we voted on this.", + "consistency": [ + 1, + 2, + 2 + ], + "fluency": [ + 3, + 4, + 5 + ], + "informativeness": [ + 1, + 2, + 1 + ], + "redundancy": [ + 1, + 5, + 5 + ] + }, + "davinci003": { + "coherence": [ + 3, + 3, + 5 + ], + "summary": "Council voted in favor of a proposal to vacate an alley near 38th and Blake Stationery in order to implement the 38th and Blake Stationery plan and provide a grocery store, jobs, and affordable housing. The alley had been temporarily blocked off for demolition without a permit, causing concern from council members.", + "consistency": [ + 2, + 2, + 5 + ], + "fluency": [ + 3, + 3, + 5 + ], + "informativeness": [ + 2, + 2, + 4 + ], + "redundancy": [ + 3, + 4, + 5 + ] + } + }, + "DenverCityCouncil_08102020_20-0550": { + "davinci003": { + "coherence": [ + 4, + 3, + 5 + ], + "summary": "Council Bill 545 has passed, allowing for a rezoning request on 516 Newton Street in Farnham to allow for an EDU. Council Bill 576 is a bill for an ordinance changing the zoning classification for 1901 South Clarkson Street in Platte Park.", + "consistency": [ + 5, + 2, + 4 + ], + "fluency": [ + 3, + 2, + 5 + ], + "informativeness": [ + 5, + 2, + 2 + ], + "redundancy": [ + 2, + 3, + 5 + ] + }, + "dialogLM": { + "coherence": [ + 2, + 4, + 5 + ], + "summary": "A bill for an ordinance changing the zoning classification for 516 Newton street in Farnham. APPROVES an official map amendment to Rezone property from E-Su-Dx to E -U-D1X (allows for an accessory dwelling unit), located at 516 North Newton St. in Council district 3. the committee approved filing this item at its meeting on 6-3-20.", + "consistency": [ + 3, + 2, + 3 + ], + "fluency": [ + 2, + 4, + 4 + ], + "informativeness": [ + 3, + 3, + 5 + ], + "redundancy": [ + 2, + 4, + 5 + ] + }, + "lead-3": { + "coherence": [ + 1, + 1, + 1 + ], + "summary": "Hi, Madam Secretary. Please. Because of the Iranian announced the results.", + "consistency": [ + 1, + 1, + 1 + ], + "fluency": [ + 1, + 1, + 3 + ], + "informativeness": [ + 1, + 1, + 1 + ], + "redundancy": [ + 2, + 5, + 5 + ] + }, + "pegasus": { + "coherence": [ + 3, + 4, + 5 + ], + "summary": "A bill for an ordinance changing the zoning classification for 516 Newton Street in Windsor. Approves a map amendment to rezone property from E-SU-Dx to E-SU-D1x (allows for an accessory dwelling unit), located at 516 Newton Street in Council District 3. The Committee approved filing", + "consistency": [ + 4, + 3, + 5 + ], + "fluency": [ + 3, + 4, + 5 + ], + "informativeness": [ + 4, + 3, + 5 + ], + "redundancy": [ + 3, + 4, + 5 + ] + }, + "lexrank": { + "coherence": [ + 2, + 1, + 3 + ], + "summary": "The properties in the urban edge single unit de zone district and the applicant is proposing to rezone to urban edge single unit de one x to allow for an edu the esu d1x requires a minimum lot size of 6000 square feet and allows for the urban house, suburban house and detached accessory dwelling unit building forms. The rezoning request is also consistent with Blueprint Denver.", + "consistency": [ + 2, + 1, + 3 + ], + "fluency": [ + 1, + 1, + 4 + ], + "informativeness": [ + 1, + 1, + 4 + ], + "redundancy": [ + 2, + 1, + 5 + ] + }, + "hmnet": { + "coherence": [ + 2, + 2, + 4 + ], + "summary": "A bill for an ordinance changing the zoning classification for Newton street in Farnham . an official map amendment to Rezone properties from s -D to s for an accessory dwelling unit), located at East Farnham street in Council district 3. the committee approved filing this item at its meeting on 6 -20.", + "consistency": [ + 3, + 2, + 2 + ], + "fluency": [ + 1, + 2, + 3 + ], + "informativeness": [ + 3, + 2, + 3 + ], + "redundancy": [ + 2, + 1, + 5 + ] + }, + "bart": { + "coherence": [ + 2, + 4, + 4 + ], + "summary": "A bill for an ordinance changing the zoning classification for 516 Newton Street in Burnham. Approves an official map amendment to rezone property from E-SU-Dx to E-TU-D1x (single-unit to two-unit), located at 516 North Newton Street Rear to allow for an accessory dwelling unit), in Council District 3. The Committee approved filing this item at its meeting on 6-16-20.", + "consistency": [ + 3, + 3, + 3 + ], + "fluency": [ + 2, + 3, + 4 + ], + "informativeness": [ + 3, + 3, + 4 + ], + "redundancy": [ + 1, + 4, + 5 + ] + } + }, + "AlamedaCC_11022021_2021-1348": { + "dialogLM": { + "coherence": [ + 3, + 4, + 5 + ], + "summary": "Recommendation to authorize the city manager to execute the sixth amendment to the agreement with cultivate, LLC, to increase compensation by $60, 000 for a total aggregate compensation not to exceed $354, 000, to continue providing technical planting planning support to the city of Alameda general plan update through housing element adoption. (community development)", + "consistency": [ + 4, + 5, + 5 + ], + "fluency": [ + 3, + 4, + 5 + ], + "informativeness": [ + 3, + 5, + 5 + ], + "redundancy": [ + 4, + 5, + 5 + ] + }, + "lexrank": { + "coherence": [ + 2, + 4, + 1 + ], + "summary": "We can certainly talk to them about, you know, sort of visual simulations, more video style like we've seen we've had certain we've done it for specific projects in the past. And my ask to staff is does this technical planning support include creating some sort of 3-D video that I think it should to show what potential changes would look like from throughout the plan, from, you know, including bay from across the island at the maximum.", + "consistency": [ + 1, + 4, + 2 + ], + "fluency": [ + 3, + 4, + 4 + ], + "informativeness": [ + 1, + 1, + 2 + ], + "redundancy": [ + 2, + 5, + 4 + ] + }, + "lead-3": { + "coherence": [ + 3, + 4, + 3 + ], + "summary": "The city manager to execute the Sixth Amendment to the agreement with Cultivate LLC to increase compensation by 60,000 for total aggregate compensation, not to exceed 354,000 to continue providing technical planting planning support to the City of Alameda. General Plan Update through Housing Element Adoption. Thank you.", + "consistency": [ + 2, + 4, + 5 + ], + "fluency": [ + 1, + 3, + 4 + ], + "informativeness": [ + 2, + 5, + 5 + ], + "redundancy": [ + 2, + 5, + 5 + ] + }, + "bart": { + "coherence": [ + 4, + 5, + 3 + ], + "summary": "Recommendation to Authorize the City Manager to Execute the Sixth Amendment to the Agreement with Cultivate, LLC to Increase Compensation by $60,000 for a Total Aggregate Compensation Not to Exceed $ 354,000 to Continue Providing Technical Planting Planning Support to the City of Alameda General Plan Update through Housing Element Adoption. (Planning, Building and Transportation 481005)", + "consistency": [ + 4, + 5, + 5 + ], + "fluency": [ + 3, + 4, + 4 + ], + "informativeness": [ + 3, + 5, + 5 + ], + "redundancy": [ + 4, + 5, + 5 + ] + }, + "davinci003": { + "coherence": [ + 5, + 4, + 5 + ], + "summary": "The city of Alameda is considering increasing compensation for Cultivate LLC for providing technical planting planning support for the General Plan Update. Councilmember Harry Spencer has proposed a 3-D video showing what potential changes would look like from across the island. The council is now discussing providing direction on the provision of housing for the city's unhoused population, including emergency housing, transitional supportive housing, permanent supportive housing, and prospective homeless housing projects.", + "consistency": [ + 5, + 4, + 4 + ], + "fluency": [ + 5, + 4, + 5 + ], + "informativeness": [ + 4, + 5, + 4 + ], + "redundancy": [ + 4, + 5, + 4 + ] + }, + "hmnet": { + "coherence": [ + 1, + 3, + 1 + ], + "summary": "Adoption of resolution authorizing the city manager to execute the sixth amendment to the agreement with the city of Alameda unified school district to increase compensation by, for the approximate approximate total aggregate, total aggregate compensation, privilege, and conditions consistent with the comprehensive plan update). four affirmative votes] ordinance)", + "consistency": [ + 1, + 2, + 2 + ], + "fluency": [ + 1, + 3, + 1 + ], + "informativeness": [ + 1, + 2, + 2 + ], + "redundancy": [ + 2, + 2, + 1 + ] + }, + "pegasus": { + "coherence": [ + 4, + 5, + 5 + ], + "summary": "Recommendation to Authorize the City Manager to Execute the Sixth Amendment to the Agreement with Cultivate, LLC to Increase Compensation by $60,000 for Total Aggregate Compensation Not to Exceed $350,000 to Continue Providing Technical Planning Support to the City of Alameda General Plan Update through Housing Element Adoption. (Community Development 481005)", + "consistency": [ + 4, + 4, + 5 + ], + "fluency": [ + 3, + 4, + 5 + ], + "informativeness": [ + 3, + 5, + 5 + ], + "redundancy": [ + 3, + 5, + 5 + ] + } + }, + "SeattleCityCouncil_03192020_CB 119757": { + "lexrank": { + "coherence": [ + 2, + 1, + 5 + ], + "summary": "I wanted to open up the line really quickly just to provide counsel, central staff, an opportunity to add anything to the remarks that have already been made by Councilmember Morales as relates to Council Bill 119757. So Councilman Morales is already, as the sponsor of this amendment, has already spoken to it.", + "consistency": [ + 1, + 1, + 1 + ], + "fluency": [ + 1, + 4, + 5 + ], + "informativeness": [ + 1, + 2, + 1 + ], + "redundancy": [ + 2, + 4, + 4 + ] + }, + "dialogLM": { + "coherence": [ + 3, + 5, + 5 + ], + "summary": "An ordinance amending ordinance 126000, which adopted the 2020 budget; and changing appropriations to the human services Department, the executive Department \u2019 s office of economic development, and budget control levels, and from various funds in the budget, for the purpose of providing financial assistance to small businesses; and ratifying and confirming certain prior acts.", + "consistency": [ + 4, + 3, + 5 + ], + "fluency": [ + 3, + 5, + 4 + ], + "informativeness": [ + 4, + 4, + 5 + ], + "redundancy": [ + 3, + 5, + 5 + ] + }, + "lead-3": { + "coherence": [ + 2, + 1, + 1 + ], + "summary": "City council agenda? Item one Council 4119. 757 Amending Ordinance 126000.", + "consistency": [ + 1, + 2, + 1 + ], + "fluency": [ + 2, + 4, + 3 + ], + "informativeness": [ + 1, + 2, + 1 + ], + "redundancy": [ + 3, + 4, + 5 + ] + }, + "pegasus": { + "coherence": [ + 3, + 3, + 5 + ], + "summary": "AN ORDINANCE amending Ordinance 126000, which adopted the 2020 Budget; changing appropriations to the Human Services Department, the Executive Department\u2019s Office of Economic Development, and budget control levels, and from various funds in the Budget, for the purpose of providing financial assistance to small businesses; and ratifying and confirming", + "consistency": [ + 3, + 5, + 5 + ], + "fluency": [ + 3, + 2, + 5 + ], + "informativeness": [ + 3, + 5, + 5 + ], + "redundancy": [ + 2, + 4, + 5 + ] + }, + "hmnet": { + "coherence": [ + 2, + 4, + 5 + ], + "summary": "An relating to the Seattle Department of economic development; temporarily extending the term and changing appropriations to various departments and budget control levels, and from various funds in the budget; and adding new CIP projects and revising project allocations for certain projects in the 2020 CIP; and ratifying and confirming certain prior acts.", + "consistency": [ + 3, + 3, + 3 + ], + "fluency": [ + 2, + 3, + 4 + ], + "informativeness": [ + 2, + 3, + 3 + ], + "redundancy": [ + 2, + 3, + 5 + ] + }, + "bart": { + "coherence": [ + 3, + 5, + 5 + ], + "summary": "AN ORDINANCE amending Ordinance 126000, which adopted the 2020 Budget; and changing appropriations to the Human Services Department, the Executive Department\u2019s Office of Economic Development, and budget control levels, and from various funds in the Budget, for the purpose of providing financial assistance to small businesses; and ratifying and confirming certain prior acts.", + "consistency": [ + 3, + 5, + 5 + ], + "fluency": [ + 3, + 5, + 4 + ], + "informativeness": [ + 3, + 5, + 5 + ], + "redundancy": [ + 2, + 5, + 5 + ] + }, + "davinci003": { + "coherence": [ + 4, + 5, + 5 + ], + "summary": "Council Bill 119757, which amends the 2020 budget and appropriates funds to the Human Services Department, the Executive Department's Office of Economic Development, and other funds for providing financial assistance to small businesses, requires five votes in the affirmative to pass. Councilmember Morales proposed an amendment to ensure equitable access to the funds and to hear back from the Office of Economic Development regarding how the money was distributed.", + "consistency": [ + 4, + 4, + 4 + ], + "fluency": [ + 4, + 5, + 5 + ], + "informativeness": [ + 3, + 4, + 5 + ], + "redundancy": [ + 4, + 5, + 5 + ] + } + }, + "SeattleCityCouncil_12102018_CB 119374": { + "bart": { + "coherence": [ + 2, + 4, + 4 + ], + "summary": "AN ORDINANCE relating to the organization of City government; creating an Office of the Employee Ombud; and adding Sections 3.15.020, 3. 15.022, and 3.45.024 to the Seattle Municipal Code (SMC); declaring an emergency; and establishing an immediate effective date; all by a 3/4 vote of the City Council.", + "consistency": [ + 3, + 3, + 3 + ], + "fluency": [ + 1, + 4, + 3 + ], + "informativeness": [ + 3, + 5, + 3 + ], + "redundancy": [ + 2, + 2, + 5 + ] + }, + "lead-3": { + "coherence": [ + 1, + 1, + 3 + ], + "summary": "Thank you very much. And any questions or comments. Okay.", + "consistency": [ + 1, + 1, + 1 + ], + "fluency": [ + 1, + 1, + 5 + ], + "informativeness": [ + 1, + 1, + 1 + ], + "redundancy": [ + 4, + 5, + 5 + ] + }, + "pegasus": { + "coherence": [ + 3, + 4, + 4 + ], + "summary": "AN ORDINANCE relating to the organization of City government; creating an Office of the Employee Ombud; and adding Sections 3.15.020., 3.15.022, and 3.15.024 to the Seattle Municipal Code.", + "consistency": [ + 4, + 3, + 3 + ], + "fluency": [ + 3, + 4, + 4 + ], + "informativeness": [ + 3, + 4, + 3 + ], + "redundancy": [ + 2, + 4, + 5 + ] + }, + "davinci003": { + "coherence": [ + 5, + 4, + 5 + ], + "summary": "The Seattle City Council has passed a bill creating an Office of the Employee Ombud to provide support for city workers facing harassment or discrimination in the workplace. The legislation was created with the help of frontline workers, unions, and the Silence Breakers Coalition, who have worked to address harassment and discrimination in the workplace.", + "consistency": [ + 5, + 4, + 4 + ], + "fluency": [ + 5, + 4, + 5 + ], + "informativeness": [ + 5, + 5, + 4 + ], + "redundancy": [ + 4, + 4, + 5 + ] + }, + "hmnet": { + "coherence": [ + 2, + 3, + 1 + ], + "summary": "An relating to an office of the employee organization; creating the city of government for an office of the employee organization of the forty forty thousand dollars (), and adding sections to ordinance to the Seattle municipal code.", + "consistency": [ + 3, + 2, + 1 + ], + "fluency": [ + 2, + 2, + 2 + ], + "informativeness": [ + 1, + 2, + 1 + ], + "redundancy": [ + 1, + 1, + 2 + ] + }, + "lexrank": { + "coherence": [ + 3, + 3, + 2 + ], + "summary": "Again, thanks to the Coalition of affinity groups against racial harassment, the recent social justice affiliates and the reason social justice change teams along with the silence breakers who've come and told their stories. And and we have to be clear, the only reason this office has been created has been the courageous action of city workers, as you mentioned, the Coalition of Employees Against Racial Discrimination and Harassment , who have worked for years, the Seattle Silence Breakers in the city of Seattle, a coalition of unions, many whose representatives are here in this in the chambers today.", + "consistency": [ + 3, + 1, + 3 + ], + "fluency": [ + 2, + 4, + 3 + ], + "informativeness": [ + 1, + 2, + 2 + ], + "redundancy": [ + 1, + 5, + 2 + ] + }, + "dialogLM": { + "coherence": [ + 1, + 3, + 5 + ], + "summary": "An ordinance relating to the organization of city government; creating an office of the employee Ombud; and adding sections 3. 15. 020, 3. 15. 022, and 3. 15. 024 to the Seattle municipal code.", + "consistency": [ + 2, + 4, + 4 + ], + "fluency": [ + 1, + 3, + 4 + ], + "informativeness": [ + 2, + 2, + 3 + ], + "redundancy": [ + 2, + 4, + 5 + ] + } + }, + "SeattleCityCouncil_03082021_Res 31991": { + "davinci003": { + "coherence": [ + 5, + 5, + 5 + ], + "summary": "The article discusses Resolution 31991, which establishes a watch list of large, complex, discrete capital projects that will require enhanced quarterly monitoring reports for the 2021 calendar year. An amendment was proposed by Councilmember Morales to add the Georgetown to South Park Trail to the watch list, which was adopted and the amended resolution was passed.", + "consistency": [ + 5, + 5, + 4 + ], + "fluency": [ + 4, + 5, + 5 + ], + "informativeness": [ + 5, + 5, + 4 + ], + "redundancy": [ + 5, + 5, + 5 + ] + }, + "hmnet": { + "coherence": [ + 4, + 5, + 5 + ], + "summary": "A establishing a watch list of large, discrete capital projects that will require enhanced quarterly monitoring reports on projects.", + "consistency": [ + 4, + 4, + 5 + ], + "fluency": [ + 4, + 5, + 5 + ], + "informativeness": [ + 3, + 3, + 5 + ], + "redundancy": [ + 3, + 4, + 5 + ] + }, + "lead-3": { + "coherence": [ + 2, + 5, + 3 + ], + "summary": "Agenda Item 19 Resolution 31991 Establishing a watch list of large, complex, discrete capital projects that will require enhanced quarterly monitoring reports for the 2021 calendar year. The committee recommends the resolution be adopted as amended. Thank you so much, because we're just going to hand it over to you as chair of the committee that provided us the committee's report.", + "consistency": [ + 3, + 4, + 5 + ], + "fluency": [ + 3, + 4, + 4 + ], + "informativeness": [ + 2, + 3, + 4 + ], + "redundancy": [ + 4, + 5, + 4 + ] + }, + "lexrank": { + "coherence": [ + 1, + 5, + 1 + ], + "summary": "I do understand that, Councilman Morales, you have an amendment to this resolution, so I'm going to go ahead and hand it over to you for your motion to allow us to hear more about that amendment. The motion carries, the amendment is adopted and the amended resolution is before the council.", + "consistency": [ + 2, + 1, + 1 + ], + "fluency": [ + 2, + 5, + 3 + ], + "informativeness": [ + 1, + 1, + 1 + ], + "redundancy": [ + 1, + 5, + 3 + ] + }, + "bart": { + "coherence": [ + 5, + 5, + 4 + ], + "summary": "A RESOLUTION establishing a Watch List of large, complex, discrete capital projects that will require enhanced quarterly monitoring reports for the 2021 calendar year; and adding a new Subchapter V to Chapter 3.29 of the Seattle Municipal Code to provide additional input and direction to staff on the development of projects on the Watch List.", + "consistency": [ + 4, + 3, + 4 + ], + "fluency": [ + 4, + 4, + 4 + ], + "informativeness": [ + 4, + 4, + 4 + ], + "redundancy": [ + 4, + 5, + 4 + ] + }, + "pegasus": { + "coherence": [ + 5, + 5, + 5 + ], + "summary": "A RESOLUTION establishing a Watch List of large, complex, discrete capital projects that will require enhanced quarterly monitoring reports for the 2021 calendar year.", + "consistency": [ + 3, + 5, + 5 + ], + "fluency": [ + 4, + 4, + 5 + ], + "informativeness": [ + 3, + 4, + 5 + ], + "redundancy": [ + 5, + 5, + 5 + ] + }, + "dialogLM": { + "coherence": [ + 5, + 5, + 5 + ], + "summary": "A resolution establishing a watch list of large, complex, discrete capital projects that will require enhanced quarterly monitoring reports for the 2021 calendar year.", + "consistency": [ + 4, + 5, + 5 + ], + "fluency": [ + 5, + 5, + 5 + ], + "informativeness": [ + 3, + 4, + 5 + ], + "redundancy": [ + 5, + 5, + 5 + ] + } + }, + "LongBeachCC_01062015_15-0022": { + "dialogLM": { + "coherence": [ + 2, + 5, + 2 + ], + "summary": "Recommendation to adopt the recommended revisions to the city \u2019 s Mills act property tax incentive program recommendation to authorize city manager, or Designee, to execute all documents necessary to amend the mills act conforming to state statute. (citywide)", + "consistency": [ + 3, + 5, + 4 + ], + "fluency": [ + 2, + 4, + 2 + ], + "informativeness": [ + 2, + 4, + 3 + ], + "redundancy": [ + 1, + 5, + 3 + ] + }, + "pegasus": { + "coherence": [ + 3, + 5, + 5 + ], + "summary": "Recommendation to adopt the recommended revisions to the City\u2019s Mills Act Property Tax Incentive Program for properties. (Citywide)", + "consistency": [ + 4, + 5, + 5 + ], + "fluency": [ + 3, + 5, + 5 + ], + "informativeness": [ + 3, + 4, + 5 + ], + "redundancy": [ + 4, + 5, + 5 + ] + }, + "bart": { + "coherence": [ + 4, + 5, + 4 + ], + "summary": "Recommendation to adopt the recommended revisions to the City\u2019s Mills Act Property Tax Incentive Program for properties that have been closed or materially restricted due to the COVID-19 pandemic; and direct City Manager to work with the appropriate departments to take necessary steps to complete the recommended program and execute any documents necessary to ensure compliance with the Mills Act and State regulations. (District 3)", + "consistency": [ + 5, + 4, + 4 + ], + "fluency": [ + 4, + 5, + 4 + ], + "informativeness": [ + 4, + 4, + 4 + ], + "redundancy": [ + 4, + 5, + 3 + ] + }, + "lexrank": { + "coherence": [ + 2, + 5, + 3 + ], + "summary": "The master fee schedule is scheduled to come back sometime in March, and we would look to get an item on there where we can do a combined fee because we do need to keep the fees separate right now because we do have existing landmarks in the city that are not do not have Mills Act contracts. As proposed, the historic landmark application fee is over $900 to apply for the Mills Act.", + "consistency": [ + 2, + 4, + 2 + ], + "fluency": [ + 2, + 5, + 4 + ], + "informativeness": [ + 1, + 2, + 2 + ], + "redundancy": [ + 1, + 5, + 4 + ] + }, + "hmnet": { + "coherence": [ + 2, + 4, + 4 + ], + "summary": "Recommendation to adopt the recommended revisions to the mills act property tax incentive program for program properties.", + "consistency": [ + 2, + 4, + 5 + ], + "fluency": [ + 2, + 4, + 4 + ], + "informativeness": [ + 2, + 4, + 5 + ], + "redundancy": [ + 1, + 4, + 2 + ] + }, + "lead-3": { + "coherence": [ + 1, + 3, + 1 + ], + "summary": "Councilmember Andrews, please. Thank you. Motion carries a mixed item.", + "consistency": [ + 1, + 1, + 1 + ], + "fluency": [ + 1, + 5, + 4 + ], + "informativeness": [ + 1, + 1, + 1 + ], + "redundancy": [ + 3, + 5, + 4 + ] + }, + "davinci003": { + "coherence": [ + 5, + 5, + 3 + ], + "summary": "The Mills Act is a property tax incentive program for properties which was recently recommended for adoption by the city. Speakers at the meeting asked for a reduction in the fees associated with the program and for a pre-approval process before much time and money is invested.", + "consistency": [ + 5, + 4, + 4 + ], + "fluency": [ + 5, + 5, + 4 + ], + "informativeness": [ + 4, + 4, + 4 + ], + "redundancy": [ + 4, + 5, + 3 + ] + } + }, + "LongBeachCC_01222019_19-0028": { + "lexrank": { + "coherence": [ + 2, + 1, + 4 + ], + "summary": "And once we bring this back, you know, I think that the PACE program has really taken some steps over the last couple of years with the with the new legislature legislation at the state level to put in consumer protections, to talk about, you know, confirmation of terms, calls and making sure that people, when they get into their assessment, really understand what what the program is all about and and how they will be assessed. So we don't we don't staff the program.", + "consistency": [ + 2, + 1, + 2 + ], + "fluency": [ + 2, + 3, + 5 + ], + "informativeness": [ + 1, + 1, + 1 + ], + "redundancy": [ + 1, + 4, + 4 + ] + }, + "pegasus": { + "coherence": [ + 2, + 2, + 4 + ], + "summary": "Recommendation to request City Manager and City Attorney to prepare a report on the State of Residential Property Affordability (PACE) Program; Consenting to the Inclusion of Properties within GSF Fee Community Facilities District (GFCFC) and Residential Properties within the GSF-F PACE Program to Finance Renewable Energy Generation; and report", + "consistency": [ + 2, + 3, + 3 + ], + "fluency": [ + 1, + 1, + 4 + ], + "informativeness": [ + 2, + 3, + 3 + ], + "redundancy": [ + 1, + 1, + 5 + ] + }, + "lead-3": { + "coherence": [ + 1, + 1, + 3 + ], + "summary": "Because motion carries. No, I'm going to move to item 20, please. Item 20 Communication from Councilmember Appears Recommendation to require city manager and city attorney to prepare a report on the state of residential page program resolution consenting to the inclusions of properties within GSF fee, community facility districts and residential properties within the e.g. as f a pays program to finance renewable energy generations and report back in 45 days .", + "consistency": [ + 2, + 1, + 2 + ], + "fluency": [ + 2, + 2, + 3 + ], + "informativeness": [ + 1, + 1, + 1 + ], + "redundancy": [ + 2, + 2, + 4 + ] + }, + "dialogLM": { + "coherence": [ + 3, + 3, + 4 + ], + "summary": "Recommendation to request city manager and city attorney to prepare a report on the state of residential page program, resolution consenting to the inclusions of properties within Gsf fee, community facility districts, and residential properties within the California first pays program to finance renewable energy generations, and report back in 45 days.", + "consistency": [ + 2, + 3, + 4 + ], + "fluency": [ + 2, + 3, + 4 + ], + "informativeness": [ + 2, + 3, + 3 + ], + "redundancy": [ + 4, + 5, + 5 + ] + }, + "davinci003": { + "coherence": [ + 5, + 2, + 5 + ], + "summary": "The article discusses a recommendation from Councilmember Jeanine Pearce to require the city manager and city attorney to prepare a report about the state of residential page program for renewable energy generation in 45 days. Several companies spoke in support of the multi-provider model that would allow consumers to choose the best program for their needs and to protect them from unscrupulous practices.", + "consistency": [ + 5, + 3, + 4 + ], + "fluency": [ + 5, + 3, + 5 + ], + "informativeness": [ + 5, + 3, + 4 + ], + "redundancy": [ + 5, + 4, + 5 + ] + }, + "bart": { + "coherence": [ + 4, + 2, + 4 + ], + "summary": "Recommendation to request City Manager and City Attorney to prepare a report on the state of residential page program resolution consenting to the inclusions of properties within the GRID (General Fee Residential) community facility districts and residential properties within Long Beach (GF) as funds for a pays program to finance renewable energy generations, and report back in 45 days. The report should include the following: \u2022 The number of households within the City of Long Beach where at least one property is currently funded with a homeownership program (generally estimated at $25,000 per square-foot); \u2022 The benefits of solar energy generations for businesses and residences, and the costs of replacing each property; \u2022 Overview of", + "consistency": [ + 3, + 3, + 4 + ], + "fluency": [ + 2, + 1, + 4 + ], + "informativeness": [ + 3, + 3, + 5 + ], + "redundancy": [ + 2, + 1, + 5 + ] + }, + "hmnet": { + "coherence": [ + 4, + 4, + 4 + ], + "summary": "Recommendation to request city manager and the city attorney to prepare a report on the state of residential program pays to finance renewable energy generations and report back in 45 days.", + "consistency": [ + 4, + 4, + 4 + ], + "fluency": [ + 4, + 5, + 5 + ], + "informativeness": [ + 4, + 4, + 3 + ], + "redundancy": [ + 5, + 4, + 5 + ] + } + }, + "LongBeachCC_08252020_20-0810": { + "dialogLM": { + "coherence": [ + 3, + 5, + 5 + ], + "summary": "Recommendation to amend employment agreement no. 35514 with Thomas B. Modica, city manager, to permit him to voluntarily participate in a work furlough program on the same terms and conditions as those apply to other city employees. (citywide)", + "consistency": [ + 3, + 5, + 5 + ], + "fluency": [ + 2, + 5, + 4 + ], + "informativeness": [ + 3, + 5, + 3 + ], + "redundancy": [ + 4, + 5, + 5 + ] + }, + "hmnet": { + "coherence": [ + 3, + 4, + 4 + ], + "summary": "Recommendation to authorize city manager to execute all documents and take all actions necessary to amend employment agreement no . With Thomas B. Modica, city manager, or Designee, to amend employment agreement terms and conditions as well as conditions apply to those eligible to suspend the furlough program on the same terms as those apply to compensation, implement the entitlements as those temporarily apply to work that program as other city employees.)", + "consistency": [ + 2, + 5, + 3 + ], + "fluency": [ + 2, + 4, + 4 + ], + "informativeness": [ + 2, + 5, + 3 + ], + "redundancy": [ + 3, + 2, + 5 + ] + }, + "lexrank": { + "coherence": [ + 1, + 1, + 5 + ], + "summary": "There is no public comment on this item. We also have general public comment on non agenda items.", + "consistency": [ + 1, + 1, + 1 + ], + "fluency": [ + 3, + 1, + 5 + ], + "informativeness": [ + 1, + 1, + 1 + ], + "redundancy": [ + 3, + 5, + 5 + ] + }, + "lead-3": { + "coherence": [ + 1, + 1, + 1 + ], + "summary": "Thank you. Mexicans. Item number nine The police.", + "consistency": [ + 1, + 1, + 1 + ], + "fluency": [ + 1, + 1, + 1 + ], + "informativeness": [ + 1, + 1, + 1 + ], + "redundancy": [ + 3, + 5, + 5 + ] + }, + "bart": { + "coherence": [ + 4, + 5, + 5 + ], + "summary": "Recommendation to authorize City Manager to amend Employment Agreement No. 35514 with Thomas B. Modica, City Manager, to permit him to voluntarily participate in a work furlough program on the same terms and conditions as those apply to other City employees, consistent with the direction of the City Council on June 15, 2021. (Citywide)", + "consistency": [ + 5, + 5, + 4 + ], + "fluency": [ + 3, + 5, + 5 + ], + "informativeness": [ + 4, + 5, + 4 + ], + "redundancy": [ + 3, + 5, + 5 + ] + }, + "davinci003": { + "coherence": [ + 5, + 2, + 5 + ], + "summary": "The City Council recommended to amend the employment agreement with City Manager Thomas Modica to permit him to voluntarily participate in a work furlough program. Additionally, they received and filed a presentation from Clean Power Alliance regarding Community Choice Aggregation.", + "consistency": [ + 5, + 3, + 3 + ], + "fluency": [ + 5, + 4, + 5 + ], + "informativeness": [ + 5, + 3, + 3 + ], + "redundancy": [ + 5, + 5, + 5 + ] + }, + "pegasus": { + "coherence": [ + 4, + 5, + 5 + ], + "summary": "Recommendation to authorize City Manager, or designee, to amend employment agreement with Thomas M. Modica, City Manager, to permit him to voluntarily participate in a work furlough program on the same terms and conditions as those apply to other City employees. (Citywide)", + "consistency": [ + 5, + 5, + 4 + ], + "fluency": [ + 4, + 5, + 5 + ], + "informativeness": [ + 4, + 5, + 3 + ], + "redundancy": [ + 5, + 5, + 3 + ] + } + }, + "SeattleCityCouncil_10172016_Res 31715": { + "pegasus": { + "coherence": [ + 4, + 5, + 5 + ], + "summary": "A RESOLUTION supporting Washington Initiative Measure 735 and urging Seattle voters to vote \u201cYes\u201d on Initiative 735 on the November 8, 2016 general election ballot.", + "consistency": [ + 4, + 5, + 5 + ], + "fluency": [ + 3, + 5, + 5 + ], + "informativeness": [ + 4, + 5, + 4 + ], + "redundancy": [ + 4, + 5, + 5 + ] + }, + "lead-3": { + "coherence": [ + 2, + 1, + 2 + ], + "summary": "Agenda item two Resolution 31715 Supporting My Washington Initiative Measure 735 and urging Seattle voters to vote yes on Initiative 735 on the November eight, 2016 general election ballot. Okay. It's provided under state law.", + "consistency": [ + 3, + 3, + 3 + ], + "fluency": [ + 2, + 1, + 4 + ], + "informativeness": [ + 2, + 3, + 3 + ], + "redundancy": [ + 3, + 1, + 5 + ] + }, + "lexrank": { + "coherence": [ + 1, + 1, + 3 + ], + "summary": "But our state legislature was not able to come forward with a resolution, so citizens took this upon themselves to introduce it as an initiative, and we're going forward with that. And what resolution 31380.", + "consistency": [ + 2, + 1, + 1 + ], + "fluency": [ + 2, + 3, + 4 + ], + "informativeness": [ + 1, + 1, + 1 + ], + "redundancy": [ + 3, + 4, + 5 + ] + }, + "hmnet": { + "coherence": [ + 2, + 2, + 3 + ], + "summary": "A and supporting Washington initiative measure 735, urging Seattle voters to vote on initiative initiative initiative 940 on the November 8, 2016, general election ballot.", + "consistency": [ + 3, + 2, + 3 + ], + "fluency": [ + 2, + 2, + 3 + ], + "informativeness": [ + 2, + 2, + 3 + ], + "redundancy": [ + 3, + 2, + 5 + ] + }, + "davinci003": { + "coherence": [ + 5, + 5, + 5 + ], + "summary": "The City Council was considering adopting Resolution 31715, which supports Washington Initiative 735 and urges Seattle voters to vote yes on the November 8th ballot. The resolution calls for overturning Citizens United, declaring that corporations are not human beings and that Congress and the states have the power to regulate contributions and expenditures for campaigns and ballot measures.", + "consistency": [ + 5, + 5, + 5 + ], + "fluency": [ + 5, + 5, + 5 + ], + "informativeness": [ + 5, + 5, + 5 + ], + "redundancy": [ + 4, + 5, + 5 + ] + }, + "bart": { + "coherence": [ + 3, + 4, + 5 + ], + "summary": "A RESOLUTION supporting Washington Initiative Measure 735 and urging Seattle voters to vote \u201cYes\u201d on Initiative 735 on the November 8, 2016 general election ballot. Pursuant to state law, Councilmember CdeBaca approved direct filing this resolution on 3-23-17.", + "consistency": [ + 4, + 4, + 3 + ], + "fluency": [ + 3, + 5, + 5 + ], + "informativeness": [ + 2, + 4, + 4 + ], + "redundancy": [ + 4, + 4, + 4 + ] + }, + "dialogLM": { + "coherence": [ + 4, + 4, + 5 + ], + "summary": "A resolution supporting Washington initiative measure 735 and urging Seattle voters to vote \u201c yes \u201d on initiative 735 on the November 8, 2016 general election special election ballot.", + "consistency": [ + 4, + 4, + 4 + ], + "fluency": [ + 4, + 4, + 5 + ], + "informativeness": [ + 3, + 4, + 4 + ], + "redundancy": [ + 4, + 5, + 4 + ] + } + }, + "LongBeachCC_10102017_17-0917": { + "lexrank": { + "coherence": [ + 3, + 5, + 4 + ], + "summary": "Most opioid deaths were as a result of prescription drug overdose. Research has shown that medication assisted treatment, such as treatment with methadone and other drugs, is the most effective for heroin and opioid addiction patients.", + "consistency": [ + 1, + 4, + 4 + ], + "fluency": [ + 3, + 5, + 5 + ], + "informativeness": [ + 1, + 1, + 4 + ], + "redundancy": [ + 4, + 5, + 5 + ] + }, + "davinci003": { + "coherence": [ + 5, + 5, + 5 + ], + "summary": "The article discusses the opioid crisis in Long Beach, and recommends a public health detailing campaign to promote judicious opioid prescribing among Long Beach doctors. It also proposes a three-part solution to the crisis which includes public education campaigns, Narcan availability, and grant funding for rehabilitation.", + "consistency": [ + 5, + 5, + 5 + ], + "fluency": [ + 5, + 5, + 5 + ], + "informativeness": [ + 5, + 5, + 5 + ], + "redundancy": [ + 5, + 5, + 5 + ] + }, + "pegasus": { + "coherence": [ + 5, + 5, + 5 + ], + "summary": "Recommendation to request City Manager and the Department of Health and Human Services to report back in 30 days on the feasibility strategy and potential benefits to conducting a public health detailing campaign on promoting judicious opioid prescribing among Long Beach doctors.", + "consistency": [ + 4, + 5, + 5 + ], + "fluency": [ + 5, + 5, + 5 + ], + "informativeness": [ + 4, + 4, + 5 + ], + "redundancy": [ + 5, + 5, + 5 + ] + }, + "dialogLM": { + "coherence": [ + 5, + 5, + 5 + ], + "summary": "Recommendation to request city manager and the Department of health and human services to report back to the city council in 30 days on the feasibility strategy and potential benefits to conducting a public health detailing campaign on promoting judicious Opioid Prescribing among long Beach doctors and provide input and policy direction to staff on similar campaigns across the city.", + "consistency": [ + 4, + 5, + 5 + ], + "fluency": [ + 4, + 4, + 5 + ], + "informativeness": [ + 4, + 5, + 5 + ], + "redundancy": [ + 4, + 5, + 5 + ] + }, + "hmnet": { + "coherence": [ + 3, + 3, + 3 + ], + "summary": "Recommendation to request city manager and the Department of health and human services to report back to city council in 30 days on the feasibility of conducting a public health strategy detailing the feasibility strategy and potential benefits to conducting a public health action strategy on the Opioid Opioid Prescribing in long Beach among long Beach doctors.", + "consistency": [ + 4, + 3, + 5 + ], + "fluency": [ + 3, + 3, + 3 + ], + "informativeness": [ + 3, + 2, + 5 + ], + "redundancy": [ + 1, + 3, + 1 + ] + }, + "lead-3": { + "coherence": [ + 1, + 1, + 1 + ], + "summary": "Motion case. Thank you. Next up is 20.", + "consistency": [ + 1, + 1, + 1 + ], + "fluency": [ + 1, + 5, + 5 + ], + "informativeness": [ + 1, + 1, + 1 + ], + "redundancy": [ + 3, + 5, + 5 + ] + }, + "bart": { + "coherence": [ + 4, + 5, + 4 + ], + "summary": "Recommendation to request City Manager and the Department of Health and Human Services to report back in 30 days on the feasibility strategy and potential benefits to conducting a public health detailing campaign on promoting judicious opioid prescribing among Long Beach doctors and urge City Manager to partner with local community groups that provide this information to the City Council and to work towards reducing the number of new cases of opiate addiction in Long Beach.", + "consistency": [ + 3, + 5, + 4 + ], + "fluency": [ + 3, + 5, + 4 + ], + "informativeness": [ + 3, + 5, + 5 + ], + "redundancy": [ + 2, + 5, + 3 + ] + } + }, + "SeattleCityCouncil_01072019_CB 119427": { + "dialogLM": { + "coherence": [ + 2, + 4, + 2 + ], + "summary": "An ordinance relating to the regulation of the For-Hire industry; removing certain considerations between an exclusive driver representative, representative, and the director of finance and administrative services; and amending sections 6. 36. 070 and 6. 36. 080 of the Seattle municipal code; and repealing rules and regulations to the extent they are inconsistent with this ordinance.", + "consistency": [ + 2, + 4, + 3 + ], + "fluency": [ + 2, + 4, + 2 + ], + "informativeness": [ + 2, + 4, + 3 + ], + "redundancy": [ + 1, + 4, + 1 + ] + }, + "lexrank": { + "coherence": [ + 2, + 5, + 4 + ], + "summary": "I'll say a few opening words about what this bill is doing and then certainly turn it over to Councilman O'Brien, who shown your strong leadership in this area. Again, just by way of background, in December 2015, you may recall that we passed an ordinance again under Councilmember Bryant's leadership and many of us looking at these issues relating to the regulation of the transportation and for hire industry and under which for hire drivers could determine whether or not to engage in collective negotiations over various terms with companies who contract with those drivers, examples being Uber, Lyft and and taxi companies.", + "consistency": [ + 2, + 4, + 3 + ], + "fluency": [ + 2, + 5, + 4 + ], + "informativeness": [ + 1, + 3, + 3 + ], + "redundancy": [ + 3, + 5, + 4 + ] + }, + "davinci003": { + "coherence": [ + 5, + 4, + 3 + ], + "summary": "Council Bill 119 427 was passed to provide the city of Seattle with flexibility to address the issue of fair compensation to all TNC taxi for hire drivers. The Sustainability and Transportation Committee also passed Bill 119 415, relating to city streets.", + "consistency": [ + 2, + 4, + 3 + ], + "fluency": [ + 5, + 4, + 3 + ], + "informativeness": [ + 2, + 3, + 2 + ], + "redundancy": [ + 4, + 5, + 4 + ] + }, + "pegasus": { + "coherence": [ + 3, + 5, + 4 + ], + "summary": "AN ORDINANCE relating to the regulation of the for-hire industry; removing certain considerations between an exclusive driver representative and the Director of Finance and Administrative Services; amending Sections 6.310.035 and 6.310.040 of the Seattle Municipal Code; and repealing rules and regulations to the extent they are inconsistent with this ordinance.", + "consistency": [ + 4, + 4, + 3 + ], + "fluency": [ + 3, + 4, + 4 + ], + "informativeness": [ + 3, + 4, + 3 + ], + "redundancy": [ + 3, + 5, + 5 + ] + }, + "bart": { + "coherence": [ + 3, + 5, + 4 + ], + "summary": "AN ORDINANCE relating to the regulation of the transportation and for hire industry; removing certain considerations between an exclusive driver representative and the Director of Finance and Administrative Services; amending Sections 6.30.130 and 6.35.130 of the Seattle Municipal Code; and repealing rules and regulations to the extent they are inconsistent with this ordinance.", + "consistency": [ + 4, + 4, + 3 + ], + "fluency": [ + 2, + 4, + 4 + ], + "informativeness": [ + 3, + 4, + 4 + ], + "redundancy": [ + 2, + 5, + 5 + ] + }, + "lead-3": { + "coherence": [ + 1, + 3, + 1 + ], + "summary": "Bill passed and the chair of the Senate. Just one sec here. Okay, let's move to committee reports.", + "consistency": [ + 1, + 1, + 1 + ], + "fluency": [ + 1, + 5, + 5 + ], + "informativeness": [ + 1, + 1, + 1 + ], + "redundancy": [ + 1, + 5, + 5 + ] + }, + "hmnet": { + "coherence": [ + 3, + 1, + 1 + ], + "summary": "An relating to the regulation of the office for hire drivers for hiring drivers; adding a new chapter 14 to the Seattle municipal code; and repealing sections 3 and 10.30 of ordinance, which adopted the 2015 budget, including the 2019 capital improvement program); changing appropriations to various departments and budget control levels, and from various funds in the budget; and revising project allocations for certain projects in the 2021 CIP; and ratifying and confirming certain prior acts.", + "consistency": [ + 3, + 3, + 2 + ], + "fluency": [ + 2, + 4, + 3 + ], + "informativeness": [ + 2, + 3, + 2 + ], + "redundancy": [ + 2, + 3, + 2 + ] + } + }, + "DenverCityCouncil_02022015_15-0016": { + "davinci003": { + "coherence": [ + 5, + 4, + 5 + ], + "summary": "The Denver City Council has recognized the need to change the current National Western Complex and Denver Coliseum sites and has partnered with the Western Stock Show Association to develop a 130 acre redevelopment project. They have submitted an application for the Regional Tourism Act to fund this project and have gained the support of 24 cities and over 20 public, private and nonprofit interests.", + "consistency": [ + 5, + 4, + 4 + ], + "fluency": [ + 5, + 4, + 5 + ], + "informativeness": [ + 5, + 4, + 4 + ], + "redundancy": [ + 5, + 5, + 5 + ] + }, + "lead-3": { + "coherence": [ + 4, + 2, + 2 + ], + "summary": "increment financing strategy to fund large scale tourism projects. And. WHEREAS, the city and county of Denver has recognized the unavoidable need to change the current national Western complex and Denver Coliseum sites and facilities to chart a new course to meet the needs through public and private investment that creates a premier set of amenities for the city for the next 100 years.", + "consistency": [ + 4, + 3, + 4 + ], + "fluency": [ + 3, + 2, + 4 + ], + "informativeness": [ + 4, + 3, + 3 + ], + "redundancy": [ + 4, + 1, + 5 + ] + }, + "dialogLM": { + "coherence": [ + 4, + 2, + 4 + ], + "summary": "A proclamation recognizing and celebrating the 50th anniversary of the National Western stock show and Denver Coliseum site and facilities redevelopment in Council district 9.", + "consistency": [ + 2, + 2, + 3 + ], + "fluency": [ + 4, + 3, + 4 + ], + "informativeness": [ + 2, + 2, + 2 + ], + "redundancy": [ + 5, + 3, + 4 + ] + }, + "pegasus": { + "coherence": [ + 4, + 4, + 3 + ], + "summary": "A resolution approving and providing for the execution of a proposed Intergovernmental Agreement between the City and County of Denver and the Colorado Regional Transportation Authority concerning the redevelopment of the National Western Complex and Denver Coliseum site into the National Western Center. Approves an intergovernmental agreement with the Colorado Regional Transportation Authority (CRT) for", + "consistency": [ + 4, + 3, + 4 + ], + "fluency": [ + 4, + 1, + 4 + ], + "informativeness": [ + 3, + 4, + 4 + ], + "redundancy": [ + 3, + 3, + 5 + ] + }, + "hmnet": { + "coherence": [ + 2, + 4, + 2 + ], + "summary": "Funding strategy to increment large -Scale tourism projects as part of the National Western stock show Association) annual convention opportunity for the city and county of Denver.", + "consistency": [ + 2, + 3, + 4 + ], + "fluency": [ + 1, + 3, + 3 + ], + "informativeness": [ + 1, + 3, + 3 + ], + "redundancy": [ + 3, + 4, + 5 + ] + }, + "bart": { + "coherence": [ + 5, + 3, + 5 + ], + "summary": "A proclamation supporting Denver\u2019s application for grant funding for the National Western Center project and the creation of tourism improvement districts and tourism promotion areas in the City and County of Denver to support the development of tourism improvements and tourism support areas in Council Districts 9 and 10.", + "consistency": [ + 3, + 3, + 5 + ], + "fluency": [ + 5, + 3, + 5 + ], + "informativeness": [ + 3, + 3, + 5 + ], + "redundancy": [ + 3, + 1, + 5 + ] + }, + "lexrank": { + "coherence": [ + 4, + 3, + 2 + ], + "summary": "The City and County of Denver intends on submitting an application to the Colorado Economic Development Commission for the National Western Center as a regional tourism project as defined in the RTA. Section four that the clerk of the city and county of Denver shall attest, and the fix a seal of the city and county of Denver to this proclamation and that copies be transmitted to Mayor Michael B Hancock, Paul Andrews, President and CEO National Western Stock Shall Kelly, lead Executive Director of the North Denver Cornerstone Collaborative.", + "consistency": [ + 4, + 4, + 3 + ], + "fluency": [ + 4, + 2, + 4 + ], + "informativeness": [ + 4, + 4, + 3 + ], + "redundancy": [ + 3, + 1, + 4 + ] + } + }, + "LongBeachCC_08142018_18-0692": { + "lexrank": { + "coherence": [ + 3, + 5, + 3 + ], + "summary": "Based on the Los Angeles County HIV AIDS strategy for 2020 and beyond, to reach our goal of reducing the number of new HIV infections in the county, it's estimated that 4543 Long Beach residents would need to be on prep consistently by the year 2020. The HIV Planning Group Prep Committee is addressing the issues of making more high risk individuals and health care providers aware of the existence and benefit of HIV prep and eliminating barriers to starting and staying on prep, all of which have been shown to play a part in the current suboptimal use of the medication.", + "consistency": [ + 2, + 5, + 4 + ], + "fluency": [ + 3, + 5, + 4 + ], + "informativeness": [ + 1, + 3, + 4 + ], + "redundancy": [ + 2, + 5, + 2 + ] + }, + "hmnet": { + "coherence": [ + 2, + 5, + 3 + ], + "summary": "Recommendation to authorize city manager, or Designee, to receive and expend grant funding from Department of health and human services Department, in an estimated amount of, to provide HIV services in the approximate approximate period of October 1, 2017 through June 30, 2017, 2025, with the option to renew for three additional one -Year periods, at the discretion of the city manager.", + "consistency": [ + 1, + 3, + 4 + ], + "fluency": [ + 2, + 5, + 3 + ], + "informativeness": [ + 2, + 3, + 4 + ], + "redundancy": [ + 2, + 5, + 1 + ] + }, + "lead-3": { + "coherence": [ + 1, + 5, + 1 + ], + "summary": "Thank you. Next item, please. Looks like it is 23.", + "consistency": [ + 1, + 1, + 1 + ], + "fluency": [ + 1, + 5, + 5 + ], + "informativeness": [ + 1, + 1, + 1 + ], + "redundancy": [ + 3, + 5, + 5 + ] + }, + "pegasus": { + "coherence": [ + 4, + 5, + 5 + ], + "summary": "Recommendation to authorize City Manager, or designee, to execute all necessary documents, and any amendments changing the amount of the award or extending the grant term, to receive and expend grant funding in an estimated amount of $25,200, to provide HIV Program services, for the period of July 1, 2018 through June 30, 2019", + "consistency": [ + 2, + 3, + 3 + ], + "fluency": [ + 4, + 5, + 5 + ], + "informativeness": [ + 4, + 4, + 5 + ], + "redundancy": [ + 4, + 5, + 5 + ] + }, + "bart": { + "coherence": [ + 3, + 5, + 4 + ], + "summary": "Recommendation to authorize City Manager, or designee, to execute all necessary documents to receive and expend grant funding in an estimated amount of $25,200 for the period of April 1, 2017 through March 31, 2020, to provide HIV Pre-Exposure Prophylaxis (HOPWA) Program services, for a period of one year, with the option to extend the agreement for four additional one-year periods, at the discretion of the City Manager. (Citywide)", + "consistency": [ + 2, + 3, + 3 + ], + "fluency": [ + 3, + 4, + 4 + ], + "informativeness": [ + 3, + 4, + 3 + ], + "redundancy": [ + 2, + 5, + 5 + ] + }, + "dialogLM": { + "coherence": [ + 3, + 5, + 5 + ], + "summary": "Recommendation to authorize city manager, or Designee, to execute all necessary documents, and any amendments, to receive and expend grant funding in an estimated amount of $25, 200, to provide HIV program services, for the period of April 1, 2020 through March 31, 2021. (citywide)", + "consistency": [ + 2, + 4, + 3 + ], + "fluency": [ + 3, + 5, + 5 + ], + "informativeness": [ + 3, + 5, + 5 + ], + "redundancy": [ + 4, + 5, + 5 + ] + }, + "davinci003": { + "coherence": [ + 4, + 5, + 5 + ], + "summary": "The Long Beach HIV Planning Group is working to increase the number of people on HIV Pre-Exposure Prophylaxis (Prep) in the city, while also providing testing and other services to those living with HIV. Through state and county funding, the Long Beach Health Department is able to provide these services to both insured and uninsured individuals.", + "consistency": [ + 2, + 5, + 5 + ], + "fluency": [ + 4, + 5, + 5 + ], + "informativeness": [ + 2, + 5, + 5 + ], + "redundancy": [ + 3, + 5, + 5 + ] + } + }, + "KingCountyCC_02072018_2018-0068": { + "pegasus": { + "coherence": [ + 4, + 5, + 5 + ], + "summary": "AN ORDINANCE making technical corrections to Titles 9 through 27 of the King County Code to remove gendered pronouns and historically gendered terms, consistent with existing Washington state law and county code, to make the King County Code gender neutral; and adding new Titles 9 through 27 to the King County Code.", + "consistency": [ + 4, + 5, + 4 + ], + "fluency": [ + 5, + 4, + 5 + ], + "informativeness": [ + 4, + 5, + 5 + ], + "redundancy": [ + 5, + 5, + 5 + ] + }, + "hmnet": { + "coherence": [ + 3, + 5, + 1 + ], + "summary": "An adopting ordinance, which adopted the 2019 budget, including the 2019 capital improvement program); changing appropriations to various departments and budget control levels, and from various funds in the budget; and revising project allocations for certain projects in the 2021 CIP; and ratifying and confirming certain prior acts.", + "consistency": [ + 1, + 1, + 1 + ], + "fluency": [ + 3, + 5, + 5 + ], + "informativeness": [ + 1, + 1, + 1 + ], + "redundancy": [ + 4, + 5, + 5 + ] + }, + "dialogLM": { + "coherence": [ + 1, + 3, + 1 + ], + "summary": "An ordinance relating to gender neutral terms; amending section 9. 16. 010 of the King County municipal code; and amending ordinance 16803, Section 2, as amended, and K. C. C. 1. 12. 010. Additionally, referred to as K. C. C. 1. 12. 020. A. K. C. C. 1. 12. 030. A. K. C. C. 1. 12. K0, K. C. C. 1. 12. 050. A. K. C. C. 1. 12. 060. A. K. C. C. 1. 12. 070. A. K. C. C. 1. 12. 080. A. K. C. C. 1. 12. 090. A. K. C. C. 1. 12. 100. A. K. C. C. 1. 12. 110. A. K. C. C. 1. 12. 120. A. K. C. C. 1. 12. 130. A. K. C. C. 1. 12. 140. A. K. C. C. 1. 12. 160. A. K. C. C. 1. 12. 170. A. K. C. C. 1. 12. 180. A. K. C. C. 1. 12. 190. A. K", + "consistency": [ + 2, + 3, + 3 + ], + "fluency": [ + 1, + 3, + 1 + ], + "informativeness": [ + 1, + 4, + 3 + ], + "redundancy": [ + 1, + 5, + 1 + ] + }, + "lexrank": { + "coherence": [ + 1, + 4, + 5 + ], + "summary": "And it's the second of four planned ordinances that together will make the entire King County code gender neutral. This proposed ordinance is consistent with washing with existing Washington state law and county code to be written in gender neutral terms.", + "consistency": [ + 1, + 4, + 5 + ], + "fluency": [ + 1, + 4, + 5 + ], + "informativeness": [ + 1, + 4, + 5 + ], + "redundancy": [ + 3, + 4, + 5 + ] + }, + "lead-3": { + "coherence": [ + 1, + 5, + 1 + ], + "summary": "Thank you. All right. We're going to move on.", + "consistency": [ + 1, + 1, + 1 + ], + "fluency": [ + 1, + 5, + 5 + ], + "informativeness": [ + 1, + 1, + 1 + ], + "redundancy": [ + 1, + 5, + 5 + ] + }, + "davinci003": { + "coherence": [ + 5, + 5, + 5 + ], + "summary": "Ordinance 2018 0068 is a proposed ordinance that seeks to make changes to the King County Code to remove gendered pronouns and historically gendered terms wherever possible. It is consistent with existing Washington state law and county code to be written in gender-neutral terms.", + "consistency": [ + 5, + 5, + 5 + ], + "fluency": [ + 5, + 5, + 5 + ], + "informativeness": [ + 5, + 5, + 5 + ], + "redundancy": [ + 5, + 5, + 5 + ] + }, + "bart": { + "coherence": [ + 2, + 5, + 1 + ], + "summary": "AN ORDINANCE proposing to amend the King County Code to be written in gender neutral terms and to make technical corrections; amending Sections 9, 13, 14, 16, 17, 19, 20, 21, 24, 31, 32, 33, 34, 35, 36, 37, 38, 39, 40, 42, 43, 44, 45, 52, 53, 54, 56, 57, 58, 59, 60, 65, 66, 68, 71, 72, 73, 84, 85, 85 and 85, 95, 97, 98, 101, 112, 118 and 126, as amended, and Attachment A as amended; and submitting the same", + "consistency": [ + 2, + 3, + 3 + ], + "fluency": [ + 2, + 4, + 1 + ], + "informativeness": [ + 2, + 3, + 4 + ], + "redundancy": [ + 1, + 5, + 1 + ] + } + }, + "AlamedaCC_02042020_2020-7620": { + "bart": { + "coherence": [ + 3, + 2, + 4 + ], + "summary": "Recommendation to Authorize the Purchase of Vehicles, Consistent with Revised Vehicle Replacement Policy, in an Amount Not to Exceed $227,404 with Anson Lake Ford, Inc., for a Sale of 123,343 from National Auto Fleet Group, No. P.W. 03-16-23. (Public Works 310)", + "consistency": [ + 3, + 3, + 3 + ], + "fluency": [ + 2, + 2, + 4 + ], + "informativeness": [ + 2, + 4, + 3 + ], + "redundancy": [ + 1, + 4, + 5 + ] + }, + "pegasus": { + "coherence": [ + 2, + 1, + 4 + ], + "summary": "Recommendation to Authorize Purchase of Vehicles, Consistent with Revised Vehicle Replacement Policy, an Amount Not to Exceed $227,404 with Lake Ford, Inc., of Long Beach, CA, for 101.175 Units, and from Downtown Nissan, of Long Beach, CA, for Sales, in an Amount Not to ", + "consistency": [ + 3, + 3, + 3 + ], + "fluency": [ + 2, + 1, + 4 + ], + "informativeness": [ + 2, + 3, + 3 + ], + "redundancy": [ + 3, + 2, + 5 + ] + }, + "hmnet": { + "coherence": [ + 4, + 1, + 4 + ], + "summary": "Recommendation to authorize city manager, or Designee, to purchase of vehicles consistent with revised replacement vehicle replacement vehicle control), in an amount not to exceed, for a period of two years, with the option to renew for three additional one -Year periods, at the discretion of the city manager; and, execute all documents necessary to enter into the contact, including any necessary amendments.)", + "consistency": [ + 4, + 3, + 3 + ], + "fluency": [ + 3, + 1, + 4 + ], + "informativeness": [ + 4, + 4, + 3 + ], + "redundancy": [ + 4, + 2, + 5 + ] + }, + "lexrank": { + "coherence": [ + 2, + 1, + 4 + ], + "summary": "And the day after we approved approved the purchase of vehicles last time around, the state of California actually announced that they would no longer be supporting those who are fighting against our climate goals. Given that there are three Nissan Leaf vehicles, I support fully that they are EVs and very green.", + "consistency": [ + 1, + 2, + 4 + ], + "fluency": [ + 3, + 3, + 5 + ], + "informativeness": [ + 1, + 2, + 2 + ], + "redundancy": [ + 3, + 4, + 4 + ] + }, + "davinci003": { + "coherence": [ + 2, + 1, + 5 + ], + "summary": "The proposed ordinance would authorize a one year lease with a 41 year extension option to Shelter in Peace, a California nonprofit corporation, to operate transitional housing for refugees at 2815 San Diego Road, located at Alameda Point. The city manager also recommended approval of the finding that the short term lease transaction with Shelter and Peace is exempt from the Surplus Lands Act.", + "consistency": [ + 1, + 1, + 1 + ], + "fluency": [ + 3, + 4, + 5 + ], + "informativeness": [ + 1, + 1, + 1 + ], + "redundancy": [ + 3, + 4, + 5 + ] + }, + "dialogLM": { + "coherence": [ + 3, + 2, + 4 + ], + "summary": "Recommendation to authorize the purchase of vehicles consistent with revised vehicle replacement policy in an amount not to exceed $227, 404 with Naia Lake Ford, Inc., for 101. 175 and from downtown for sales of $123, 235 from national auto fleet group. (public works 310)", + "consistency": [ + 2, + 3, + 4 + ], + "fluency": [ + 2, + 1, + 3 + ], + "informativeness": [ + 2, + 3, + 4 + ], + "redundancy": [ + 1, + 3, + 5 + ] + }, + "lead-3": { + "coherence": [ + 2, + 2, + 4 + ], + "summary": "See recommendation to authorize purchase of vehicles consistent with revised vehicle replacement policy, an amount not to exceed $227,404 with for some Lake Ford for 101.175 and from downtown for sales for 123,000 from National Auto Fleet Group. All right. Good evening.", + "consistency": [ + 3, + 3, + 4 + ], + "fluency": [ + 2, + 2, + 3 + ], + "informativeness": [ + 2, + 4, + 4 + ], + "redundancy": [ + 1, + 4, + 5 + ] + } + }, + "AlamedaCC_02042020_2020-7677": { + "davinci003": { + "coherence": [ + 5, + 4, + 5 + ], + "summary": "The ordinance delegates authority to the Public Works Director to publish and amend documents related to the use of the city's facilities in the public right away. The ordinance also allows for an exemption to the clause requiring contracts in excess of a five year term to be approved by council so that master license agreements can be negotiated and executed.", + "consistency": [ + 4, + 3, + 4 + ], + "fluency": [ + 5, + 4, + 5 + ], + "informativeness": [ + 4, + 3, + 4 + ], + "redundancy": [ + 4, + 4, + 5 + ] + }, + "bart": { + "coherence": [ + 2, + 2, + 5 + ], + "summary": "Introduction of Ordinance Amending the Alameda Municipal Code by (1) Adding Section 1-8.01 Concerning the Establishment of a Temporary Right-of-Way between the City of Alameda and the California Public Utilities Commission, (2) Adding a New Section 30-10.15 and (3) Amending Section 10-30.15 Concerning Wireless Telecommunications Facilities and Providing an exemption from the sunset date of the Master License Agreement with each of the Mobile Telecommunication Carriers for Use of City Facilities, including Verizon Communications Company of California (\u201cTECHS\u201d), Frontier Communications Corporation, Verizon Communications Corporation of Texas (\u201dSpectrum Communications Company\ufffd", + "consistency": [ + 3, + 4, + 3 + ], + "fluency": [ + 2, + 2, + 3 + ], + "informativeness": [ + 2, + 4, + 3 + ], + "redundancy": [ + 1, + 1, + 5 + ] + }, + "lead-3": { + "coherence": [ + 3, + 2, + 5 + ], + "summary": "Further, the ordinance delegates authority to the Public Works Director to publish and amend as necessary relevant administrative documents such as design standards for these facilities, the SUBMITTAL Guidelines for when they go to submit a permit. Accompanying the ordinance will be use of a master license agreement with each of the telecommunication carriers for use of city facilities in the public right away. The license agreement will include include, among other provisions, insurance, indemnity bonding, maintenance requirements and of course, annual license fees that are associated with use of city facilities.", + "consistency": [ + 2, + 3, + 4 + ], + "fluency": [ + 2, + 2, + 4 + ], + "informativeness": [ + 2, + 3, + 5 + ], + "redundancy": [ + 1, + 1, + 5 + ] + }, + "lexrank": { + "coherence": [ + 1, + 2, + 4 + ], + "summary": "And I would request that council direct staff to continue to work with the wireless industry as they work to finalize the design and permitting guidelines that will essentially allow for the successful deployment of small cell wireless facilities. That's not covered in this ordinance, although just based on conversations with the parks that there that is still open for the possibility of placing wireless facilities less so I think cell towers.", + "consistency": [ + 2, + 2, + 4 + ], + "fluency": [ + 2, + 2, + 5 + ], + "informativeness": [ + 1, + 2, + 2 + ], + "redundancy": [ + 3, + 2, + 5 + ] + }, + "hmnet": { + "coherence": [ + 2, + 2, + 3 + ], + "summary": "Introduction of ordinance amending the Alameda municipal code by adding article Xii to chapter VI concerning the purpose of a general license agreement with the carriers of the carriers for use of city facilities in the stations for use of city facilities in the telecommunications of the purpose . Attorney)", + "consistency": [ + 2, + 3, + 4 + ], + "fluency": [ + 2, + 2, + 4 + ], + "informativeness": [ + 1, + 3, + 3 + ], + "redundancy": [ + 1, + 1, + 2 + ] + }, + "pegasus": { + "coherence": [ + 2, + 4, + 4 + ], + "summary": "Public Hearing to Consider Adoption of Ordinance Amending the Alameda Municipal Code by Amending Various Sections to Provide an Exemption from the Five-Year Term for Wireless Facilities and Authorizing the City Manager to Execute a Master License Agreement with Each of the Telecommunications Carriers for Use of City Facilities in the Public Right-of-", + "consistency": [ + 2, + 4, + 4 + ], + "fluency": [ + 1, + 1, + 4 + ], + "informativeness": [ + 1, + 4, + 5 + ], + "redundancy": [ + 3, + 3, + 5 + ] + }, + "dialogLM": { + "coherence": [ + 3, + 4, + 4 + ], + "summary": "Final passage of ordinance amending Alameda municipal code chapter Xxx (Wireless telecommunications code) to provide an exemption from the requirement that contracts above $500, 000 be individually approved by city council. (city manager 2110)", + "consistency": [ + 3, + 3, + 3 + ], + "fluency": [ + 2, + 4, + 4 + ], + "informativeness": [ + 2, + 3, + 3 + ], + "redundancy": [ + 1, + 3, + 5 + ] + } + }, + "DenverCityCouncil_03162015_15-0166": { + "bart": { + "coherence": [ + 2, + 3, + 3 + ], + "summary": "A proclamation honoring Mickey Patterson's 38 Years of service with the City and County of Denver. A proclamation honoringMickey Patterson for 38 years of service to the City of Denver upon her retirement. The last regularly scheduled Council meeting within the 30-day review period is on 2-20-17. ", + "consistency": [ + 2, + 4, + 4 + ], + "fluency": [ + 2, + 2, + 4 + ], + "informativeness": [ + 2, + 4, + 5 + ], + "redundancy": [ + 1, + 1, + 3 + ] + }, + "hmnet": { + "coherence": [ + 4, + 2, + 3 + ], + "summary": "A proclamation honoring Mickey Patterson of service with the city and county of Denver for 38 years the service permit with the service of the Denver public works starting with the solid Waste Management management program in 1976.", + "consistency": [ + 3, + 3, + 3 + ], + "fluency": [ + 2, + 2, + 3 + ], + "informativeness": [ + 3, + 4, + 3 + ], + "redundancy": [ + 2, + 1, + 4 + ] + }, + "davinci003": { + "coherence": [ + 5, + 4, + 5 + ], + "summary": "Councilman Lopez presented a proclamation honoring Mickey Patterson's 38 years of service with the City of Denver. Additionally, Councilwoman Monteiro recognized the 41st annual Denver March Powwow, to be held from March 20th to March 22nd of 2015.", + "consistency": [ + 4, + 3, + 3 + ], + "fluency": [ + 5, + 4, + 5 + ], + "informativeness": [ + 5, + 3, + 3 + ], + "redundancy": [ + 5, + 5, + 5 + ] + }, + "dialogLM": { + "coherence": [ + 4, + 5, + 5 + ], + "summary": "A proclamation honoring Mickey Patterson \u2019 s 38 years of service with the city and county of Denver.", + "consistency": [ + 5, + 5, + 5 + ], + "fluency": [ + 4, + 5, + 4 + ], + "informativeness": [ + 4, + 5, + 5 + ], + "redundancy": [ + 4, + 5, + 5 + ] + }, + "pegasus": { + "coherence": [ + 4, + 5, + 5 + ], + "summary": "A proclamation honoring Mickey Patterson's 38 Years of Service with the City and County of Denver.", + "consistency": [ + 5, + 5, + 5 + ], + "fluency": [ + 4, + 5, + 5 + ], + "informativeness": [ + 4, + 5, + 5 + ], + "redundancy": [ + 4, + 5, + 5 + ] + }, + "lexrank": { + "coherence": [ + 3, + 4, + 3 + ], + "summary": "It's my distinct pleasure to read Councilman Council Proclamation 166 series of 2015 honoring Mickey Patterson's 38 years of service with the city and king and county of Denver. 38 years of service in Section two at the clerk of the city and county of Denver shall and affix the seal of the city and county of Denver to this proclamation and that a copy be transmitted to Mrs. Mickey Patterson.", + "consistency": [ + 4, + 4, + 4 + ], + "fluency": [ + 3, + 3, + 4 + ], + "informativeness": [ + 3, + 4, + 3 + ], + "redundancy": [ + 2, + 4, + 4 + ] + }, + "lead-3": { + "coherence": [ + 3, + 2, + 3 + ], + "summary": "It's my distinct pleasure to read Councilman Council Proclamation 166 series of 2015 honoring Mickey Patterson's 38 years of service with the city and king and county of Denver. Whereas Mickey Patterson, a Denver native, worked for the city and county of Denver for 38 years, starting with the city building inspection in 1976, then joining the Solid Waste Management Management Division of Denver Public Works in 1977, working as an operations supervisor, equipment operator, senior utility worker and clerk. And.", + "consistency": [ + 3, + 4, + 4 + ], + "fluency": [ + 2, + 1, + 4 + ], + "informativeness": [ + 3, + 4, + 5 + ], + "redundancy": [ + 2, + 2, + 4 + ] + } + }, + "LongBeachCC_10032017_17-0880": { + "hmnet": { + "coherence": [ + 2, + 4, + 2 + ], + "summary": "Recommendation to receive and file a presentation from Councilman way, LLC, the Los Angeles River revitalization plan.", + "consistency": [ + 1, + 3, + 3 + ], + "fluency": [ + 3, + 4, + 1 + ], + "informativeness": [ + 1, + 2, + 3 + ], + "redundancy": [ + 3, + 5, + 5 + ] + }, + "davinci003": { + "coherence": [ + 5, + 5, + 5 + ], + "summary": "The Rivers and Mountains Conservancy presented a plan to the Councilman Austin to revitalize the Lower Los Angeles River Revitalization Plan. The plan includes activities such as bike rides, workshops, and community engagement, with the goal of improving the river's access, safety, and environment.", + "consistency": [ + 4, + 5, + 5 + ], + "fluency": [ + 5, + 5, + 5 + ], + "informativeness": [ + 4, + 5, + 5 + ], + "redundancy": [ + 3, + 5, + 5 + ] + }, + "pegasus": { + "coherence": [ + 5, + 5, + 5 + ], + "summary": "Recommendation to receive and file a presentation from the Rivers and Mountains Conservancy on the progress of the Lower Los Angeles River Plan.", + "consistency": [ + 3, + 5, + 5 + ], + "fluency": [ + 5, + 5, + 5 + ], + "informativeness": [ + 3, + 4, + 5 + ], + "redundancy": [ + 5, + 5, + 5 + ] + }, + "bart": { + "coherence": [ + 3, + 5, + 3 + ], + "summary": "Recommendation to request City Council to receive and file a presentation from the Rivers and Mountains Conservancy on the progress of the Lower Los Angeles River Revitalization Plan; and Request City Manager to direct City staff to bring this presentation back to the City Council in Closed Session with the agenda of discussions being held on October 1, 2018.", + "consistency": [ + 4, + 4, + 5 + ], + "fluency": [ + 3, + 5, + 5 + ], + "informativeness": [ + 4, + 4, + 3 + ], + "redundancy": [ + 5, + 5, + 5 + ] + }, + "dialogLM": { + "coherence": [ + 5, + 5, + 5 + ], + "summary": "Recommendation to receive and file a presentation from the rivers and mountains Conservancy on the progress of the lower Los Angeles River revitalization plan.", + "consistency": [ + 4, + 5, + 5 + ], + "fluency": [ + 5, + 4, + 4 + ], + "informativeness": [ + 3, + 4, + 5 + ], + "redundancy": [ + 5, + 5, + 5 + ] + }, + "lead-3": { + "coherence": [ + 1, + 5, + 1 + ], + "summary": "Great. Thank you. We're going to go and move up item.", + "consistency": [ + 1, + 1, + 1 + ], + "fluency": [ + 1, + 5, + 5 + ], + "informativeness": [ + 1, + 1, + 1 + ], + "redundancy": [ + 3, + 5, + 5 + ] + }, + "lexrank": { + "coherence": [ + 3, + 5, + 5 + ], + "summary": "Communication from Councilman Austin recommendation to receive and file a presentation from the Rivers and Mountains Conservancy on the progress of the Lower Los Angeles River Revitalization Plan. You can see that there was a tremendous response from the community in wanting to participate in activities along the Los Angeles River.", + "consistency": [ + 2, + 4, + 5 + ], + "fluency": [ + 3, + 5, + 5 + ], + "informativeness": [ + 1, + 4, + 5 + ], + "redundancy": [ + 5, + 5, + 5 + ] + } + }, + "KingCountyCC_06162020_2020-0192": { + "lexrank": { + "coherence": [ + 4, + 2, + 5 + ], + "summary": "The amendment asked the county treasurer take steps, affirmative steps to engage those who are delinquent in the first half property tax payments for the June 2nd and offer them a payment plan for their 2020 property taxes. And what today's striker does is focus on those taxpayers who are currently delinquent June one being the deadline, and offers more flexibility to the county treasurer in implementing a proposed payment program while maintaining the intent of the original motion.", + "consistency": [ + 3, + 4, + 4 + ], + "fluency": [ + 3, + 2, + 5 + ], + "informativeness": [ + 2, + 3, + 4 + ], + "redundancy": [ + 2, + 3, + 5 + ] + }, + "dialogLM": { + "coherence": [ + 4, + 5, + 5 + ], + "summary": "A motion requesting the county Treasury to provide for payment agreements for 2020 property tax payers.", + "consistency": [ + 4, + 5, + 5 + ], + "fluency": [ + 4, + 4, + 5 + ], + "informativeness": [ + 2, + 5, + 4 + ], + "redundancy": [ + 4, + 5, + 5 + ] + }, + "davinci003": { + "coherence": [ + 5, + 5, + 5 + ], + "summary": "The Council unanimously voted to pass Motion 2020 192, which requests the County Treasurer to provide payment agreements for 2020 property tax payers affected by the COVID-19 pandemic. The motion also requests the Treasurer to identify accounts delinquent on 2020 taxes as of June 2nd 2020, perform outreach to promote the delinquent tax payment program, and report on the utilization of the program by April 1st 2021.", + "consistency": [ + 5, + 4, + 4 + ], + "fluency": [ + 5, + 5, + 5 + ], + "informativeness": [ + 5, + 4, + 5 + ], + "redundancy": [ + 4, + 4, + 5 + ] + }, + "bart": { + "coherence": [ + 4, + 5, + 5 + ], + "summary": "A MOTION calling for the King County treasurer to provide for payment agreements for 2020 property tax payers who are delinquent on current-year taxes due to the COVID-19 pandemic, and requesting the executive to perform outreach and consider waiving or subsidizing fees charged by third-party vendors so that the payments are made in accordance with the intent of the original motion.", + "consistency": [ + 4, + 4, + 4 + ], + "fluency": [ + 4, + 5, + 4 + ], + "informativeness": [ + 4, + 4, + 4 + ], + "redundancy": [ + 4, + 5, + 5 + ] + }, + "lead-3": { + "coherence": [ + 1, + 1, + 4 + ], + "summary": "Thank you. By your vote, we have given a unanimous do past recommendation to motion 2022 await and we will expedite that posthaste. And Council Madam Council Chair, I urge you to have a meeting next Tuesday so we might take this legislation up and with that we move to item 11 on today's agenda.", + "consistency": [ + 1, + 1, + 1 + ], + "fluency": [ + 1, + 3, + 4 + ], + "informativeness": [ + 1, + 1, + 1 + ], + "redundancy": [ + 2, + 3, + 5 + ] + }, + "hmnet": { + "coherence": [ + 2, + 2, + 4 + ], + "summary": "A requesting the county treasurer to provide payment agreements for 2020 and 2020 tax collections charged by the third vendor that uses Treasury to subsidizing fees charged by third party that uses to expand the program to reduce the scope of taxation.", + "consistency": [ + 2, + 2, + 4 + ], + "fluency": [ + 2, + 3, + 4 + ], + "informativeness": [ + 2, + 2, + 3 + ], + "redundancy": [ + 2, + 1, + 4 + ] + }, + "pegasus": { + "coherence": [ + 4, + 5, + 5 + ], + "summary": "A MOTION requesting the County Treasurer to provide monthly payment agreements for 2020 property tax payers affected by the COVID-19 pandemic.", + "consistency": [ + 3, + 4, + 4 + ], + "fluency": [ + 3, + 4, + 4 + ], + "informativeness": [ + 3, + 4, + 3 + ], + "redundancy": [ + 5, + 5, + 5 + ] + } + }, + "LongBeachCC_04212015_15-0353": { + "davinci003": { + "coherence": [ + 5, + 5, + 5 + ], + "summary": "The article discusses Mayor Robert Garcia's recommendation to the Long Beach City Council to study and report back with recommendations for improving and enhancing the signage at the major entrances to the city. The Council unanimously supported this motion and discussed related topics such as the cost of implementation and maintenance, drought-friendly landscaping, and the history of the traffic circle.", + "consistency": [ + 5, + 5, + 5 + ], + "fluency": [ + 5, + 5, + 5 + ], + "informativeness": [ + 5, + 5, + 5 + ], + "redundancy": [ + 4, + 5, + 5 + ] + }, + "lexrank": { + "coherence": [ + 1, + 4, + 3 + ], + "summary": "Item number 19 communications for Mayor Robert Garcia recommendation to direct city manager to study and report back to council within 90 days with recommendations for improving and enhancing the signage at major entrances to the city. And so let's not forget that in the West Long Beach Park also that we signage is very important there as well.", + "consistency": [ + 2, + 4, + 5 + ], + "fluency": [ + 3, + 5, + 1 + ], + "informativeness": [ + 1, + 3, + 4 + ], + "redundancy": [ + 3, + 4, + 5 + ] + }, + "dialogLM": { + "coherence": [ + 3, + 4, + 1 + ], + "summary": "Recommendation to direct city manager to study and report back to Council within 90 days with recommendations for improving and enhancing the Signage at major Entrances to the.", + "consistency": [ + 3, + 4, + 5 + ], + "fluency": [ + 2, + 4, + 1 + ], + "informativeness": [ + 2, + 4, + 5 + ], + "redundancy": [ + 5, + 5, + 5 + ] + }, + "hmnet": { + "coherence": [ + 2, + 2, + 4 + ], + "summary": "Recommendation to direct city manager to work to study and report back to Council within 90 days with recommendations for improving the Signage at major Entrances to the following: and exit and exit entrance into long Beach.", + "consistency": [ + 2, + 4, + 5 + ], + "fluency": [ + 2, + 4, + 3 + ], + "informativeness": [ + 1, + 4, + 5 + ], + "redundancy": [ + 1, + 3, + 5 + ] + }, + "pegasus": { + "coherence": [ + 4, + 5, + 5 + ], + "summary": "Recommendation to direct City Manager to study and report back to Council within 90 days with recommendations for improving and enhancing the signage at major entrances to the City.", + "consistency": [ + 4, + 5, + 5 + ], + "fluency": [ + 4, + 4, + 5 + ], + "informativeness": [ + 3, + 4, + 5 + ], + "redundancy": [ + 5, + 5, + 5 + ] + }, + "lead-3": { + "coherence": [ + 1, + 4, + 3 + ], + "summary": "Item number 19 communications for Mayor Robert Garcia recommendation to direct city manager to study and report back to council within 90 days with recommendations for improving and enhancing the signage at major entrances to the city. Okay. Can we get a motion, please?", + "consistency": [ + 2, + 4, + 5 + ], + "fluency": [ + 2, + 5, + 5 + ], + "informativeness": [ + 2, + 3, + 4 + ], + "redundancy": [ + 2, + 5, + 5 + ] + }, + "bart": { + "coherence": [ + 3, + 2, + 4 + ], + "summary": "Recommendation to direct City Manager to study and report back to Council within 90 days with recommendations for improving and enhancing the signage at major entrances to the City of Long Beach and return with recommendations to Council that will include, but not be limited to, the following: 1. Receive and file the report, \u201cProblems with Signage\u201d (Currently Suspended); 1. Provide Direction to Staff to Work with City Staff on Ways to Improve and Enhance the Signage at Main Street Neighborhoods, Business Improvement Districts, and Parking Lots to Promenade in the North Long Beach area of the City; and 2. Direct City Manager and City Attorney to work with City Manager", + "consistency": [ + 4, + 4, + 5 + ], + "fluency": [ + 3, + 3, + 3 + ], + "informativeness": [ + 2, + 3, + 4 + ], + "redundancy": [ + 1, + 3, + 2 + ] + } + }, + "SeattleCityCouncil_10052020_CB 119895": { + "davinci003": { + "coherence": [ + 5, + 5, + 5 + ], + "summary": "Seattle City Light is proposing to pass legislation and a resolution to expand electrification, such as electric vehicles, in order to meet their climate action plan and decarbonize their economy. Councilmember Peterson has voiced disappointment that the mayor's office has not invested more in implementing these plans in 2021.", + "consistency": [ + 3, + 4, + 4 + ], + "fluency": [ + 5, + 5, + 5 + ], + "informativeness": [ + 3, + 5, + 4 + ], + "redundancy": [ + 3, + 5, + 5 + ] + }, + "dialogLM": { + "coherence": [ + 4, + 5, + 5 + ], + "summary": "An ordinance granting authority for the Department to offer incentives program and the Electrification of Transportation for its customers, including the promotion of electric vehicle adoption and advertising programs to promote the utility services, incentives or rebates; and adding a new chapter 21. 53 to the Seattle municipal code.", + "consistency": [ + 3, + 5, + 5 + ], + "fluency": [ + 3, + 5, + 5 + ], + "informativeness": [ + 2, + 5, + 5 + ], + "redundancy": [ + 3, + 5, + 5 + ] + }, + "lead-3": { + "coherence": [ + 2, + 4, + 5 + ], + "summary": "Agenda Item seven Capital 119895 Relations Department granting authority for the Department to offer incentives program and the electrification of transportation for its customers, including the promotion of electric vehicle adoption and advertising programs to promote the utility services, incentives or rebates. And adding a new Chapter 21.53. The company recommends the bill pass.", + "consistency": [ + 3, + 5, + 5 + ], + "fluency": [ + 2, + 5, + 5 + ], + "informativeness": [ + 2, + 5, + 5 + ], + "redundancy": [ + 2, + 5, + 5 + ] + }, + "hmnet": { + "coherence": [ + 1, + 2, + 1 + ], + "summary": "An granting Department of relations permission for the Department of the Seattle Department of capital light Department; granting city light Department permission for Department of Puget sound light to expand opportunities to expand, as part of broader Electrification of the strategic investment plan; and adding a new chapter 9 to the Seattle municipal code.", + "consistency": [ + 1, + 2, + 2 + ], + "fluency": [ + 1, + 4, + 1 + ], + "informativeness": [ + 1, + 2, + 3 + ], + "redundancy": [ + 1, + 3, + 1 + ] + }, + "bart": { + "coherence": [ + 4, + 5, + 5 + ], + "summary": "AN ORDINANCE relating to the City Light Department; granting authority for the Department to offer incentives program and the electrification of transportation for its customers, including the promotion of electric vehicle adoption and advertising programs to promote the utility services, incentives or rebates; and adding a new Chapter 21.53 to the Seattle Municipal Code.", + "consistency": [ + 4, + 5, + 5 + ], + "fluency": [ + 4, + 4, + 5 + ], + "informativeness": [ + 4, + 5, + 5 + ], + "redundancy": [ + 5, + 5, + 5 + ] + }, + "lexrank": { + "coherence": [ + 1, + 5, + 2 + ], + "summary": "All of this has been possible because City Light is a public utility and these bills for transportation, electric electrification continue that work. Note that we recently passed to consider all new legislation through the lens of climate change, specifically, council bill 119895 amends the Seattle Municipal Code to accommodate recent changes in state law, allowing electric utilities to incentivize and promote transportation electrification.", + "consistency": [ + 1, + 4, + 4 + ], + "fluency": [ + 2, + 5, + 4 + ], + "informativeness": [ + 1, + 3, + 3 + ], + "redundancy": [ + 2, + 5, + 4 + ] + }, + "pegasus": { + "coherence": [ + 3, + 5, + 5 + ], + "summary": "AN ORDINANCE granting authority for the Department of Light to offer incentives program and the electrification of transportation for its customers, including the promotion of electric vehicle adoption and advertising programs to promote the utility\u2019s services, incentives, or rebates; and adding a new Chapter 21.53 to the Seattle Municipal Code.", + "consistency": [ + 4, + 3, + 5 + ], + "fluency": [ + 3, + 4, + 5 + ], + "informativeness": [ + 2, + 5, + 5 + ], + "redundancy": [ + 4, + 5, + 5 + ] + } + }, + "DenverCityCouncil_04252022_22-0249": { + "lexrank": { + "coherence": [ + 2, + 3, + 5 + ], + "summary": "And I've been working with the Sunnyside neighborhood to figure out how to transition down to the protected zone district in between Jason and the alley and the next street over. Although the Sunnyside Neighborhood Plan is an adopted plan that contributes to policy and development of decisions within the neighborhood, the eastern portion of the plan area, including the subject sites, has more recent guidance from the 41st and Fox station area plan.", + "consistency": [ + 2, + 1, + 3 + ], + "fluency": [ + 3, + 3, + 5 + ], + "informativeness": [ + 1, + 1, + 3 + ], + "redundancy": [ + 3, + 4, + 5 + ] + }, + "dialogLM": { + "coherence": [ + 3, + 2, + 4 + ], + "summary": "A bill for an ordinance changing the zoning classification for 4155 North Jason street in Sunnyside. APPROVES a map amendment to Rezone property from I-Mx-3 Uo-3 to U-Rx-5 (industrial to urban, residential Mixed-Use), located at 4155 N. Jason St. in Council district 1. the committee approved filing this item at its meeting on 2-4-22.", + "consistency": [ + 4, + 2, + 3 + ], + "fluency": [ + 3, + 1, + 4 + ], + "informativeness": [ + 3, + 3, + 4 + ], + "redundancy": [ + 2, + 3, + 4 + ] + }, + "hmnet": { + "coherence": [ + 3, + 1, + 3 + ], + "summary": "A bill for an ordinance changing the zoning classification for 249 South Jason street in Sunnyside . A map amendment to Rezone property from I -A Uo -3 to C -3 to urban mixed), located at 249 and 249 North Jason street from the general contingency fund) in Council district 1. the committee approved filing this item at its meeting on 3.", + "consistency": [ + 4, + 2, + 3 + ], + "fluency": [ + 2, + 1, + 3 + ], + "informativeness": [ + 3, + 2, + 3 + ], + "redundancy": [ + 2, + 1, + 5 + ] + }, + "pegasus": { + "coherence": [ + 3, + 4, + 3 + ], + "summary": "A bill for an ordinance changing the zoning classification for 4151 & 4155 North Jason Street in Sunnyside. Approves a map amendment to rezone property from I-MX-3 to U-RH-5 (industrial to urban residential mixed-use), located at 4151 & 4155 North Jason Street in Council District", + "consistency": [ + 3, + 4, + 4 + ], + "fluency": [ + 3, + 4, + 4 + ], + "informativeness": [ + 2, + 4, + 4 + ], + "redundancy": [ + 1, + 5, + 3 + ] + }, + "davinci003": { + "coherence": [ + 3, + 3, + 4 + ], + "summary": "Council Bill 22, Dash 249 has been proposed to rezone 4151-4155 North Jason Street to an urban residential mixed use five storey district. This rezoning is consistent with the urban neighborhood context, 41st and Fox Station Area Plan, Sunnyside Neighborhood Plan, and Blueprint Denver, and the applicant is facilitating a voluntary affordable housing agreement.", + "consistency": [ + 3, + 3, + 4 + ], + "fluency": [ + 2, + 2, + 3 + ], + "informativeness": [ + 2, + 3, + 4 + ], + "redundancy": [ + 2, + 2, + 5 + ] + }, + "bart": { + "coherence": [ + 2, + 2, + 4 + ], + "summary": "A bill for an ordinance changing the zoning classification for 4151, 4151 & 4155 North Jason Street in Sunnyside. Approves a map amendment to rezone property from U-MX-3 to U-RX-5 (urban, mixed-use, 3 stories to urban, residential mixed use 5 stories), located at 4151 and 4155 N Jason Street and 42nd Avenue in Council District 1. The Committee approved filing this item at its meeting on 3-13-22.", + "consistency": [ + 3, + 3, + 3 + ], + "fluency": [ + 2, + 2, + 5 + ], + "informativeness": [ + 2, + 4, + 4 + ], + "redundancy": [ + 1, + 1, + 3 + ] + }, + "lead-3": { + "coherence": [ + 1, + 1, + 1 + ], + "summary": "13 Eyes. Counsel build 22 dash. 246 has passed.", + "consistency": [ + 1, + 1, + 1 + ], + "fluency": [ + 1, + 1, + 1 + ], + "informativeness": [ + 1, + 1, + 1 + ], + "redundancy": [ + 3, + 5, + 5 + ] + } + }, + "SeattleCityCouncil_02132017_CB 118910": { + "lexrank": { + "coherence": [ + 2, + 3, + 5 + ], + "summary": "After using eight weeks of paid parental leave, a worker must drawdown vacation and sick leave banks to three weeks before accessing the last four weeks of paid parental leave. This ordinance is an ordinance that would, if adopted, provide additional paid parental leave to qualifying employees, as well as adding a new paid family care leave benefit for eligible city employees.", + "consistency": [ + 3, + 2, + 5 + ], + "fluency": [ + 2, + 3, + 5 + ], + "informativeness": [ + 3, + 2, + 5 + ], + "redundancy": [ + 2, + 5, + 5 + ] + }, + "dialogLM": { + "coherence": [ + 2, + 5, + 3 + ], + "summary": "An ordinance relating to city employment; amending sections 4. 20. 055, 4. 20. 070, 4. 20. 080, and 4. 20. 100 of the Seattle municipal", + "consistency": [ + 2, + 4, + 3 + ], + "fluency": [ + 3, + 5, + 4 + ], + "informativeness": [ + 1, + 4, + 1 + ], + "redundancy": [ + 2, + 1, + 5 + ] + }, + "lead-3": { + "coherence": [ + 1, + 3, + 2 + ], + "summary": "To be report of the full council agenda item one Constable 1189 ten. Relating to city employment and building sections four point 20.0 55 4.20 6.0 ten 4.20 7.0. 10.0 22.107 of code and adding a new chapter 4.29 to the Semester Code consisting of sections 4.20 9.0, 10.0, 20.0, 30.0, 40.0.", + "consistency": [ + 1, + 3, + 2 + ], + "fluency": [ + 2, + 2, + 3 + ], + "informativeness": [ + 1, + 3, + 1 + ], + "redundancy": [ + 2, + 1, + 4 + ] + }, + "hmnet": { + "coherence": [ + 2, + 1, + 3 + ], + "summary": "An relating to city employment and building sections; amending ordinance,, and adding a new chapter 15 to the Seattle municipal code; and ratifying and confirming certain prior acts.", + "consistency": [ + 1, + 1, + 1 + ], + "fluency": [ + 2, + 1, + 3 + ], + "informativeness": [ + 1, + 1, + 1 + ], + "redundancy": [ + 2, + 5, + 5 + ] + }, + "davinci003": { + "coherence": [ + 5, + 5, + 5 + ], + "summary": "This article discusses a proposed ordinance that would provide additional paid parental leave and paid family care leave to eligible city employees. If passed, the ordinance would be retroactive to January 1st, 2017, and would provide 12 weeks of paid leave for parents, birth parents, adoptive parents, and foster parents.", + "consistency": [ + 5, + 5, + 4 + ], + "fluency": [ + 5, + 5, + 5 + ], + "informativeness": [ + 5, + 5, + 5 + ], + "redundancy": [ + 5, + 5, + 4 + ] + }, + "pegasus": { + "coherence": [ + 3, + 4, + 4 + ], + "summary": "AN ORDINANCE relating to City employment and building sections in the Seattle Municipal Code; and adding a new Chapter 4.29 to the Seattle Municipal Code consisting of Sections 4.20.030, 4.20.040, 4.20.050, 4.20.060, 4.20.070, 4.20.080, 4.20.090, and 4.2", + "consistency": [ + 2, + 4, + 2 + ], + "fluency": [ + 3, + 1, + 4 + ], + "informativeness": [ + 2, + 4, + 1 + ], + "redundancy": [ + 1, + 4, + 5 + ] + }, + "bart": { + "coherence": [ + 4, + 2, + 4 + ], + "summary": "AN ORDINANCE relating to City employment; amending Sections 4.29.010, 4.25.010.A. and 4.28.020 of the Seattle Municipal Code and adding a new Chapter 4.27.110 to add a new Paid Family Care Leave benefit to eligible City employees; establishing other conditions of implementing the new leave benefits; and ratifying and confirming certain prior acts.", + "consistency": [ + 4, + 3, + 4 + ], + "fluency": [ + 4, + 2, + 4 + ], + "informativeness": [ + 4, + 3, + 4 + ], + "redundancy": [ + 2, + 1, + 5 + ] + } + }, + "LongBeachCC_11102015_15-1157": { + "hmnet": { + "coherence": [ + 2, + 3, + 5 + ], + "summary": "Recommendation to find that excavations are immediately required to Excavate in Santa Fe Avenue North and willow street, along with one and 7.)", + "consistency": [ + 2, + 4, + 3 + ], + "fluency": [ + 2, + 4, + 5 + ], + "informativeness": [ + 2, + 2, + 4 + ], + "redundancy": [ + 3, + 5, + 5 + ] + }, + "lexrank": { + "coherence": [ + 2, + 3, + 2 + ], + "summary": "Correct if if in doubt in a case like that, if they find that they need to repair the pipeline, they still need to get a permit from us. But at the same time, when they drill these half inch holes every ten feet on center, they're going to fill it with materials that it's strong enough.", + "consistency": [ + 1, + 3, + 2 + ], + "fluency": [ + 2, + 5, + 1 + ], + "informativeness": [ + 1, + 1, + 2 + ], + "redundancy": [ + 2, + 4, + 1 + ] + }, + "pegasus": { + "coherence": [ + 2, + 5, + 5 + ], + "summary": "Recommendation to find that excavations are immediately required for the general health, safety, and welfare of the City; and, provide and approve a discretionary permit to excavate in Santa Fe Avenue between Pacific Coast Highway and Willow Street. (Districts 1,7)", + "consistency": [ + 4, + 5, + 5 + ], + "fluency": [ + 3, + 4, + 5 + ], + "informativeness": [ + 2, + 5, + 5 + ], + "redundancy": [ + 3, + 5, + 5 + ] + }, + "davinci003": { + "coherence": [ + 5, + 5, + 5 + ], + "summary": "Tesoro, the oil company, has been granted a permit to conduct excavations in Santa Fe Avenue for the health and safety of the city. The company has promised to notify businesses and residents ahead of time and to provide a 24 hour phone line for questions and concerns.", + "consistency": [ + 3, + 4, + 4 + ], + "fluency": [ + 5, + 5, + 5 + ], + "informativeness": [ + 2, + 3, + 4 + ], + "redundancy": [ + 5, + 5, + 5 + ] + }, + "dialogLM": { + "coherence": [ + 3, + 3, + 4 + ], + "summary": "Recommendation to find that excavations are immediately required for the general health, safety, and welfare of the city, Andvate and approve a discretionary permit to Excavate in Santa Fe Avenue, between Pacific Coast highway and willow street. (districts 1, 7)", + "consistency": [ + 4, + 4, + 5 + ], + "fluency": [ + 3, + 4, + 2 + ], + "informativeness": [ + 3, + 4, + 5 + ], + "redundancy": [ + 2, + 5, + 4 + ] + }, + "lead-3": { + "coherence": [ + 1, + 4, + 3 + ], + "summary": "Item 18. Report from Public Works recommendation to find that excavations are immediately required for the general health, safety and welfare of the city and provide and approve a discretionary permit to excavate in Santa Fe Avenue between Pacific Coast Highway and Willow Street Districts one and seven. Thank you, Councilman.", + "consistency": [ + 2, + 4, + 5 + ], + "fluency": [ + 3, + 4, + 4 + ], + "informativeness": [ + 2, + 4, + 4 + ], + "redundancy": [ + 3, + 5, + 4 + ] + }, + "bart": { + "coherence": [ + 4, + 5, + 5 + ], + "summary": "Recommendation to find that excavations are immediately required for the general health, safety, and welfare of the City and provide and approve a discretionary permit to excavate in Santa Fe Avenue between Pacific Coast Highway and Willow Street, Districts 1 and 7. (Districts 1,7)", + "consistency": [ + 4, + 5, + 5 + ], + "fluency": [ + 4, + 4, + 5 + ], + "informativeness": [ + 3, + 5, + 5 + ], + "redundancy": [ + 2, + 5, + 5 + ] + } + }, + "DenverCityCouncil_07262021_21-0526": { + "bart": { + "coherence": [ + 2, + 3, + 3 + ], + "summary": "A bill for an ordinance changing the zoning classification for 440, 1240, 4040, 46, and 4058 Foch Street in Globeville. Approves a map amendment to rezone property from U-SU-B to C-MX-8 (industrial to commercial, mixed-use), located at 440 North Fox Street in Council District 9. The Committee approved filing this item at its meeting on 6-4-21. Community Planning and Development has determined that the requirement for a legal protest (signatures by the owners of 20 percent or more either of the area of the lots included in the proposed change or of the total land area within 200 feet from the perimeter of", + "consistency": [ + 4, + 2, + 2 + ], + "fluency": [ + 3, + 2, + 3 + ], + "informativeness": [ + 3, + 3, + 3 + ], + "redundancy": [ + 3, + 3, + 4 + ] + }, + "hmnet": { + "coherence": [ + 2, + 1, + 2 + ], + "summary": "A bill for an ordinance changing the zoning classification for street in . an official map amendment to Rezone property from I -A Uo -2 to C to mixed with mixed mixed), in Council district 9. the committee approved filing this item at its meeting on 4.", + "consistency": [ + 3, + 1, + 2 + ], + "fluency": [ + 2, + 1, + 2 + ], + "informativeness": [ + 3, + 1, + 2 + ], + "redundancy": [ + 1, + 3, + 5 + ] + }, + "pegasus": { + "coherence": [ + 2, + 1, + 3 + ], + "summary": "A bill for an ordinance changing the zoning classification for 440, 440, 40, 40, 40, 46, and 4058 Foch Street in Globeville. Approves a map amendment to rezone property from I-A UO-2 to C-MX-8 (industrial to urban center, mixed-use", + "consistency": [ + 2, + 1, + 2 + ], + "fluency": [ + 2, + 1, + 2 + ], + "informativeness": [ + 2, + 2, + 3 + ], + "redundancy": [ + 1, + 1, + 3 + ] + }, + "lead-3": { + "coherence": [ + 1, + 2, + 3 + ], + "summary": "Direct your comments to council as a whole and please refrain from individual or personal attacks. Councilmember CdeBaca, will you please put Council Bill 526 on the floor for final passage? Yes, I move that council bill 21, dash 526 be placed upon final consideration and do pass.", + "consistency": [ + 1, + 1, + 2 + ], + "fluency": [ + 1, + 2, + 4 + ], + "informativeness": [ + 1, + 1, + 1 + ], + "redundancy": [ + 1, + 4, + 5 + ] + }, + "lexrank": { + "coherence": [ + 2, + 3, + 3 + ], + "summary": "And so the affordable housing agreement, I'll tell you that the terms are here first and then we can go for the next step as the agreement calls for 28 units. So can you talk a little bit about how you guys worked directly with the applicant and the community to come to the affordable housing agreement?", + "consistency": [ + 1, + 2, + 2 + ], + "fluency": [ + 3, + 3, + 4 + ], + "informativeness": [ + 1, + 2, + 1 + ], + "redundancy": [ + 2, + 4, + 5 + ] + }, + "davinci003": { + "coherence": [ + 5, + 4, + 3 + ], + "summary": "Councilmember CdeBaca asked if Council Bill 526 could be put on the floor for final passage. The staff report detailed the proposed rezoning to an 8-storey mixed use development near transit, with a voluntary housing affordable housing agreement for 20 units serving households with incomes up to 80% AMI for 60 years.", + "consistency": [ + 4, + 3, + 3 + ], + "fluency": [ + 5, + 3, + 3 + ], + "informativeness": [ + 4, + 3, + 2 + ], + "redundancy": [ + 5, + 4, + 5 + ] + }, + "dialogLM": { + "coherence": [ + 3, + 4, + 2 + ], + "summary": "A bill for an ordinance changing the zoning classification for 4058 North Fox street in Globeville. APPROVES a map amendment to Rezone property from U-Su-C to C-Mx-8 (urban center, mixed use, 5 stories to commercial, Mixed-Use), located at 4058 N. Fox St. in Council district 9. the committee approved filing this item at its meeting on 6-4-21.", + "consistency": [ + 4, + 4, + 3 + ], + "fluency": [ + 2, + 4, + 3 + ], + "informativeness": [ + 4, + 4, + 3 + ], + "redundancy": [ + 2, + 3, + 3 + ] + } + }, + "DenverCityCouncil_06202016_16-0319": { + "pegasus": { + "coherence": [ + 3, + 3, + 2 + ], + "summary": "Rezones property located between 64th Avenue and Tower Road from C-MX-8, UO-2 to S-MX-12 in Council District 1. (NEIGHBORHOODS AND PLANNING) Rezones property located between 64th Avenue and Tower Road from C-MX-8, UO-2", + "consistency": [ + 2, + 3, + 2 + ], + "fluency": [ + 2, + 4, + 2 + ], + "informativeness": [ + 2, + 2, + 3 + ], + "redundancy": [ + 2, + 4, + 2 + ] + }, + "davinci003": { + "coherence": [ + 5, + 5, + 3 + ], + "summary": "The proposed rezoning of the 147 acre area near the 61st and Pena light rail station is consistent with both Blueprint Denver and the 61st and Pena Station area plan, and will allow for a mix of urban and suburban developments, including potential big box retailers along Tower Road.", + "consistency": [ + 3, + 3, + 2 + ], + "fluency": [ + 4, + 4, + 4 + ], + "informativeness": [ + 2, + 3, + 3 + ], + "redundancy": [ + 5, + 5, + 4 + ] + }, + "lexrank": { + "coherence": [ + 1, + 5, + 2 + ], + "summary": "This is the first zoning that we've done in this station area. And so similar to the last case that this came up with with the Broadway station, all of these zone districts allow open space.", + "consistency": [ + 1, + 3, + 3 + ], + "fluency": [ + 1, + 5, + 3 + ], + "informativeness": [ + 1, + 1, + 2 + ], + "redundancy": [ + 2, + 5, + 5 + ] + }, + "dialogLM": { + "coherence": [ + 2, + 4, + 2 + ], + "summary": "Approve a bill for an ordinance changing the zoning classification for 6101-61St tower road and 5648 East Pena Boulevard in five points. APPROVES text amendment #6 to the Denver zoning code to Rezone properties from C-Mu-10, Do-7 and C-Mx-8 Uo-2 to C-Rx-8, Do1 (urban, Single-Unit to suburban, Mixed-Use), located at 6101 and 61St, tower road & 5648 E. A. M. in Council district 11. the committee approved filing this bill at its meeting on 4-1-16. community planning and development has determined that the requirement for a legal protest (signatures by the owners of 20 percent or more either of the area of the lots included in the proposed change or of the total land area within 200 feet from the perimeter of the proposed zone district has been met (petition signatures represent 0% and 21. 6%, respectively).", + "consistency": [ + 3, + 3, + 2 + ], + "fluency": [ + 3, + 4, + 2 + ], + "informativeness": [ + 3, + 4, + 3 + ], + "redundancy": [ + 1, + 5, + 2 + ] + }, + "bart": { + "coherence": [ + 3, + 4, + 3 + ], + "summary": "Approves the rezoning of portions of the property located at 61st & Pena Boulevard from C-MX-8 (Urban Center, Mixed Use, 8 stories) to S-MX -12 stories (Suburban Commercial Corridor, 12 stories) in Council District 1. (LAND USE TRANSPORTATION AND INFRASTRUCTURE) Approves a rezoned property designation of the properties located at 62nd and Pena Blvd. from U-SU-A (Urban center, Mixed use 8 stories), C-RX-3 (Urban Centers, 3 stories) and S-MS-12 stories to proposed zone districts within the boundaries of the proposed", + "consistency": [ + 4, + 3, + 2 + ], + "fluency": [ + 2, + 4, + 2 + ], + "informativeness": [ + 2, + 3, + 3 + ], + "redundancy": [ + 1, + 5, + 2 + ] + }, + "lead-3": { + "coherence": [ + 1, + 3, + 1 + ], + "summary": "This gives you a sense of the scale. This is just east of the 61st and penner light rail stop. It's a vacant land again just to the east of the 61st.", + "consistency": [ + 1, + 2, + 2 + ], + "fluency": [ + 2, + 4, + 3 + ], + "informativeness": [ + 1, + 1, + 2 + ], + "redundancy": [ + 3, + 5, + 5 + ] + }, + "hmnet": { + "coherence": [ + 2, + 1, + 1 + ], + "summary": "A bill for an ordinance changing the zoning classification for 61St of tower road in tower road . an official map amendment to Rezone property located at 61St of the East and West of 64Th Avenue from s -2 Furthest to s -8 to suburban, mixed) in Council district 1. the committee approved filing this bill at its meeting on 12 -4.", + "consistency": [ + 2, + 2, + 2 + ], + "fluency": [ + 1, + 2, + 1 + ], + "informativeness": [ + 2, + 1, + 3 + ], + "redundancy": [ + 1, + 5, + 4 + ] + } + }, + "DenverCityCouncil_10102016_16-0599": { + "davinci003": { + "coherence": [ + 5, + 4, + 5 + ], + "summary": "Council Bill 599, a proposed rezoning of two undeveloped parcels near the 61st and Pena Station area, was approved by council with a vote of 11-0. The rezoning would allow for future transit oriented development on both parcels, with a maximum of 12 stories, and would implement new noise abatement regulations.", + "consistency": [ + 5, + 3, + 3 + ], + "fluency": [ + 5, + 4, + 5 + ], + "informativeness": [ + 5, + 3, + 4 + ], + "redundancy": [ + 5, + 5, + 5 + ] + }, + "pegasus": { + "coherence": [ + 2, + 4, + 4 + ], + "summary": "A bill for an ordinance changing the zoning classification for 17670 East 64th Avenue and 6203 Panasonic Way in Pena Station. Approves an official map amendment to rezone properties from S-MX-12 with overlays UO-1, UO-2 to S-MX-12A (suburban, mixed-use to", + "consistency": [ + 2, + 3, + 2 + ], + "fluency": [ + 1, + 4, + 4 + ], + "informativeness": [ + 2, + 3, + 4 + ], + "redundancy": [ + 1, + 4, + 5 + ] + }, + "hmnet": { + "coherence": [ + 2, + 1, + 1 + ], + "summary": "A Rezoning of East 64Th ave and Avenue from s with community planning and development to suburban mixed) in Council district 11. and) property located at S. and 64Th ave.", + "consistency": [ + 1, + 2, + 1 + ], + "fluency": [ + 1, + 1, + 1 + ], + "informativeness": [ + 1, + 2, + 1 + ], + "redundancy": [ + 1, + 3, + 1 + ] + }, + "bart": { + "coherence": [ + 4, + 2, + 3 + ], + "summary": "A bill for an ordinance changing the zoning classification for 417670 East 64th Avenue and 6203 Panasonic Way in Five Points. Approves an official map amendment to rezone property from C-MU-20 with waivers and conditions AIO and DO-6 AIO to S-MX-12 AIO & DO-8 AIO (urban center, multi-unit to suburban, mixed-use), located at 417870 E. 64th Ave and 68th Ave. in Council District 11. The Committee approved filing this item at its meeting on 6-22-19. Community Planning and Development has determined that the requirement for a legal protest (signatures by the owners of 20", + "consistency": [ + 4, + 2, + 2 + ], + "fluency": [ + 2, + 1, + 4 + ], + "informativeness": [ + 3, + 2, + 3 + ], + "redundancy": [ + 2, + 1, + 3 + ] + }, + "lexrank": { + "coherence": [ + 1, + 1, + 3 + ], + "summary": "Moving on to Slide 12 shows the review criteria for the rezoning and the standard five criteria do apply. So moving on to the second slide, this proposed rezoning is in city council district 11.", + "consistency": [ + 1, + 1, + 1 + ], + "fluency": [ + 1, + 3, + 4 + ], + "informativeness": [ + 1, + 1, + 1 + ], + "redundancy": [ + 1, + 4, + 5 + ] + }, + "lead-3": { + "coherence": [ + 3, + 1, + 5 + ], + "summary": "On the presentation monitor on the wall you will see your time counting down. The speakers must stay on topic of the hearing and must direct their comments to council members. Please refrain from profane and obscene obscene speech.", + "consistency": [ + 1, + 1, + 1 + ], + "fluency": [ + 3, + 3, + 5 + ], + "informativeness": [ + 1, + 1, + 1 + ], + "redundancy": [ + 3, + 4, + 5 + ] + }, + "dialogLM": { + "coherence": [ + 3, + 3, + 3 + ], + "summary": "A bill for an ordinance changing the zoning classification for Dorian0 East 64Th Avenue and 6203 Panasonic way in Elyria Swansea. APPROVES an official map amendment to Rezone properties from C-Mu-20 with waivers and conditions and I-B Uo-2 to S-Mx-12A, Do-6 (industrial to suburban, Mixed-Use), located at at Dorian0 and 6800 East 62Th Avenue in Council district 11. the committee approved filing this Committee at its meeting on 8-7-16.", + "consistency": [ + 3, + 1, + 2 + ], + "fluency": [ + 2, + 1, + 3 + ], + "informativeness": [ + 3, + 1, + 3 + ], + "redundancy": [ + 2, + 1, + 4 + ] + } + }, + "DenverCityCouncil_06052017_17-0385": { + "dialogLM": { + "coherence": [ + 2, + 2, + 3 + ], + "summary": "A bill for an ordinance approving a proposed Intergovernmental agreement between the city and county of Denver and the urban drainage and flood control district for the Platte to park Hill Stormwater systems project and the 39Th Avenue Greenway APPROVES and establishes portions of the property located at 8101 E. 40th Avenue in Council district 9. the last regularly scheduled council meeting within the 30-day review period is on 5-9-17. the committee approved filing this bill by consent on 4-8-17.", + "consistency": [ + 3, + 3, + 3 + ], + "fluency": [ + 2, + 2, + 4 + ], + "informativeness": [ + 2, + 3, + 3 + ], + "redundancy": [ + 3, + 1, + 5 + ] + }, + "hmnet": { + "coherence": [ + 2, + 2, + 3 + ], + "summary": "A bill for an ordinance authorizing a rescission, a cash transfer, and a supplemental appropriation from the general contingency fund to the capital improvement Fund . &) an Intergovernmental agreement with the urban drainage and flood control funding authority to expedite the issuance of leased golf carts and drainage and city funds . The last regularly scheduled council meeting within the 30 review period is on 3. the committee approved filing this bill by consent on 9 -15.", + "consistency": [ + 4, + 3, + 3 + ], + "fluency": [ + 2, + 2, + 3 + ], + "informativeness": [ + 3, + 3, + 2 + ], + "redundancy": [ + 2, + 3, + 5 + ] + }, + "bart": { + "coherence": [ + 3, + 2, + 4 + ], + "summary": "A bill for an ordinance approving a proposed Intergovernmental Agreement between the City and County of Denver and Urban Drainage and Flood Control District regarding the Platte Farm drainage and flood control project. Approves an $1,028,899.77 intergovernmental agreement with Urban Drain and Flood control District (Dewater) through 4-31-22 to provide on-call engineering services to support various Public Works infrastructure projects, citywide (201947756). The last regularly scheduled Council meeting within the 30-day review period is on 7-22-19. The Committee approved filing this bill at its meeting on 6-18-18.", + "consistency": [ + 4, + 3, + 3 + ], + "fluency": [ + 4, + 3, + 4 + ], + "informativeness": [ + 3, + 3, + 4 + ], + "redundancy": [ + 2, + 1, + 5 + ] + }, + "pegasus": { + "coherence": [ + 3, + 2, + 3 + ], + "summary": "A resolution approving a proposed Second Amendatory Agreement between the City and County of Denver and the Urban Drainage and Flood Control District of the City and County of Denver to increase the maximum contract amount and extend the term. Amends a contract with Urban Drainage and Flood Control District of the City and County of Denver by adding", + "consistency": [ + 4, + 4, + 4 + ], + "fluency": [ + 4, + 1, + 4 + ], + "informativeness": [ + 4, + 4, + 3 + ], + "redundancy": [ + 4, + 4, + 5 + ] + }, + "lead-3": { + "coherence": [ + 2, + 1, + 3 + ], + "summary": "All right. Thank you, Councilwoman Ortega. Councilwoman Black, will you please put council bills?", + "consistency": [ + 1, + 1, + 1 + ], + "fluency": [ + 2, + 3, + 4 + ], + "informativeness": [ + 1, + 1, + 1 + ], + "redundancy": [ + 3, + 5, + 5 + ] + }, + "lexrank": { + "coherence": [ + 2, + 1, + 3 + ], + "summary": "Councilwoman Black, will you please put council bills? It again is a partnership with urban drainage and the funding comes from a variety of sources and they have most of it correct, except they don't have the actual the correct numbers for Denver's piece of the project.", + "consistency": [ + 1, + 1, + 2 + ], + "fluency": [ + 2, + 3, + 4 + ], + "informativeness": [ + 1, + 1, + 1 + ], + "redundancy": [ + 2, + 5, + 5 + ] + }, + "davinci003": { + "coherence": [ + 5, + 2, + 5 + ], + "summary": "Council members voted down Council Bills 385 and 542 due to incorrect numbers in the bill which would need to be fixed before they can be resubmitted. The remaining resolutions and bills were adopted in a block vote with no objections from members of council.", + "consistency": [ + 4, + 1, + 3 + ], + "fluency": [ + 5, + 4, + 5 + ], + "informativeness": [ + 4, + 1, + 2 + ], + "redundancy": [ + 5, + 5, + 5 + ] + } + }, + "LongBeachCC_03012022_22-0226": { + "hmnet": { + "coherence": [ + 2, + 4, + 4 + ], + "summary": "Recommendation to adopt resolution authorizing city manager, or Designee, to execute all documents necessary to facilitate the construction of the center center for the project at 1858 Atlantic Avenue . 6)", + "consistency": [ + 2, + 4, + 5 + ], + "fluency": [ + 2, + 4, + 4 + ], + "informativeness": [ + 2, + 3, + 3 + ], + "redundancy": [ + 1, + 4, + 5 + ] + }, + "pegasus": { + "coherence": [ + 2, + 2, + 4 + ], + "summary": "Recommendation to adopt resolution authorizing City Manager, or designee, to execute all documents necessary to accept and expend grant funds from the California Governor\u2019s Office of Business and Economic Development, in an amount not to exceed $5,000,000, for the Center project at 1858 Atlantic Avenue; and Authorize City Manager, or designee, to", + "consistency": [ + 2, + 4, + 4 + ], + "fluency": [ + 1, + 1, + 4 + ], + "informativeness": [ + 2, + 4, + 4 + ], + "redundancy": [ + 2, + 4, + 5 + ] + }, + "dialogLM": { + "coherence": [ + 3, + 2, + 4 + ], + "summary": "Recommendation to adopt resolution authorizing city manager, or Designee, to execute all documents, subcontracts and subsequent amendments, to accept and expend grant funds from the California governor \u2019 s office of business and economic development (Go-Biz), in an amount not to exceed $5, 000, 000 for the center project at 1858 Atlantic Avenue, and authorize city manager to execute any and all documents necessary, to facilitate the construction of the center, including an agreement with Centro C. H. a, Inc., a California 501 (c) (3) corporation. (district 6)", + "consistency": [ + 4, + 3, + 4 + ], + "fluency": [ + 3, + 2, + 4 + ], + "informativeness": [ + 3, + 4, + 4 + ], + "redundancy": [ + 2, + 2, + 5 + ] + }, + "lexrank": { + "coherence": [ + 3, + 1, + 5 + ], + "summary": "And I think that other organizations and opportunities for other nonprofits who are invested in economic development, which we all know we need the most, looking towards our economic recovery for the city of Long Beach, for our communities of color, we're going to need some best practices and how do we develop these public private partnerships? We truly appreciate the support of Senator Lena Gonzalez and the leadership of our mayor, Robert Garcia, and all of our council members on this important item that truly aligns with the city's Racial Equity and Reconciliation Initiative and with the Economic Development Blueprint Initiative supporting long term economic recovery and sustainability for our communities of color.", + "consistency": [ + 2, + 2, + 3 + ], + "fluency": [ + 3, + 3, + 5 + ], + "informativeness": [ + 1, + 2, + 1 + ], + "redundancy": [ + 4, + 2, + 5 + ] + }, + "lead-3": { + "coherence": [ + 1, + 1, + 1 + ], + "summary": "I. Motion is carried. Thank you. 14.", + "consistency": [ + 1, + 1, + 1 + ], + "fluency": [ + 1, + 2, + 1 + ], + "informativeness": [ + 1, + 1, + 1 + ], + "redundancy": [ + 3, + 5, + 5 + ] + }, + "bart": { + "coherence": [ + 4, + 5, + 4 + ], + "summary": "Recommendation to adopt resolution authorizing City Manager, or designee, to execute all documents and agreements necessary to accept and expend grant funds from the California Governor\u2019s Office of Business and Economic Development (GO-Biz), in an amount not to exceed $5,000,000 for the Center project at 1858 Atlantic Avenue, in the form of Community Development Block Grant and General Fund grant funds transferred from the Citywide Activities Department to support the construction of the Center, and authorize City Manager to execute an agreement and all documents necessary to implement and administer the terms of the grant including any necessary amendments; Increase appropriations in the Community Development Grants Fund (SR 150) in the Public Works Department", + "consistency": [ + 5, + 5, + 3 + ], + "fluency": [ + 4, + 5, + 4 + ], + "informativeness": [ + 4, + 5, + 4 + ], + "redundancy": [ + 4, + 3, + 5 + ] + }, + "davinci003": { + "coherence": [ + 5, + 4, + 5 + ], + "summary": "Councilman Miranda proposed a resolution authorizing the city manager to accept a $5 million grant from the California Governor's Office of Business and Economic Development for the Central China Center project. The motion was passed unanimously and Central China was congratulated for their successful application for the private equity grant.", + "consistency": [ + 3, + 4, + 1 + ], + "fluency": [ + 5, + 4, + 5 + ], + "informativeness": [ + 4, + 4, + 1 + ], + "redundancy": [ + 5, + 4, + 5 + ] + } + }, + "LongBeachCC_05172022_22-0558": { + "lead-3": { + "coherence": [ + 1, + 5, + 1 + ], + "summary": "That concludes public comment. Thank you. Now we'll move forward with item 19, please.", + "consistency": [ + 1, + 5, + 1 + ], + "fluency": [ + 2, + 5, + 4 + ], + "informativeness": [ + 1, + 1, + 1 + ], + "redundancy": [ + 3, + 5, + 4 + ] + }, + "lexrank": { + "coherence": [ + 3, + 5, + 5 + ], + "summary": "Vice Mayor Richardson Recommendation to request city manager to work with the Health and Human Services Department to provide an overview of the food safety program, education and enforcement at food facilities. We also ensure that fairness is the starting point for inspections and for regulations for both brick and mortar and for the mobile food facilities.", + "consistency": [ + 2, + 4, + 5 + ], + "fluency": [ + 3, + 5, + 5 + ], + "informativeness": [ + 1, + 4, + 5 + ], + "redundancy": [ + 4, + 5, + 5 + ] + }, + "hmnet": { + "coherence": [ + 2, + 4, + 1 + ], + "summary": "Recommendation to request city manager to work with the vice Mayor,, and Diaz to provide an overview of the food and food truck regulatory processes starting in long Beach.", + "consistency": [ + 2, + 4, + 3 + ], + "fluency": [ + 1, + 4, + 1 + ], + "informativeness": [ + 1, + 4, + 4 + ], + "redundancy": [ + 3, + 5, + 4 + ] + }, + "pegasus": { + "coherence": [ + 4, + 5, + 5 + ], + "summary": "Recommendation to request City Manager to work with the Health and Human Services Department to provide an overview of the food safety program, education and enforcement at food facilities, including sidewalk vending and food trucks.", + "consistency": [ + 4, + 5, + 5 + ], + "fluency": [ + 4, + 5, + 5 + ], + "informativeness": [ + 4, + 4, + 5 + ], + "redundancy": [ + 4, + 5, + 5 + ] + }, + "davinci003": { + "coherence": [ + 5, + 5, + 4 + ], + "summary": "In response to complaints from restaurant owners, Councilwoman Allen recommended that the Health and Human Services Department provide an overview of the food safety program, education and enforcement at food facilities. The motion was carried by a 8-1 vote.", + "consistency": [ + 4, + 4, + 4 + ], + "fluency": [ + 5, + 5, + 5 + ], + "informativeness": [ + 3, + 4, + 4 + ], + "redundancy": [ + 4, + 5, + 5 + ] + }, + "bart": { + "coherence": [ + 5, + 5, + 5 + ], + "summary": "Recommendation to request City Manager to work with the Health and Human Services Department to provide an overview of the food safety program, education, and enforcement at food facilities, and to assure the citizens of Long Beach that various factors that caused the initial ban on plastic and paper products, including plastic for bio-plastic straws, do not exist in our city.", + "consistency": [ + 4, + 4, + 5 + ], + "fluency": [ + 4, + 5, + 5 + ], + "informativeness": [ + 4, + 3, + 5 + ], + "redundancy": [ + 4, + 5, + 5 + ] + }, + "dialogLM": { + "coherence": [ + 4, + 5, + 5 + ], + "summary": "Recommendation to request city manager to work with the health and human services Department to provide an overview of the food safety program, education and enforcement at food facilities, and bring back to the city council within 90 days.", + "consistency": [ + 4, + 4, + 5 + ], + "fluency": [ + 4, + 4, + 5 + ], + "informativeness": [ + 3, + 4, + 5 + ], + "redundancy": [ + 5, + 5, + 5 + ] + } + }, + "LongBeachCC_12012015_15-1232": { + "pegasus": { + "coherence": [ + 5, + 5, + 5 + ], + "summary": "Recommendation to direct Public Works to provide the City Council with various elements for a Safe Alleyways Improvement Plan.", + "consistency": [ + 4, + 5, + 5 + ], + "fluency": [ + 4, + 5, + 5 + ], + "informativeness": [ + 4, + 4, + 5 + ], + "redundancy": [ + 5, + 5, + 5 + ] + }, + "lexrank": { + "coherence": [ + 2, + 3, + 2 + ], + "summary": "So the first phase, looking at dirt alleys, so alleyways that do not have anything at all. And during that infrastructure report to the city council, we'll make sure we highlight alleys, causeways and lighting.", + "consistency": [ + 2, + 4, + 3 + ], + "fluency": [ + 3, + 5, + 3 + ], + "informativeness": [ + 1, + 2, + 3 + ], + "redundancy": [ + 2, + 5, + 4 + ] + }, + "dialogLM": { + "coherence": [ + 5, + 5, + 5 + ], + "summary": "Recommendation to direct public works to provide the city council with various elements for a safe alleyways improvement plan.", + "consistency": [ + 4, + 5, + 5 + ], + "fluency": [ + 4, + 4, + 5 + ], + "informativeness": [ + 4, + 4, + 5 + ], + "redundancy": [ + 5, + 5, + 5 + ] + }, + "hmnet": { + "coherence": [ + 4, + 5, + 4 + ], + "summary": "Recommendation to direct public works to provide the city council with various landscaping elements for a safe improvement plan.", + "consistency": [ + 1, + 4, + 2 + ], + "fluency": [ + 3, + 4, + 4 + ], + "informativeness": [ + 1, + 2, + 3 + ], + "redundancy": [ + 5, + 5, + 5 + ] + }, + "davinci003": { + "coherence": [ + 5, + 5, + 3 + ], + "summary": "Councilwoman Gonzalez, Councilwoman Mongo and Councilman Austin have proposed a plan to direct public works to provide the City Council with various elements for a Safe Alleyways Improvement plan. The plan includes a study of the alleys' pavement, lighting and drainage in order to prioritize what needs to be fixed with potential sources of funding.", + "consistency": [ + 3, + 5, + 4 + ], + "fluency": [ + 5, + 4, + 4 + ], + "informativeness": [ + 3, + 5, + 4 + ], + "redundancy": [ + 5, + 5, + 4 + ] + }, + "bart": { + "coherence": [ + 2, + 5, + 5 + ], + "summary": "Recommendation to direct City Manager to direct Public Works to provide the City Council with various elements for a Safe Alleyways Improvement Plan that will update the City's capital improvement program and provide additional input and direction to staff on the feasibility of implementing the program in Fiscal Year 2017-18.", + "consistency": [ + 2, + 4, + 4 + ], + "fluency": [ + 2, + 5, + 5 + ], + "informativeness": [ + 2, + 4, + 5 + ], + "redundancy": [ + 1, + 5, + 5 + ] + }, + "lead-3": { + "coherence": [ + 1, + 3, + 1 + ], + "summary": "That's item 20. Communication from Councilwoman Gonzalez. Councilwoman Mango.", + "consistency": [ + 1, + 2, + 1 + ], + "fluency": [ + 1, + 4, + 3 + ], + "informativeness": [ + 1, + 1, + 1 + ], + "redundancy": [ + 1, + 5, + 5 + ] + } + }, + "DenverCityCouncil_04042016_16-0148": { + "lead-3": { + "coherence": [ + 1, + 1, + 1 + ], + "summary": "Lebanese. Two days, 234 has been adopted. All right, we're onto the bills for introduction 148.", + "consistency": [ + 1, + 1, + 1 + ], + "fluency": [ + 2, + 1, + 1 + ], + "informativeness": [ + 1, + 1, + 1 + ], + "redundancy": [ + 2, + 5, + 5 + ] + }, + "lexrank": { + "coherence": [ + 1, + 1, + 4 + ], + "summary": "We have been working very closely with Gretchen and her team Kelly Lead and Jeff around the acquisition side and making sure that IT Finance and Services Committee, they are coming forward every quarter to report on new updates. Councilman, new question.", + "consistency": [ + 1, + 1, + 1 + ], + "fluency": [ + 1, + 3, + 4 + ], + "informativeness": [ + 1, + 1, + 1 + ], + "redundancy": [ + 2, + 4, + 5 + ] + }, + "pegasus": { + "coherence": [ + 3, + 3, + 4 + ], + "summary": "A bill for an ordinance making a supplemental appropriation from the General Contingency Fund to the Capital Improvement and Capital Maintenance Fund. (FINANCE & SERVICES) Approves a supplemental appropriation from the General Contingency Fund to the Capital Improvement and Capital Maintenance Fund to support the National Western Center Project. The Committee approved filing this", + "consistency": [ + 4, + 4, + 3 + ], + "fluency": [ + 3, + 2, + 4 + ], + "informativeness": [ + 3, + 4, + 4 + ], + "redundancy": [ + 4, + 3, + 5 + ] + }, + "hmnet": { + "coherence": [ + 2, + 2, + 2 + ], + "summary": "A bill for an ordinance authorizing a rescission, a cash transfer, and a supplemental appropriation from the general contingency fund contingency to the capital improvement program . and) the Mayoral reappointment of Patricia Haller to the National Western center office in Council district 9. the last regularly scheduled council meeting within the 30 review period is on 9 -20. the committee approved filing this bill by consent on 11.", + "consistency": [ + 3, + 3, + 3 + ], + "fluency": [ + 2, + 1, + 3 + ], + "informativeness": [ + 2, + 3, + 3 + ], + "redundancy": [ + 1, + 1, + 5 + ] + }, + "davinci003": { + "coherence": [ + 4, + 4, + 5 + ], + "summary": "The article discusses the appropriation of $1.3 million from the city's general fund contingency for the National Western Center project, which will not be repaid. The National Western Center project is funded by federal funding and Denver Public Works is taking the lead in building the project.", + "consistency": [ + 3, + 3, + 4 + ], + "fluency": [ + 4, + 4, + 4 + ], + "informativeness": [ + 3, + 3, + 4 + ], + "redundancy": [ + 4, + 4, + 5 + ] + }, + "bart": { + "coherence": [ + 3, + 4, + 4 + ], + "summary": "A bill for an ordinance making an appropriation from the General Contingency Fund to the Capital Improvement and Capital Maintenance Fund. (FINANCE & SERVICES) Approves an annual appropriation for the National Western Center Project in Council District 9. The Committee approved filing this bill by consent on 2-11-15.", + "consistency": [ + 3, + 4, + 4 + ], + "fluency": [ + 2, + 4, + 5 + ], + "informativeness": [ + 3, + 4, + 4 + ], + "redundancy": [ + 3, + 5, + 5 + ] + }, + "dialogLM": { + "coherence": [ + 2, + 2, + 3 + ], + "summary": "A bill for an ordinance making supplemental appropriations from the general contingency fund to the capital improvement Fund. (Finance & services) APPROVES a supplemental appropriation of $1, 300, 000 from the city \u2019 s general fund contingencies to the other agency capital project fund to support the construction of the National Western center project located at the 61St and Pena Boulevard Right-Of-Way at the intersection of Sherman Street and Ohio Avenue, in Council district 9. the committee approved filing this bill at its meeting on 6-5-16. this bill was approved for filing by Councilmembers Kniech and Newsome. Community planning and development has determined that the requirement for a legal protest (signatures by the owners of 20 percent or more either of the area of the lots included in the proposed change or of the total land area within 200 feet from the perimeter of the property proposed for change) has been met (petition signatures represent 0% and 21. 6%, respectively).", + "consistency": [ + 3, + 3, + 3 + ], + "fluency": [ + 2, + 2, + 3 + ], + "informativeness": [ + 1, + 4, + 3 + ], + "redundancy": [ + 1, + 2, + 4 + ] + } + }, + "LongBeachCC_01122021_21-0024": { + "davinci003": { + "coherence": [ + 5, + 5, + 5 + ], + "summary": "The Long Beach City Council approved the recommendation to approve proposed programs and budget for the third round of emergency grant funds from the CARES Act and Community Development BLOCK Grant. The funds will be used to provide emergency rental assistance to lower income households, artist assistance, commercial rental assistance and right to counsel services.", + "consistency": [ + 5, + 4, + 5 + ], + "fluency": [ + 5, + 4, + 5 + ], + "informativeness": [ + 5, + 5, + 5 + ], + "redundancy": [ + 5, + 5, + 5 + ] + }, + "hmnet": { + "coherence": [ + 2, + 3, + 4 + ], + "summary": "Recommendation to approve proposed budget and budget programs for the third of the sixth funding; and city manager, or Designee, to execute all documents necessary to enter into the contracts, including any necessary amendments thereto regarding the term and scope of services.)", + "consistency": [ + 2, + 3, + 3 + ], + "fluency": [ + 2, + 4, + 3 + ], + "informativeness": [ + 2, + 3, + 3 + ], + "redundancy": [ + 3, + 4, + 4 + ] + }, + "lead-3": { + "coherence": [ + 1, + 3, + 2 + ], + "summary": "Thank you. And now I'm going to turn this over to Vice Mayor Richardson. I'm going to go and get ready for the state of the city.", + "consistency": [ + 1, + 1, + 1 + ], + "fluency": [ + 1, + 5, + 4 + ], + "informativeness": [ + 1, + 1, + 1 + ], + "redundancy": [ + 2, + 5, + 5 + ] + }, + "bart": { + "coherence": [ + 4, + 5, + 2 + ], + "summary": "Recommendation to approve proposed programs and budget for the Third Round of Emergency Grant Funds from the Coronavirus Aid and Community Development Block Grant (CDBG-CDA) allocation and approve the CDA Activity Plan and the 2019-2020 Biennial Budget for the City of Long Beach. (Citywide)", + "consistency": [ + 4, + 4, + 3 + ], + "fluency": [ + 3, + 5, + 2 + ], + "informativeness": [ + 4, + 4, + 3 + ], + "redundancy": [ + 4, + 5, + 3 + ] + }, + "lexrank": { + "coherence": [ + 2, + 4, + 1 + ], + "summary": "Given that large allocation of funding, staff would like to revise its recommendation to eliminate Activity two and move this 645,000 to Activity three commercial rental assistance. Now, this is where the changes that Tom mentioned under activity two, we were going to propose to provide additional rental assistance for residents experiencing impacts from COVID 19.", + "consistency": [ + 2, + 3, + 2 + ], + "fluency": [ + 3, + 5, + 1 + ], + "informativeness": [ + 1, + 1, + 2 + ], + "redundancy": [ + 3, + 5, + 2 + ] + }, + "pegasus": { + "coherence": [ + 4, + 3, + 3 + ], + "summary": "Recommendation to approve proposed Programs and Budget for the Third Round of Emergency Grant Funds from the Community Development Block Grant (CDBG) and Community Development Block Grant (CDBG) Coronavirus Allocations. (Citywide)", + "consistency": [ + 4, + 3, + 4 + ], + "fluency": [ + 3, + 4, + 3 + ], + "informativeness": [ + 4, + 3, + 3 + ], + "redundancy": [ + 5, + 2, + 1 + ] + }, + "dialogLM": { + "coherence": [ + 3, + 5, + 3 + ], + "summary": "Recommendation to approve proposed programs and budget for the third round of emergency grant funds from the cares Act and community development block grant Coronavirus allocation. (citywide)", + "consistency": [ + 4, + 3, + 4 + ], + "fluency": [ + 2, + 4, + 3 + ], + "informativeness": [ + 3, + 3, + 4 + ], + "redundancy": [ + 5, + 5, + 1 + ] + } + }, + "DenverCityCouncil_06212021_21-0498": { + "davinci003": { + "coherence": [ + 4, + 5, + 3 + ], + "summary": "Council Bill 20 1-0407 failed while Council Bill 21, Dash 498 passed unanimously. The staff report showed that the rezoning criteria was met, and there were no comments from the community.", + "consistency": [ + 1, + 4, + 2 + ], + "fluency": [ + 3, + 5, + 4 + ], + "informativeness": [ + 1, + 4, + 1 + ], + "redundancy": [ + 4, + 5, + 5 + ] + }, + "dialogLM": { + "coherence": [ + 3, + 4, + 4 + ], + "summary": "A bill for an ordinance changing the zoning classification for 1718 N. Tamarack street in East Colfax. APPROVES a map amendment to Rezone property from E-Su-D to E-Tu-D1X (allows for an accessory dwelling unit), located at 1718 N. Tamarack St. in Council district 8. the committee approved filing this item at its meeting on 4-28-21.", + "consistency": [ + 4, + 4, + 3 + ], + "fluency": [ + 3, + 4, + 3 + ], + "informativeness": [ + 3, + 4, + 5 + ], + "redundancy": [ + 2, + 4, + 5 + ] + }, + "hmnet": { + "coherence": [ + 2, + 1, + 3 + ], + "summary": "As a bill for an ordinance changing the zoning classification for East street in East Colfax . an official map amendment to Rezone property from E -D to E an accessory dwelling unit), located at East Colfax Avenue in Council district 8. the committee approved filing this item at its meeting on 7.", + "consistency": [ + 1, + 2, + 2 + ], + "fluency": [ + 2, + 1, + 3 + ], + "informativeness": [ + 2, + 2, + 4 + ], + "redundancy": [ + 2, + 1, + 5 + ] + }, + "lead-3": { + "coherence": [ + 1, + 1, + 3 + ], + "summary": "12 nays zero ays Council Bill 20 1-0407 has failed. We're going to go ahead and shift gears here and move on to our second and final public hearing this evening. Council member Kenneth.", + "consistency": [ + 1, + 1, + 1 + ], + "fluency": [ + 2, + 1, + 3 + ], + "informativeness": [ + 1, + 1, + 1 + ], + "redundancy": [ + 3, + 4, + 5 + ] + }, + "lexrank": { + "coherence": [ + 2, + 1, + 3 + ], + "summary": "It is rezoning from east to East d1x, which is a single unit zoned district and their rezoning. It is a single unit residential structure, and the applicant is strictly doing this to allow for an accessory dwelling.", + "consistency": [ + 1, + 1, + 3 + ], + "fluency": [ + 2, + 1, + 4 + ], + "informativeness": [ + 1, + 1, + 2 + ], + "redundancy": [ + 2, + 5, + 5 + ] + }, + "bart": { + "coherence": [ + 3, + 1, + 3 + ], + "summary": "A bill for an ordinance changing the zoning classification for 1718 North Emmerich Street in East Colfax. Approves a map amendment to rezone property from E-SU-B to E-DU-B1x (allows for an accessory dwelling unit), located at 1718 N. E. Colfax Avenue in Council District 8. The Committee approved filing this item at its meeting on 6-7-21.", + "consistency": [ + 4, + 1, + 1 + ], + "fluency": [ + 4, + 1, + 3 + ], + "informativeness": [ + 3, + 2, + 2 + ], + "redundancy": [ + 2, + 3, + 4 + ] + }, + "pegasus": { + "coherence": [ + 2, + 3, + 4 + ], + "summary": "A bill for an ordinance changing the zoning classification for 1718 North Elati Street in East Colfax. Approves a map amendment to rezone property from E-SU-Dx to E-SU-D1x (allows for an accessory dwelling unit), located at 1718 North Elati Street in Council", + "consistency": [ + 3, + 2, + 2 + ], + "fluency": [ + 1, + 3, + 4 + ], + "informativeness": [ + 2, + 2, + 3 + ], + "redundancy": [ + 2, + 4, + 5 + ] + } + }, + "DenverCityCouncil_07262021_21-0532": { + "davinci003": { + "coherence": [ + 4, + 1, + 4 + ], + "summary": "The Ten Eyes Council has passed Council Bill 20 1-532, which modifies Ordinance 302 to make it easier for organizations to access funds from the Healthy Food for Denver's Kids Initiative, allowing more impactful projects to be funded and greater equity and inclusion among members. The proposed changes also make it possible for public schools and charters in the district to apply for funds, as well as organizations that provide mental health, affordable housing, and youth leadership services.", + "consistency": [ + 2, + 3, + 2 + ], + "fluency": [ + 2, + 1, + 4 + ], + "informativeness": [ + 2, + 3, + 2 + ], + "redundancy": [ + 3, + 1, + 5 + ] + }, + "lead-3": { + "coherence": [ + 1, + 1, + 4 + ], + "summary": "Ten Eyes Council Bill 20 1-553 has passed. Thank you to the staff and our speakers and community members who joined us both in-person and virtually. Our last hearing this evening is coming up.", + "consistency": [ + 1, + 1, + 1 + ], + "fluency": [ + 2, + 1, + 4 + ], + "informativeness": [ + 1, + 1, + 1 + ], + "redundancy": [ + 3, + 5, + 5 + ] + }, + "hmnet": { + "coherence": [ + 2, + 1, + 3 + ], + "summary": "A bill for an ordinance amending the Denver zoning code . The Denver revised municipal code by amending sections 640, 647, 650, 650.4 and 890 of the revised municipal government of the city and county of Denver to amend the requirements of the State Department of public health and environment . The committee approved filing this item at its meeting on 6.", + "consistency": [ + 2, + 1, + 1 + ], + "fluency": [ + 2, + 3, + 4 + ], + "informativeness": [ + 1, + 1, + 1 + ], + "redundancy": [ + 1, + 5, + 5 + ] + }, + "bart": { + "coherence": [ + 4, + 5, + 4 + ], + "summary": "A bill for an ordinance amending Ordinance No. 302, Series of 2021 concerning the Denver Healthy Food for Denver\u2019s Kids Initiative and the availability of health care and support services to low-income and at-risk youth, citywide. Amends Ordinance 21-1-21 to establish a new fund that provides for universal health insurance coverage in low income communities and communities of color. The Committee approved filing this item at its meeting on 5-4-21.", + "consistency": [ + 3, + 3, + 2 + ], + "fluency": [ + 4, + 5, + 5 + ], + "informativeness": [ + 3, + 5, + 2 + ], + "redundancy": [ + 3, + 5, + 5 + ] + }, + "pegasus": { + "coherence": [ + 4, + 1, + 4 + ], + "summary": "A bill for an ordinance amending Ordinance 302, which adopted the Healthy Food for Denver\u2019s Kids Initiative. Amends Ordinance 302, which adopted the Healthy Food for Denver\u2019s Kids Initiative. The Committee approved filing this item at its meeting on 5-1-22.", + "consistency": [ + 4, + 4, + 4 + ], + "fluency": [ + 4, + 2, + 5 + ], + "informativeness": [ + 3, + 4, + 4 + ], + "redundancy": [ + 3, + 1, + 3 + ] + }, + "dialogLM": { + "coherence": [ + 4, + 1, + 4 + ], + "summary": "A bill for an ordinance amending ordinance 302, series of 2021, to revise article V, Chapter 18, D. R. M. C. concerning the \u201c healthy food for Denver \u2019 s kids \u201d program and the creation of a special revenue fund serving as a revolving loan fund for the purpose of providing healthy food access and Food-Based education for Denver students. AMENDS ordinance 302724 to remove the Commissioner' s minimum age requirement of 21 years for eligible Denver students. The committee approved filing this item at its meeting on 6-27-21. this item was discussed at the 6-8-21 council meeting. Community planning and development has determined that the requirement for a legal protest (signatures by the owners of 20 percent or more either of the area of the lots included in the proposed amendment or of the total land area within 200 feet from the subject area) has been met (petition signatures represent 0% and 21%, respectively).", + "consistency": [ + 3, + 3, + 4 + ], + "fluency": [ + 3, + 1, + 4 + ], + "informativeness": [ + 2, + 3, + 4 + ], + "redundancy": [ + 2, + 1, + 4 + ] + }, + "lexrank": { + "coherence": [ + 1, + 2, + 4 + ], + "summary": "That's created a special revenue fund for healthy food access and food based education for Denver's youth. Folks often aren't sure if the organizations can apply.", + "consistency": [ + 1, + 4, + 3 + ], + "fluency": [ + 2, + 3, + 5 + ], + "informativeness": [ + 1, + 3, + 2 + ], + "redundancy": [ + 3, + 5, + 5 + ] + } + }, + "AlamedaCC_06182019_2019-6952": { + "dialogLM": { + "coherence": [ + 4, + 5, + 5 + ], + "summary": "Adoption of resolution authorizing the city manager to apply for and accept up to $310, 000 in Senate bill 2 planning grants program funds for work on general plan updates, zoning ordinance amendments, and environmental review consistent with state law to streamline housing production. (planning, building and transportation 481005)", + "consistency": [ + 4, + 5, + 5 + ], + "fluency": [ + 3, + 5, + 3 + ], + "informativeness": [ + 2, + 5, + 5 + ], + "redundancy": [ + 3, + 5, + 5 + ] + }, + "hmnet": { + "coherence": [ + 2, + 1, + 5 + ], + "summary": "Recommendation to declare ordinance amending the long Beach municipal code by adding chapter 21, relating to the general plan update, read and adopted as read.)", + "consistency": [ + 1, + 1, + 2 + ], + "fluency": [ + 2, + 4, + 4 + ], + "informativeness": [ + 1, + 1, + 2 + ], + "redundancy": [ + 3, + 4, + 5 + ] + }, + "lead-3": { + "coherence": [ + 2, + 3, + 5 + ], + "summary": "I adopted a resolution authorizing the city manager to apply for and accept up to $310,000 in Senate Bill two Planning Grants Program Funds for work on general plan updates, zoning ordinance amendments and environmental review consistent with state law to streamline housing production. Councilmember Desai, you pull this up. Go right ahead.", + "consistency": [ + 3, + 5, + 5 + ], + "fluency": [ + 2, + 5, + 5 + ], + "informativeness": [ + 2, + 4, + 4 + ], + "redundancy": [ + 4, + 5, + 5 + ] + }, + "pegasus": { + "coherence": [ + 3, + 5, + 4 + ], + "summary": "Adopt resolution authorizing City Manager, or designee, to apply for and accept up to $310,000 in Senate Bill 2 (Planning Grants Program) funds for work on General Plan updates, zoning ordinance amendments, and environmental review consistent with state law to streamline housing production. (Citywide)", + "consistency": [ + 4, + 5, + 5 + ], + "fluency": [ + 3, + 5, + 4 + ], + "informativeness": [ + 3, + 5, + 5 + ], + "redundancy": [ + 4, + 5, + 5 + ] + }, + "lexrank": { + "coherence": [ + 1, + 1, + 2 + ], + "summary": "You can look for some legislation to come out of Sacramento streamlining production of accessory dwelling units, but that's not before us tonight. And of of the threshold requirements, there was an item called number three, which is quote unquote, nexus to accelerating housing production.", + "consistency": [ + 1, + 1, + 1 + ], + "fluency": [ + 2, + 4, + 3 + ], + "informativeness": [ + 1, + 1, + 1 + ], + "redundancy": [ + 2, + 4, + 2 + ] + }, + "bart": { + "coherence": [ + 3, + 5, + 5 + ], + "summary": "Adoption of Resolution Authorizing the City Manager to apply for and Accept up to $310,000 in Senate Bill 2 Planning Grants Program Funds for Work on General Plan Updates, Zoning Ordinance Amendments, and Environmental Review, Consistent with State Law to Streamline Housing Production. (Planning, Building and Transportation 481005)", + "consistency": [ + 4, + 5, + 5 + ], + "fluency": [ + 2, + 4, + 4 + ], + "informativeness": [ + 3, + 5, + 5 + ], + "redundancy": [ + 3, + 3, + 5 + ] + }, + "davinci003": { + "coherence": [ + 5, + 4, + 5 + ], + "summary": "The City Council adopted a resolution to apply for up to $310,000 in Senate Bill two Planning Grants Program Funds for streamlining housing production. Additionally, the council authorized the city manager to execute a memorandum of understanding with the Army Unified School District concerning a new city of Alameda Aquatic Facility.", + "consistency": [ + 5, + 3, + 2 + ], + "fluency": [ + 5, + 4, + 5 + ], + "informativeness": [ + 4, + 3, + 3 + ], + "redundancy": [ + 5, + 5, + 5 + ] + } + }, + "SeattleCityCouncil_09092019_Res 31900": { + "bart": { + "coherence": [ + 3, + 5, + 5 + ], + "summary": "A RESOLUTION reclaiming the inherent responsibility of the City to protect its most vulnerable populations, acknowledging to the disproportionately high rate of violence against women of indigenous communities; urging City departments to deliver sustainable investments that address the missing and murdered Indigenous Women and Girls crisis and establish a new racially appropriate framework of understanding and approach to ending violence against indigenous women and girls; and calling on the Mayor of Seattle to drive systemic reform that requests and empowers, holds accountable, and holds partnerships in cooperation with Native Communities to build trust and engagement for stronger government and government relations.", + "consistency": [ + 5, + 5, + 5 + ], + "fluency": [ + 3, + 5, + 5 + ], + "informativeness": [ + 3, + 5, + 5 + ], + "redundancy": [ + 3, + 5, + 5 + ] + }, + "hmnet": { + "coherence": [ + 1, + 3, + 1 + ], + "summary": "Recommendation to declare ordinance amending the long Beach municipal code by adding chapter 21; and by adding section 5, all related city departments, read and adopted as read.)", + "consistency": [ + 1, + 1, + 1 + ], + "fluency": [ + 1, + 4, + 1 + ], + "informativeness": [ + 1, + 1, + 1 + ], + "redundancy": [ + 2, + 4, + 1 + ] + }, + "pegasus": { + "coherence": [ + 4, + 4, + 5 + ], + "summary": "A RESOLUTION reclaiming the inherent responsibility of The City to protect its most vulnerable populations; acknowledging the disproportionately high rate of violence against women and indigenous communities; urging City departments to deliver sustainable investments that address the missing and murdered indigenous women and girls crisis; and establishing a new, racially appropriate framework of understanding and approach", + "consistency": [ + 4, + 5, + 4 + ], + "fluency": [ + 3, + 4, + 4 + ], + "informativeness": [ + 4, + 5, + 5 + ], + "redundancy": [ + 4, + 5, + 5 + ] + }, + "lead-3": { + "coherence": [ + 4, + 5, + 5 + ], + "summary": "Agenda item for resolution three one 900, reclaiming the inherent responsibility of the city to protect its most vulnerable populations, acknowledging to the disproportionately high rate of violence against women of indigenous communities, urging city departments to deliver sustainable investments that address the missing and murdered indigenous women and girls crisis, and establish a new, racially appropriate framework of understanding and approach to ending violence against indigenous women and girls. And calling on the Mayor of Seattle to drive systemic reform that requests and empowers and holds accountable related city departments to work in cooperation with Native communities to build trust and engagement for stronger government to government relations committee recommends the resolution be adopted. Thank you.", + "consistency": [ + 4, + 5, + 5 + ], + "fluency": [ + 4, + 4, + 4 + ], + "informativeness": [ + 3, + 5, + 5 + ], + "redundancy": [ + 4, + 2, + 5 + ] + }, + "dialogLM": { + "coherence": [ + 3, + 3, + 4 + ], + "summary": "A resolution reclaiming the inherent responsibility of the city to protect its most vulnerable populations; acknowledging the disproportionately high rate of violence against women of indigenous communities; urging city departments to deliver sustainable investments that address the missing and murdered indigenous women and girls crisis, and establish a new racially appropriate framework of understanding and approach to ending violence against indigenous men and girls; and calling on the Mayor of Seattle to", + "consistency": [ + 4, + 5, + 4 + ], + "fluency": [ + 2, + 1, + 4 + ], + "informativeness": [ + 3, + 5, + 5 + ], + "redundancy": [ + 4, + 2, + 5 + ] + }, + "davinci003": { + "coherence": [ + 4, + 4, + 5 + ], + "summary": "Seattle City Council has proposed Resolution 31900 to address the crisis of missing and murdered Indigenous women and girls, which calls for improved data collection, capacity building assistance and direct health services. Councilmember Gonzalez has expressed her appreciation to the organizations and people who have worked to make this resolution a reality.", + "consistency": [ + 5, + 4, + 4 + ], + "fluency": [ + 5, + 4, + 5 + ], + "informativeness": [ + 5, + 3, + 4 + ], + "redundancy": [ + 4, + 4, + 5 + ] + }, + "lexrank": { + "coherence": [ + 4, + 4, + 5 + ], + "summary": "La Salle Indian Health Board is a national leader in the fight against missing and murdered Indigenous women and girls. As you heard, many of the women say today, missing, murdered indigenous women, girls is an unjust manifestation of institutional racism and colonization.", + "consistency": [ + 2, + 3, + 3 + ], + "fluency": [ + 3, + 4, + 5 + ], + "informativeness": [ + 1, + 3, + 1 + ], + "redundancy": [ + 3, + 5, + 5 + ] + } + }, + "DenverCityCouncil_02242020_20-0186": { + "lead-3": { + "coherence": [ + 1, + 1, + 1 + ], + "summary": "Sawyer, I. Torres, I. Council President. Hi, Madam Secretary. Please close the voting.", + "consistency": [ + 1, + 1, + 1 + ], + "fluency": [ + 1, + 1, + 2 + ], + "informativeness": [ + 1, + 1, + 1 + ], + "redundancy": [ + 2, + 5, + 4 + ] + }, + "lexrank": { + "coherence": [ + 3, + 4, + 4 + ], + "summary": "But I agree with some of your concerns about the broad definition of impugn and how it would seem to prevent us from questioning another member's statements of fact. For instance, in the definition that you've proposed, you you wanted to limit impugn to making a knowingly false statement.", + "consistency": [ + 2, + 5, + 4 + ], + "fluency": [ + 2, + 4, + 5 + ], + "informativeness": [ + 1, + 3, + 3 + ], + "redundancy": [ + 2, + 4, + 5 + ] + }, + "pegasus": { + "coherence": [ + 2, + 4, + 3 + ], + "summary": "A resolution amending the Denver City Council Rules of Procedure. Amends the City Council Rules of Procedure. The Committee approved filing this item at its meeting on 2-1-20.", + "consistency": [ + 1, + 4, + 2 + ], + "fluency": [ + 2, + 4, + 3 + ], + "informativeness": [ + 1, + 2, + 3 + ], + "redundancy": [ + 2, + 3, + 2 + ] + }, + "hmnet": { + "coherence": [ + 3, + 3, + 2 + ], + "summary": "A resolution for a further discussion by the Council of the city and county of Denver at a special municipal election to be held on Tuesday, 2017, for the administration of the temporary rental and utility assistance) program . The committee approved filing this item at its meeting on 10 -20.", + "consistency": [ + 1, + 1, + 1 + ], + "fluency": [ + 3, + 3, + 2 + ], + "informativeness": [ + 1, + 1, + 1 + ], + "redundancy": [ + 3, + 5, + 3 + ] + }, + "dialogLM": { + "coherence": [ + 2, + 4, + 3 + ], + "summary": "A resolution amending the Denver city council rules of procedure. AMENDS the city council rule of procedure related to Impugn. Councilwoman Cdebaca approved direct filing this item on 2-20-20.", + "consistency": [ + 3, + 3, + 4 + ], + "fluency": [ + 2, + 4, + 3 + ], + "informativeness": [ + 2, + 3, + 4 + ], + "redundancy": [ + 4, + 4, + 4 + ] + }, + "davinci003": { + "coherence": [ + 3, + 5, + 3 + ], + "summary": "Councilmember CdeBaca proposed a definition of impugn, which the council discussed and ultimately decided to refer to committee for further discussion. Councilmember Hines also proposed Resolution 187 to be put on the floor.", + "consistency": [ + 4, + 5, + 5 + ], + "fluency": [ + 5, + 5, + 4 + ], + "informativeness": [ + 3, + 4, + 4 + ], + "redundancy": [ + 5, + 5, + 4 + ] + }, + "bart": { + "coherence": [ + 2, + 2, + 3 + ], + "summary": "A resolution amending the Denver City Council Rules of Procedure concerning the general prohibition of harassment by negotiation or through condemnation through condemnation proceedings of fee simple and other interests, including any rights and interests related or appurtenant to property owners/managers, citywide. Amends the rules of procedure. The Committee approved filing this item at its meeting on 2-21-20.", + "consistency": [ + 1, + 4, + 1 + ], + "fluency": [ + 2, + 4, + 3 + ], + "informativeness": [ + 1, + 2, + 1 + ], + "redundancy": [ + 1, + 4, + 3 + ] + } + }, + "LongBeachCC_12102019_19-1231": { + "pegasus": { + "coherence": [ + 5, + 5, + 5 + ], + "summary": "Recommendation to request City Attorney to draft an ordinance to authorize the City Manager to issue local temporary cannabis special event permits.", + "consistency": [ + 4, + 5, + 5 + ], + "fluency": [ + 5, + 5, + 5 + ], + "informativeness": [ + 4, + 5, + 4 + ], + "redundancy": [ + 5, + 5, + 5 + ] + }, + "lead-3": { + "coherence": [ + 1, + 1, + 2 + ], + "summary": "I am 18. Clara, could you please regain item 18? Communication from Councilman Austin.", + "consistency": [ + 1, + 1, + 1 + ], + "fluency": [ + 2, + 4, + 2 + ], + "informativeness": [ + 1, + 1, + 1 + ], + "redundancy": [ + 1, + 5, + 5 + ] + }, + "dialogLM": { + "coherence": [ + 4, + 5, + 5 + ], + "summary": "Recommendation to request city attorney to draft an ordinance to authorize the city manager to issue local temporary Cannabis special event permits.", + "consistency": [ + 4, + 5, + 5 + ], + "fluency": [ + 4, + 5, + 5 + ], + "informativeness": [ + 4, + 5, + 4 + ], + "redundancy": [ + 5, + 5, + 5 + ] + }, + "bart": { + "coherence": [ + 5, + 5, + 5 + ], + "summary": "Recommendation to request City Attorney to draft an ordinance to authorize the City Manager to issue local temporary cannabis special event permits, and return to the City Council within 60 days with the following: Order for the appointment of temporary cannabis retail store manager, designate by City Council, and authorize the execution of any documents necessary to apply for and utilize these permits for the establishment, expansion, and maintenance of a state-of-the-art retail store located at the Queen Mary Event Center, located at 300 East Ocean Boulevard in the First Council District.", + "consistency": [ + 5, + 4, + 4 + ], + "fluency": [ + 5, + 4, + 5 + ], + "informativeness": [ + 4, + 4, + 5 + ], + "redundancy": [ + 4, + 4, + 5 + ] + }, + "hmnet": { + "coherence": [ + 4, + 5, + 5 + ], + "summary": "Recommendation to request city attorney to draft an ordinance authorizing the city manager to issue temporary Cannabis event for the purpose of cultivation, manufacturing, distribution, and consumption of Cannabis products.", + "consistency": [ + 3, + 5, + 4 + ], + "fluency": [ + 4, + 5, + 5 + ], + "informativeness": [ + 3, + 5, + 4 + ], + "redundancy": [ + 2, + 5, + 5 + ] + }, + "lexrank": { + "coherence": [ + 1, + 3, + 5 + ], + "summary": "Jim Louis and I'm the head of special projects for Red Light Management, as well as the festival director for the Emerald Crop, the largest and most respected outdoor cannabis competition and consumer event in the world. This seems to be an opportunity to include a local temporary cannabis special event at specific locations with controls in place for other special events.", + "consistency": [ + 1, + 3, + 4 + ], + "fluency": [ + 1, + 4, + 5 + ], + "informativeness": [ + 1, + 2, + 2 + ], + "redundancy": [ + 1, + 4, + 5 + ] + }, + "davinci003": { + "coherence": [ + 4, + 5, + 5 + ], + "summary": "The article discusses a motion put forth by Councilman Orson to request the city attorney to draft an ordinance to allow the city manager to issue local temporary cannabis special event permits. It also highlights the success of the Emerald Cup in Santa Rosa, which generated over $200,000 in tax revenue and $17.3 million in total economic output for the community.", + "consistency": [ + 4, + 4, + 4 + ], + "fluency": [ + 5, + 4, + 5 + ], + "informativeness": [ + 3, + 4, + 4 + ], + "redundancy": [ + 4, + 4, + 5 + ] + } + }, + "LongBeachCC_01162018_18-0032": { + "lead-3": { + "coherence": [ + 1, + 1, + 3 + ], + "summary": "And the third motion, please. I believe the emotions are appearing on the screen. Motion carries and the next motion.", + "consistency": [ + 1, + 1, + 1 + ], + "fluency": [ + 1, + 1, + 3 + ], + "informativeness": [ + 1, + 1, + 1 + ], + "redundancy": [ + 1, + 5, + 3 + ] + }, + "lexrank": { + "coherence": [ + 1, + 1, + 1 + ], + "summary": "Councilwoman Price. Mayor.", + "consistency": [ + 1, + 1, + 1 + ], + "fluency": [ + 1, + 3, + 1 + ], + "informativeness": [ + 1, + 1, + 1 + ], + "redundancy": [ + 3, + 5, + 5 + ] + }, + "pegasus": { + "coherence": [ + 2, + 1, + 5 + ], + "summary": "Recommendation to receive supporting documentation into the record, conclude the public hearing, find that the California Environmental Quality Act (CEQA) Section 3060(c) applies, and that the California Environmental Quality Act (CEQA) Section 3060(c)(1) is not an unconstitutional amendment to the City's", + "consistency": [ + 1, + 2, + 1 + ], + "fluency": [ + 2, + 1, + 4 + ], + "informativeness": [ + 1, + 2, + 1 + ], + "redundancy": [ + 1, + 2, + 5 + ] + }, + "hmnet": { + "coherence": [ + 2, + 1, + 5 + ], + "summary": "Recommendation to receive supporting documentation into the record, conclude the hearing and take the actions necessary to adopt the fiscal year 2022 budget as listed in attachment a.)", + "consistency": [ + 2, + 1, + 1 + ], + "fluency": [ + 2, + 1, + 4 + ], + "informativeness": [ + 1, + 1, + 1 + ], + "redundancy": [ + 3, + 4, + 5 + ] + }, + "davinci003": { + "coherence": [ + 4, + 1, + 5 + ], + "summary": "The council has convened to hold a meeting to discuss a slight plan review with six points raised by the councilwoman Price. After hearing the motion and allowing the council to cast their votes, the Mayor concluded the hearing and called for a 5-7 minute recess before starting the council meeting.", + "consistency": [ + 3, + 1, + 3 + ], + "fluency": [ + 4, + 2, + 5 + ], + "informativeness": [ + 3, + 1, + 1 + ], + "redundancy": [ + 4, + 3, + 5 + ] + }, + "dialogLM": { + "coherence": [ + 2, + 1, + 4 + ], + "summary": "Recommendation to adopt resolution authorizing city manager, or Designee, to submit a grant application to the California Department of housing and urban development, through the housing authority of the city and county of Denver, in the amount of $1, 437, 079, for the administration of the temporary rental and utility assistance (Trua) program. (Finance & services) APPROVES the grant application for Truas and the construction of 42 affordable housing units located at 4280 East 7th street in Council district 9. the committee approved filing this item at its meeting on 6-27-19.", + "consistency": [ + 1, + 1, + 1 + ], + "fluency": [ + 2, + 3, + 4 + ], + "informativeness": [ + 1, + 1, + 1 + ], + "redundancy": [ + 2, + 4, + 5 + ] + }, + "bart": { + "coherence": [ + 3, + 1, + 5 + ], + "summary": "A MOTION relating to the Seattle Department of Transportation, approving a Mitigation Monitoring and Reporting Program for the South Metro Corridor Project between West 29th Street and 34th Street, commonly referred to as the 30th Street Pedestrian Improvements Program, and authorizing the Director of Transportation to take certain actions in connection with the implementation of the program.", + "consistency": [ + 1, + 1, + 1 + ], + "fluency": [ + 3, + 1, + 5 + ], + "informativeness": [ + 1, + 1, + 1 + ], + "redundancy": [ + 3, + 2, + 5 + ] + } + }, + "DenverCityCouncil_03072016_16-0158": { + "davinci003": { + "coherence": [ + 5, + 5, + 5 + ], + "summary": "The City Council of Denver has passed Proclamation 158 in support of National Native HIV AIDS Awareness Day and National Women and Girls HIV AIDS Awareness Day, recognizing the disproportionate number of people affected by HIV and AIDS in the American Indian and Alaska Native communities, African-American and Latino women, and young people aged 13-24. Organizations such as Cultura, Children's Hospital Immunodeficiency Program, and Servicios de la Raza are working to bring HIV and AIDS awareness and access to education and health care to underserved populations.", + "consistency": [ + 5, + 5, + 4 + ], + "fluency": [ + 5, + 5, + 5 + ], + "informativeness": [ + 4, + 5, + 4 + ], + "redundancy": [ + 4, + 5, + 5 + ] + }, + "dialogLM": { + "coherence": [ + 4, + 4, + 4 + ], + "summary": "A proclamation in support of national native Hiv/Aids awareness day and national women and girls Hiv/11 awareness day.", + "consistency": [ + 4, + 3, + 4 + ], + "fluency": [ + 2, + 3, + 4 + ], + "informativeness": [ + 4, + 3, + 4 + ], + "redundancy": [ + 2, + 3, + 5 + ] + }, + "lexrank": { + "coherence": [ + 2, + 3, + 4 + ], + "summary": "Will do proclamation number 158 series of 2016 in support of National Native HIV AIDS Awareness Day and National Women and Girls HIV AIDS Awareness Day. Now, therefore, be it proclaimed by the Council of the City and County of Denver, Section one, that the Denver City Council proclaims March 10th, 2016, to be known as National Women's, National Women and Girls HIV AIDS Awareness Day.", + "consistency": [ + 4, + 3, + 4 + ], + "fluency": [ + 2, + 2, + 5 + ], + "informativeness": [ + 2, + 3, + 4 + ], + "redundancy": [ + 1, + 1, + 4 + ] + }, + "hmnet": { + "coherence": [ + 3, + 5, + 5 + ], + "summary": "A proclamation in support of national national women in 2016 for HIV awareness day and national aids awareness day.", + "consistency": [ + 4, + 5, + 4 + ], + "fluency": [ + 2, + 2, + 4 + ], + "informativeness": [ + 3, + 5, + 3 + ], + "redundancy": [ + 2, + 3, + 3 + ] + }, + "bart": { + "coherence": [ + 4, + 2, + 5 + ], + "summary": "A proclamation in support of National Native HIV/AIDS Awareness Day & National Women and Girls, AIDS Awareness Day. A proclamation celebrating March 10th - National Women's, National Women\u2019s, and Girls\u2019 HIV/Adoption of a Resolution Declaring March 20th - International Day of Service to Benefit of Denver Children and Youth, and Remembrance Day to Provide Women, Girls, and Families in need of support and/or Family Support Services.", + "consistency": [ + 4, + 3, + 4 + ], + "fluency": [ + 4, + 2, + 5 + ], + "informativeness": [ + 3, + 3, + 4 + ], + "redundancy": [ + 2, + 2, + 5 + ] + }, + "pegasus": { + "coherence": [ + 4, + 5, + 5 + ], + "summary": "A proclamation in support of National Native HIV/AIDS Awareness Day and National Women and Girls HIV/AIDS Awareness Day.", + "consistency": [ + 5, + 5, + 5 + ], + "fluency": [ + 4, + 5, + 5 + ], + "informativeness": [ + 4, + 5, + 5 + ], + "redundancy": [ + 5, + 5, + 5 + ] + }, + "lead-3": { + "coherence": [ + 1, + 1, + 5 + ], + "summary": "Thank you. We are moving on to our last proclamation, proclamation 158. I am not reading that one.", + "consistency": [ + 1, + 1, + 1 + ], + "fluency": [ + 2, + 1, + 5 + ], + "informativeness": [ + 1, + 1, + 1 + ], + "redundancy": [ + 2, + 5, + 5 + ] + } + }, + "KingCountyCC_06172019_2019-0228": { + "bart": { + "coherence": [ + 3, + 4, + 3 + ], + "summary": "AN ORDINANCE proposing the formation and establishment of the Murray Island Hospital District, appointing the initial members of the Board of Directors of the District Board of Commissioners, and approving the initial operating plan and preliminary 2016-17 budget therefor; and submitting the same to the voters of the county for their ratification or rejection at a special election to be held on November 5, 2019, the question of whether the City shall be authorized to issue or incur general obligation debt for the purpose of financing and/or refinancing the cost of constructing a new hospital district; providing the form of the ballot question; providing for other details in connection therewith; and ratifying and confirming certain prior acts.", + "consistency": [ + 4, + 4, + 4 + ], + "fluency": [ + 3, + 4, + 4 + ], + "informativeness": [ + 3, + 4, + 4 + ], + "redundancy": [ + 2, + 5, + 2 + ] + }, + "pegasus": { + "coherence": [ + 3, + 5, + 2 + ], + "summary": "AN ORDINANCE setting November 5, 2019 as the date for a special election to be held in connection with the creation of the Murray Island Hospital District; and submitting the same to the qualified voters of the county for their ratification or rejection at the next general election held in this county occurring more than forty-five", + "consistency": [ + 4, + 4, + 5 + ], + "fluency": [ + 3, + 4, + 1 + ], + "informativeness": [ + 3, + 5, + 5 + ], + "redundancy": [ + 5, + 5, + 3 + ] + }, + "hmnet": { + "coherence": [ + 2, + 3, + 3 + ], + "summary": "A making an appointment to fill and operate facilities consistent with state law, commonly referred on November 5, 2019, ordinance, as a junior general election to be held in the West division of the King County District Court.", + "consistency": [ + 2, + 3, + 4 + ], + "fluency": [ + 2, + 4, + 4 + ], + "informativeness": [ + 2, + 2, + 4 + ], + "redundancy": [ + 5, + 5, + 4 + ] + }, + "lead-3": { + "coherence": [ + 1, + 1, + 1 + ], + "summary": "That includes the people who had signed up in advance for public testimony today on this issue. Is there anyone else you'd like to speak to? The Bastion Hospital District proposal.", + "consistency": [ + 1, + 1, + 1 + ], + "fluency": [ + 1, + 5, + 4 + ], + "informativeness": [ + 1, + 1, + 1 + ], + "redundancy": [ + 3, + 5, + 4 + ] + }, + "dialogLM": { + "coherence": [ + 5, + 5, + 4 + ], + "summary": "An ordinance creating the Bash on Murray Island hospital district and granting the new district taxing authority to construct and operate facilities consistent with state law.", + "consistency": [ + 4, + 3, + 4 + ], + "fluency": [ + 5, + 5, + 4 + ], + "informativeness": [ + 3, + 3, + 4 + ], + "redundancy": [ + 5, + 5, + 5 + ] + }, + "lexrank": { + "coherence": [ + 2, + 4, + 3 + ], + "summary": "This ballot measure would create the hospital district and grant the new district taxing authority to construct and operate facilities consistent with in state law. Yes, you could this qualify as a rural hospital, because if so, it does a higher Medicaid reimbursement rate, which I think could be very, very helpful to that hospital.", + "consistency": [ + 2, + 4, + 3 + ], + "fluency": [ + 3, + 4, + 4 + ], + "informativeness": [ + 2, + 3, + 3 + ], + "redundancy": [ + 3, + 5, + 5 + ] + }, + "davinci003": { + "coherence": [ + 5, + 4, + 4 + ], + "summary": "The King County Council is proposing an ordinance to set the boundaries and election date for the Bastion Hospital District in order to offer necessary health care services and a higher Medicaid reimbursement rate for rural hospitals. The ordinance passed with a 9-0 vote, and it will be sent to the full council for consent.", + "consistency": [ + 5, + 4, + 4 + ], + "fluency": [ + 5, + 5, + 4 + ], + "informativeness": [ + 5, + 4, + 4 + ], + "redundancy": [ + 5, + 5, + 5 + ] + } + }, + "DenverCityCouncil_11292021_21-1188": { + "dialogLM": { + "coherence": [ + 4, + 4, + 2 + ], + "summary": "A bill for an ordinance changing the zoning classification for 4301 West 35th Avenue in West Highland. APPROVES a map amendment to Rezone property from U-Su-B to U-Us-C1 (allows for an accessory dwelling unit), located at 4301 W. 35th ave in Council district 1. the committee approved filing this item at its meeting on 10-24-21.", + "consistency": [ + 3, + 4, + 3 + ], + "fluency": [ + 3, + 4, + 2 + ], + "informativeness": [ + 2, + 4, + 4 + ], + "redundancy": [ + 2, + 4, + 3 + ] + }, + "pegasus": { + "coherence": [ + 4, + 5, + 5 + ], + "summary": "A bill for an ordinance changing the zoning classification for 4301 West 35th Avenue in West Highland. Approves a map amendment to rezone property from U-SU-B to U-SU-B1 (allows for an accessory dwelling unit), located at 4301 West 35th Avenue in Council District 1.", + "consistency": [ + 4, + 5, + 5 + ], + "fluency": [ + 4, + 5, + 5 + ], + "informativeness": [ + 3, + 5, + 5 + ], + "redundancy": [ + 3, + 4, + 5 + ] + }, + "bart": { + "coherence": [ + 4, + 4, + 5 + ], + "summary": "A bill for an ordinance changing the zoning classification for 4301 West 35th Avenue in West Highland. Approves a map amendment to rezone property from U-SU-B to U-TU-B (single-unit to two-unit), located at 4301 W 35th Ave in Council District 1. The Committee approved filing this item at its meeting on 10-12-21.", + "consistency": [ + 4, + 4, + 4 + ], + "fluency": [ + 3, + 5, + 5 + ], + "informativeness": [ + 3, + 5, + 5 + ], + "redundancy": [ + 3, + 4, + 5 + ] + }, + "hmnet": { + "coherence": [ + 3, + 3, + 1 + ], + "summary": "A bill for an ordinance changing the zoning classification for West Essex Avenue in West Highland . an official map amendment to Rezone properties from U -B to U for an accessory dwelling unit), located at West 35th Avenue in Council district 1. the committee approved filing this item at its meeting on 10.", + "consistency": [ + 1, + 2, + 2 + ], + "fluency": [ + 3, + 4, + 1 + ], + "informativeness": [ + 1, + 4, + 2 + ], + "redundancy": [ + 2, + 4, + 3 + ] + }, + "davinci003": { + "coherence": [ + 4, + 4, + 2 + ], + "summary": "Councilmember Ortega has moved to put Council Bill 1188 on the floor for final passage, and the public hearing for the rezoning request for 4301 West 35th Avenue has been opened. The rezoning is consistent with the comprehensive plan 2040 and Look in Denver, and Jessie Parris has voiced her support for it.", + "consistency": [ + 3, + 4, + 4 + ], + "fluency": [ + 4, + 5, + 2 + ], + "informativeness": [ + 2, + 4, + 4 + ], + "redundancy": [ + 5, + 5, + 4 + ] + }, + "lexrank": { + "coherence": [ + 2, + 5, + 5 + ], + "summary": "And today we're looking at the rezoning request for 4301 West 35th Avenue. Overall, the proposed rezoning is consistent with the urban neighborhood context.", + "consistency": [ + 1, + 5, + 5 + ], + "fluency": [ + 2, + 5, + 5 + ], + "informativeness": [ + 1, + 3, + 4 + ], + "redundancy": [ + 3, + 5, + 5 + ] + }, + "lead-3": { + "coherence": [ + 1, + 2, + 1 + ], + "summary": "I. Madam Secretary, close the voting and announce the results. 13 of 13 Eyes Council Bill 21 Dash 1187 has passed. Thank you, Fran, and the two speakers for that hearing.", + "consistency": [ + 1, + 2, + 1 + ], + "fluency": [ + 1, + 2, + 3 + ], + "informativeness": [ + 1, + 1, + 1 + ], + "redundancy": [ + 1, + 5, + 3 + ] + } + }, + "SeattleCityCouncil_08162021_CB 120121": { + "lexrank": { + "coherence": [ + 1, + 1, + 1 + ], + "summary": "Amendment one has been were Lewis going to hand it back over to you to address the contents of Amendment One? So I will not be moving amendment to only Amendment one and a revised version of Amendment three based on that feedback.", + "consistency": [ + 1, + 1, + 1 + ], + "fluency": [ + 2, + 1, + 1 + ], + "informativeness": [ + 1, + 1, + 1 + ], + "redundancy": [ + 1, + 5, + 1 + ] + }, + "dialogLM": { + "coherence": [ + 4, + 2, + 4 + ], + "summary": "An ordinance relating to land use and zoning; adopting interim provisions, by amending sections 23. 76. 004, 23. 76 an ordinance 23. 76. 006, 23. 76. 007, and 23. 76. 020 of the Seattle municipal code, and adding a new section 23402. 040 to the Seattle code, to facilitate occupancy of Street-Level spaces downtown during the Covid-19 civil emergency; and adopting the interim provisions.", + "consistency": [ + 3, + 3, + 3 + ], + "fluency": [ + 4, + 2, + 4 + ], + "informativeness": [ + 2, + 4, + 4 + ], + "redundancy": [ + 2, + 1, + 5 + ] + }, + "hmnet": { + "coherence": [ + 1, + 1, + 3 + ], + "summary": "An relating to land use and zoning; amending sections 23 of the Seattle municipal code to facilitate occupancy vacant vacant vacant storefronts.", + "consistency": [ + 2, + 3, + 4 + ], + "fluency": [ + 1, + 1, + 3 + ], + "informativeness": [ + 1, + 3, + 3 + ], + "redundancy": [ + 1, + 1, + 2 + ] + }, + "bart": { + "coherence": [ + 3, + 4, + 4 + ], + "summary": "AN ORDINANCE relating to land use and zoning; adopting interim provisions in amending Sections 23.76.004, 23.72.006, and 23.78.032 of the Seattle Municipal Code to facilitate occupancy of street-level spaces downtown during the COVID-19 civil emergency; and adopting a new Section 23.42.040 to the SMC to facilitate a one-year transition to a new SMC-mandated parking exemption.", + "consistency": [ + 3, + 3, + 4 + ], + "fluency": [ + 3, + 4, + 5 + ], + "informativeness": [ + 2, + 3, + 4 + ], + "redundancy": [ + 2, + 2, + 5 + ] + }, + "lead-3": { + "coherence": [ + 3, + 1, + 4 + ], + "summary": "The Court of the Land Use the Neighborhoods Committee Agenda Item eight Council Bill one 2121 relating to land use and zoning, adopting interim provisions by amended sections 23.70 6.004. 23.70 6.006 and 23.7 6.0 32 of and adding a new section 2340 2.0 41 to the municipal code to facilitate occupancy of street level spaces downtown during the COVID 19 Civil Emergency and adopting the committee recommends the bill pass as amended. Hank you so much.", + "consistency": [ + 3, + 2, + 4 + ], + "fluency": [ + 2, + 3, + 4 + ], + "informativeness": [ + 2, + 3, + 4 + ], + "redundancy": [ + 3, + 1, + 4 + ] + }, + "pegasus": { + "coherence": [ + 2, + 3, + 4 + ], + "summary": "AN ORDINANCE relating to land use and zoning; adopting interim provisions by amending Sections 23.76.040, 23.76.060, and 23.76.080 of the Seattle Municipal Code to facilitate occupancy of street-level spaces downtown during the COVID-19 civil emergency; and adding a new Section", + "consistency": [ + 3, + 2, + 4 + ], + "fluency": [ + 1, + 1, + 4 + ], + "informativeness": [ + 2, + 3, + 4 + ], + "redundancy": [ + 3, + 4, + 5 + ] + }, + "davinci003": { + "coherence": [ + 5, + 5, + 5 + ], + "summary": "Councilmember Lewis proposed Council Bill 1-2121 to expand the list of uses allowed on the street level in downtown Seattle to address vacant storefronts. The bill was passed with an amendment to limit the office space frontage in the Pioneer Square neighborhood to 30 feet of street level space, with a carve out of 90 feet of street level usage for an area zoned P-85-120.", + "consistency": [ + 5, + 4, + 3 + ], + "fluency": [ + 5, + 4, + 5 + ], + "informativeness": [ + 4, + 4, + 3 + ], + "redundancy": [ + 4, + 4, + 5 + ] + } + }, + "BostonCC_04272022_2022-0550": { + "pegasus": { + "coherence": [ + 3, + 5, + 5 + ], + "summary": "Resolution in Support of the Greater Boston Starbucks Workers United. On motion of Councilors Breadon and Flynn, Rule 12 was invoked to include Councilor Bok as a co-sponsor.", + "consistency": [ + 4, + 5, + 5 + ], + "fluency": [ + 4, + 5, + 5 + ], + "informativeness": [ + 2, + 4, + 5 + ], + "redundancy": [ + 5, + 5, + 5 + ] + }, + "bart": { + "coherence": [ + 2, + 4, + 4 + ], + "summary": "Resolution in support of the Greater Boston Starbucks Workers United. On motion of Councilors Breadon and Flynn, Rule 12 was invoked to include Councilor Bok as a co-sponsor. Councilor Arroyo in the Chair. On the motion and order, referred on February 9, 2022, Docket #5500550, Councilor Breadon moved for substitution of the language. Motion prevailed.", + "consistency": [ + 3, + 4, + 4 + ], + "fluency": [ + 2, + 4, + 4 + ], + "informativeness": [ + 2, + 4, + 4 + ], + "redundancy": [ + 3, + 5, + 5 + ] + }, + "lead-3": { + "coherence": [ + 1, + 1, + 1 + ], + "summary": "All those in favor say I am opposed. Say no. The ayes have it.", + "consistency": [ + 1, + 1, + 1 + ], + "fluency": [ + 1, + 1, + 3 + ], + "informativeness": [ + 1, + 1, + 1 + ], + "redundancy": [ + 3, + 3, + 5 + ] + }, + "hmnet": { + "coherence": [ + 1, + 1, + 1 + ], + "summary": "A in support of the Flynn Flynn for the on on the motion of Councilor Bok, Flynn and Flynn Flynn as a Co. on motion of Councilors Breadon and Flynn, the rules were suspended; the resolution was adopted.", + "consistency": [ + 1, + 1, + 1 + ], + "fluency": [ + 1, + 1, + 2 + ], + "informativeness": [ + 1, + 1, + 1 + ], + "redundancy": [ + 1, + 1, + 1 + ] + }, + "davinci003": { + "coherence": [ + 5, + 5, + 5 + ], + "summary": "The article discusses the unionization efforts of Starbucks workers in Massachusetts, including those in the districts of Councilors Braden and Flynn. This resolution was passed unanimously in support of the Greater Boston Starbucks Workers United, and the council recognized the aggressive union busting tactics being used by corporate representatives.", + "consistency": [ + 5, + 4, + 5 + ], + "fluency": [ + 5, + 5, + 5 + ], + "informativeness": [ + 5, + 5, + 5 + ], + "redundancy": [ + 5, + 5, + 5 + ] + }, + "lexrank": { + "coherence": [ + 3, + 5, + 4 + ], + "summary": "Councilors Braden and Flynn offered the following resolution in support of the Greater Boston Starbucks Workers United. And I urge my colleagues to join me in adopting this resolution to support the Greater Boston Starbucks Workers United and call on the company to drop their union busting and election interference.", + "consistency": [ + 3, + 4, + 5 + ], + "fluency": [ + 3, + 5, + 5 + ], + "informativeness": [ + 2, + 3, + 5 + ], + "redundancy": [ + 3, + 5, + 1 + ] + }, + "dialogLM": { + "coherence": [ + 2, + 3, + 5 + ], + "summary": "Resolution in support of the greater Boston Starbucks workers United. On motion of Councilors Breadon and Flynn, rule 12 was invoked to include Councilor Bok as a co-sponsor.", + "consistency": [ + 3, + 3, + 5 + ], + "fluency": [ + 3, + 4, + 5 + ], + "informativeness": [ + 2, + 2, + 5 + ], + "redundancy": [ + 4, + 5, + 5 + ] + } + }, + "LongBeachCC_11092021_21-1171": { + "pegasus": { + "coherence": [ + 5, + 5, + 5 + ], + "summary": "Recommendation to request City Attorney to prepare ordinances amending the Long Beach Municipal Code, regarding Inclusionary Housing and non-discrimination laws, and to prepare a resolution amending the method of establishing and administering Inclusionary Housing in the City. (Citywide)", + "consistency": [ + 5, + 5, + 4 + ], + "fluency": [ + 3, + 5, + 5 + ], + "informativeness": [ + 4, + 5, + 5 + ], + "redundancy": [ + 4, + 5, + 5 + ] + }, + "lead-3": { + "coherence": [ + 1, + 1, + 1 + ], + "summary": "In price. Emotions carry. Thank you.", + "consistency": [ + 1, + 1, + 1 + ], + "fluency": [ + 1, + 5, + 1 + ], + "informativeness": [ + 1, + 1, + 1 + ], + "redundancy": [ + 3, + 5, + 5 + ] + }, + "bart": { + "coherence": [ + 1, + 3, + 3 + ], + "summary": "Recommendation to request City Attorney to prepare ordinances amending the Long Beach Municipal Code by amending Sections 21.15.3155 and Table 31-1 of Chapter 21.31, and Table 41-1C of Chapter 31.41, all regarding Inclusionary Housing and Non-Net Loss Laws; and Direct City Manager to prepare a resolution amending and restating Section 21.51.273, and adopting a new Article XV of Chapter 11.51, relating to the Inclusive Housing Ordinance and its conforming amendments, in accordance with the provisions of the California Environmental Quality Act (CEQA) Section 15305, that CEQA only applies to actions that", + "consistency": [ + 2, + 3, + 2 + ], + "fluency": [ + 2, + 4, + 4 + ], + "informativeness": [ + 2, + 4, + 2 + ], + "redundancy": [ + 1, + 2, + 5 + ] + }, + "hmnet": { + "coherence": [ + 1, + 1, + 3 + ], + "summary": "Recommendation to request city attorney to prepare ordinances amending the long Beach municipal code regarding housing and in the resolution amending the method of establishing and establishing and housing in the housing divisions in the code.)", + "consistency": [ + 2, + 3, + 3 + ], + "fluency": [ + 2, + 1, + 4 + ], + "informativeness": [ + 1, + 3, + 4 + ], + "redundancy": [ + 1, + 1, + 3 + ] + }, + "davinci003": { + "coherence": [ + 5, + 4, + 4 + ], + "summary": "The City Council adopted an inclusionary housing ordinance and resolution and asked staff to come back with five items. Staff is recommending all five items be included in a revised ordinance and resolution, focusing on very low income housing, extending affordability covenants, and removing the 2025 no net loss expiration date.", + "consistency": [ + 4, + 4, + 4 + ], + "fluency": [ + 5, + 4, + 5 + ], + "informativeness": [ + 4, + 4, + 3 + ], + "redundancy": [ + 4, + 5, + 5 + ] + }, + "dialogLM": { + "coherence": [ + 1, + 5, + 4 + ], + "summary": "Recommendation to request city attorney to prepare ordinances amending long Beach municipal code chapter 21. 67 regarding Inclusionary housing and Non-Net laws; and authorize city manager, or Designee, to prepare a resolution amending the process for establishing and amending housing in the city of long Beach as outlined in attachment a. (citywide)", + "consistency": [ + 2, + 5, + 3 + ], + "fluency": [ + 2, + 5, + 4 + ], + "informativeness": [ + 2, + 5, + 4 + ], + "redundancy": [ + 2, + 5, + 5 + ] + }, + "lexrank": { + "coherence": [ + 2, + 5, + 4 + ], + "summary": "So I just want to focus, that's all on inclusionary housing as one tool among various different housing tools that the city is using to address different housing needs. And and so I think it's worthy of mentioning I think for many of us, workforce housing and moderate income housing is really important.", + "consistency": [ + 2, + 4, + 4 + ], + "fluency": [ + 1, + 5, + 4 + ], + "informativeness": [ + 1, + 3, + 3 + ], + "redundancy": [ + 1, + 5, + 5 + ] + } + }, + "LongBeachCC_09142021_21-0874": { + "lead-3": { + "coherence": [ + 1, + 1, + 1 + ], + "summary": "All right. We're going to go to item 25, you. Adam, 25, is a communications from councilmen, a chair of the Government Personnel and Election Oversight Committee.", + "consistency": [ + 1, + 1, + 1 + ], + "fluency": [ + 1, + 5, + 5 + ], + "informativeness": [ + 1, + 1, + 1 + ], + "redundancy": [ + 2, + 5, + 5 + ] + }, + "bart": { + "coherence": [ + 4, + 5, + 5 + ], + "summary": "Recommendation to approve the naming of the newly renovated North Health Facility as the \u201cRonald R. Arias Health Equity Center\u201d at Horton Park in honor of the father of our modern health department and the inspiration behind our modern medicine and research, as well as the founder and inspiration behind modernizing health and education in Long Beach.", + "consistency": [ + 5, + 5, + 5 + ], + "fluency": [ + 4, + 5, + 5 + ], + "informativeness": [ + 4, + 5, + 5 + ], + "redundancy": [ + 5, + 5, + 5 + ] + }, + "pegasus": { + "coherence": [ + 4, + 5, + 5 + ], + "summary": "Recommendation to approve the naming of the newly renovated North Health Facility, the Ronald R. Arias Health Equity Center.", + "consistency": [ + 4, + 4, + 5 + ], + "fluency": [ + 4, + 5, + 5 + ], + "informativeness": [ + 4, + 4, + 5 + ], + "redundancy": [ + 5, + 5, + 5 + ] + }, + "dialogLM": { + "coherence": [ + 4, + 5, + 5 + ], + "summary": "Recommendation to approve the naming of the newly renovated North health facility, the Ron R. Arias health equity center.", + "consistency": [ + 3, + 4, + 5 + ], + "fluency": [ + 3, + 4, + 4 + ], + "informativeness": [ + 3, + 4, + 5 + ], + "redundancy": [ + 5, + 5, + 5 + ] + }, + "davinci003": { + "coherence": [ + 5, + 5, + 4 + ], + "summary": "The article is about the naming of the North Health Facility in Long Beach after Ron R. Arias in recognition of his commitment to health and community service. Several local stakeholders are featured in a video discussing the importance of health equity in the city, and the article culminates with a unanimous vote from the Government Personnel and Election Oversight Committee to approve the naming of the facility.", + "consistency": [ + 5, + 5, + 4 + ], + "fluency": [ + 5, + 5, + 4 + ], + "informativeness": [ + 4, + 5, + 4 + ], + "redundancy": [ + 5, + 5, + 5 + ] + }, + "hmnet": { + "coherence": [ + 4, + 5, + 1 + ], + "summary": "Recommendation to approve the naming of the community Ronald equity center at Horton park North park in North long Beach.", + "consistency": [ + 3, + 4, + 2 + ], + "fluency": [ + 4, + 4, + 1 + ], + "informativeness": [ + 3, + 4, + 2 + ], + "redundancy": [ + 5, + 5, + 1 + ] + }, + "lexrank": { + "coherence": [ + 3, + 4, + 2 + ], + "summary": "Recommendation to approve the naming of the newly renovated North Health Facility, the Ron R Arias Health Equity Center. Back then it was over 20 years ago, but I feel the same way today and I'm so very happy to be able to support this item.", + "consistency": [ + 2, + 4, + 4 + ], + "fluency": [ + 3, + 5, + 3 + ], + "informativeness": [ + 1, + 3, + 4 + ], + "redundancy": [ + 4, + 5, + 3 + ] + } + }, + "LongBeachCC_06212022_22-0702": { + "lead-3": { + "coherence": [ + 1, + 1, + 5 + ], + "summary": "All right. Thank you. Is there any public comment on this item?", + "consistency": [ + 1, + 1, + 1 + ], + "fluency": [ + 1, + 4, + 5 + ], + "informativeness": [ + 1, + 1, + 1 + ], + "redundancy": [ + 1, + 5, + 5 + ] + }, + "davinci003": { + "coherence": [ + 5, + 4, + 5 + ], + "summary": "The Queen Mary is being revived with a new contract that requires the city of Long Beach to invest capital money and incentivizes the company running it to earn more than $7.5 million. Public comment included a discussion of fireworks pollution and debts from the previous operator that the city is looking into rectifying.", + "consistency": [ + 4, + 3, + 3 + ], + "fluency": [ + 5, + 4, + 5 + ], + "informativeness": [ + 4, + 3, + 3 + ], + "redundancy": [ + 5, + 5, + 5 + ] + }, + "bart": { + "coherence": [ + 1, + 1, + 1 + ], + "summary": " Julian G and Anna Christiansen's wedding plans to be held on the Queen Mary by the Board of Harbor Commissioners on August 8, 2020 - and authorize City Manager to postpone until August 14, 2021, the final terms of the concession for the Queen's Boating and Water Conservation Ordinance, Ordinance 18835, Section 53, Proviso P2.", + "consistency": [ + 1, + 2, + 3 + ], + "fluency": [ + 3, + 3, + 3 + ], + "informativeness": [ + 1, + 2, + 1 + ], + "redundancy": [ + 4, + 2, + 3 + ] + }, + "pegasus": { + "coherence": [ + 2, + 3, + 3 + ], + "summary": "Recommendation to adopt resolution authorizing the City Attorney to file a lawsuit in the Superior Court of the State of California, County of Los Angeles, on behalf of the City of Long Beach, against Queen Mary Long Beach, LLC, a Delaware limited liability company, and certain of its officers, directors, agents, and assigns", + "consistency": [ + 1, + 1, + 2 + ], + "fluency": [ + 2, + 3, + 4 + ], + "informativeness": [ + 1, + 2, + 1 + ], + "redundancy": [ + 3, + 4, + 5 + ] + }, + "lexrank": { + "coherence": [ + 1, + 2, + 2 + ], + "summary": "And once again this year, we are being told there will be fireworks downtown from the Queen Mary. However, for the Queen Mary, it forces and ultimately the owner of the boat.", + "consistency": [ + 1, + 1, + 1 + ], + "fluency": [ + 3, + 4, + 3 + ], + "informativeness": [ + 1, + 1, + 1 + ], + "redundancy": [ + 2, + 5, + 5 + ] + }, + "dialogLM": { + "coherence": [ + 4, + 2, + 3 + ], + "summary": "Recommendation to authorize city manager, or Designee, to execute all documents necessary to amend contract no. 35514 with Ibi hospitality, Inc., DBA the Queen Mary, of long Beach, ca, for providing homeless prevention and rapid Rehousing services, to increase the aggregate contract amount by $1, 300, 000, for a revised total aggregate amount not to exceed $2, 500, 000 for a period of three years, with the option to renew for two additional one-year periods, at the discretion of the city manager. (citywide)", + "consistency": [ + 4, + 3, + 2 + ], + "fluency": [ + 3, + 3, + 3 + ], + "informativeness": [ + 2, + 3, + 2 + ], + "redundancy": [ + 2, + 2, + 5 + ] + }, + "hmnet": { + "coherence": [ + 1, + 1, + 1 + ], + "summary": "Recommendation to receive and file a presentation from the city council continuing the continuing the review of the prior dates of August 8, 2020 until 2021.", + "consistency": [ + 1, + 1, + 1 + ], + "fluency": [ + 1, + 1, + 4 + ], + "informativeness": [ + 1, + 1, + 1 + ], + "redundancy": [ + 1, + 1, + 5 + ] + } + }, + "SeattleCityCouncil_06292015_CB 118395": { + "lead-3": { + "coherence": [ + 1, + 5, + 1 + ], + "summary": "The bill passes and the chair will sign it. The report of the Seattle Public Utilities and Neighborhoods Committee. Please read item five.", + "consistency": [ + 1, + 1, + 1 + ], + "fluency": [ + 1, + 5, + 1 + ], + "informativeness": [ + 1, + 1, + 1 + ], + "redundancy": [ + 3, + 5, + 5 + ] + }, + "dialogLM": { + "coherence": [ + 4, + 4, + 5 + ], + "summary": "An ordinance relating to Seattle public utility; authorizing the director of Seattle public utilities to accept the grant of a Non-Exclusive easement within the West waterway of the Duwamish river from the Washington State Department of natural resources for a city-owned Sanitary sewer line.", + "consistency": [ + 4, + 4, + 5 + ], + "fluency": [ + 4, + 4, + 5 + ], + "informativeness": [ + 4, + 4, + 5 + ], + "redundancy": [ + 5, + 5, + 5 + ] + }, + "pegasus": { + "coherence": [ + 4, + 5, + 5 + ], + "summary": "AN ORDINANCE relating to Seattle Public Utilities; authorizing the Director of Seattle Public Utilities to accept the grant of a non-exclusive easement within the West Waterway of the Duwamish River from the Washington State Department of Natural Resources for a City-owned sanitary sewer line.", + "consistency": [ + 3, + 4, + 4 + ], + "fluency": [ + 3, + 5, + 5 + ], + "informativeness": [ + 3, + 5, + 4 + ], + "redundancy": [ + 5, + 5, + 5 + ] + }, + "bart": { + "coherence": [ + 2, + 5, + 4 + ], + "summary": "AN ORDINANCE relating to Seattle Public Utilities; authorizing the Director of Seattle Public utilities to accept the grant of a non-exclusive easement within the West Waterway of the Delmgrove River from the Washington State Department of Natural Resources for a City-owned sanitary sewer line; and ratifying and confirming certain prior acts.", + "consistency": [ + 3, + 4, + 2 + ], + "fluency": [ + 2, + 5, + 4 + ], + "informativeness": [ + 3, + 5, + 3 + ], + "redundancy": [ + 4, + 5, + 5 + ] + }, + "hmnet": { + "coherence": [ + 3, + 4, + 2 + ], + "summary": "An relating to Seattle public utilities; authorizing the director of the Department of natural resources to accept and expend grant of a non Sanitary sewer line in accordance with the West waterway pedestrian line sewer line.", + "consistency": [ + 3, + 3, + 2 + ], + "fluency": [ + 2, + 4, + 1 + ], + "informativeness": [ + 2, + 3, + 2 + ], + "redundancy": [ + 4, + 5, + 4 + ] + }, + "davinci003": { + "coherence": [ + 5, + 5, + 5 + ], + "summary": "The Seattle Public Utilities and Neighborhoods Committee approved two bills authorizing the Seattle Public Utilities to accept an easement from the Washington Department of Natural Resources for a new sanitary sewer line, and five new appointments were made to the Pike Place Market Historical Commission and the Historic Seattle Preservation and Development Authority Council.", + "consistency": [ + 4, + 4, + 4 + ], + "fluency": [ + 5, + 5, + 5 + ], + "informativeness": [ + 4, + 5, + 4 + ], + "redundancy": [ + 3, + 5, + 5 + ] + }, + "lexrank": { + "coherence": [ + 1, + 3, + 1 + ], + "summary": "Well vote first on item six Council Bill 118416. Item number seven Council Bill 118417.", + "consistency": [ + 1, + 1, + 1 + ], + "fluency": [ + 1, + 4, + 1 + ], + "informativeness": [ + 1, + 1, + 1 + ], + "redundancy": [ + 2, + 5, + 5 + ] + } + }, + "KingCountyCC_04212020_2020-0166": { + "pegasus": { + "coherence": [ + 4, + 4, + 4 + ], + "summary": "A MOTION calling on the executive to establish a task force named the Coronavirus Recovery Economic Task Force, or the Cure Task Force, which would be made up of state and local government leaders, along with business and industry representatives and other leaders, to identify issues and make recommendations for the economic recovery to the CO", + "consistency": [ + 4, + 4, + 4 + ], + "fluency": [ + 2, + 4, + 4 + ], + "informativeness": [ + 3, + 4, + 4 + ], + "redundancy": [ + 4, + 5, + 5 + ] + }, + "lead-3": { + "coherence": [ + 2, + 4, + 1 + ], + "summary": "The motion is not adopted. That Texas item on today's agenda. This is the second piece of legislation that would request the executive create a blue ribbon panel of experts to address issues related to the economic recovery.", + "consistency": [ + 1, + 2, + 3 + ], + "fluency": [ + 2, + 4, + 3 + ], + "informativeness": [ + 1, + 2, + 3 + ], + "redundancy": [ + 3, + 5, + 4 + ] + }, + "bart": { + "coherence": [ + 4, + 5, + 5 + ], + "summary": "A MOTION calling on the executive to create a blue ribbon panel of experts to address issues related to the economic recovery, and to report back to the council within three months on the progress of the county\u2019s economic recovery plan and provide input and policy direction to staff on economic recovery priorities to address the economic impacts of COVID-19.", + "consistency": [ + 4, + 4, + 5 + ], + "fluency": [ + 3, + 4, + 5 + ], + "informativeness": [ + 3, + 5, + 5 + ], + "redundancy": [ + 4, + 5, + 5 + ] + }, + "hmnet": { + "coherence": [ + 3, + 4, + 4 + ], + "summary": "A requesting the executive establish a blue ribbon panel of experts to address issues related to economic recovery.", + "consistency": [ + 3, + 3, + 4 + ], + "fluency": [ + 2, + 5, + 5 + ], + "informativeness": [ + 2, + 2, + 4 + ], + "redundancy": [ + 5, + 5, + 5 + ] + }, + "davinci003": { + "coherence": [ + 5, + 5, + 5 + ], + "summary": "Councilmember Dunn proposed a motion to establish a blue ribbon panel to identify issues and make recommendations for the economic recovery of the county in response to the COVID-19 pandemic. The motion was not adopted, but it was discussed at length and further action is expected.", + "consistency": [ + 4, + 4, + 5 + ], + "fluency": [ + 5, + 5, + 5 + ], + "informativeness": [ + 4, + 5, + 5 + ], + "redundancy": [ + 5, + 5, + 5 + ] + }, + "dialogLM": { + "coherence": [ + 5, + 5, + 5 + ], + "summary": "A motion requesting the executive establish a blue ribbon panel of experts to address issues related to the Covid-19 economic recovery and to report to the Council within three months of the effective date of this motion.", + "consistency": [ + 5, + 4, + 5 + ], + "fluency": [ + 5, + 5, + 5 + ], + "informativeness": [ + 5, + 4, + 5 + ], + "redundancy": [ + 5, + 5, + 5 + ] + }, + "lexrank": { + "coherence": [ + 2, + 3, + 4 + ], + "summary": "Hearing no questions from Mr. Curry Council member Dunn as the maker of the motion. Basically, this proposed motion would call on the executive to establish a blue ribbon panel named the Corona's A Coronavirus Recovery Economic Task Force, or the Cure Task Force, which would be made up of enumerated state and local government leaders, along with business and industry representatives and other leaders, to identify issues and make recommendations for the economic recovery to the COVID 19 pandemic.", + "consistency": [ + 3, + 3, + 4 + ], + "fluency": [ + 4, + 4, + 4 + ], + "informativeness": [ + 2, + 3, + 4 + ], + "redundancy": [ + 4, + 3, + 4 + ] + } + }, + "DenverCityCouncil_02012021_20-1457": { + "lexrank": { + "coherence": [ + 1, + 3, + 1 + ], + "summary": "I'm in favor of this rezoning tonight and meets all the criteria. I was just listening about the rezoning, and I used to live in Berkeley.", + "consistency": [ + 1, + 1, + 2 + ], + "fluency": [ + 3, + 5, + 4 + ], + "informativeness": [ + 1, + 1, + 2 + ], + "redundancy": [ + 2, + 5, + 4 + ] + }, + "dialogLM": { + "coherence": [ + 2, + 4, + 2 + ], + "summary": "A bill for an ordinance changing the zoning classification for 3621 Lowell Boulevard in Berkeley. APPROVES a map amendment to Rezone property from U-Su-C to U-Us-C1 (allows for an accessory dwelling unit), located at 3620 Lowell Blvd. In Council district 9. the committee approved filing this item at its meeting on 12-1-20. community planning and development has determined that the requirement for a legal protest (signatures by the owners of 20 percent or more either of the area of the lots included in the proposed change or of the total land area within 200 feet from the perimeter of the property proposed for change) has been met (petition signatures represent 0% and 21. 6%, respectively).", + "consistency": [ + 2, + 3, + 3 + ], + "fluency": [ + 2, + 4, + 3 + ], + "informativeness": [ + 2, + 4, + 3 + ], + "redundancy": [ + 1, + 5, + 1 + ] + }, + "pegasus": { + "coherence": [ + 2, + 3, + 2 + ], + "summary": "A bill for an ordinance relating to the Denver Zoning Code to rezone property from U-SU-B to U-SU-B1 (allows for an accessory dwelling unit), located at 4345 West 46th Avenue in Council District 1. Approves a map amendment to rezone property from U-SU-", + "consistency": [ + 2, + 2, + 1 + ], + "fluency": [ + 1, + 4, + 3 + ], + "informativeness": [ + 2, + 3, + 2 + ], + "redundancy": [ + 1, + 5, + 2 + ] + }, + "bart": { + "coherence": [ + 3, + 5, + 3 + ], + "summary": "A bill for an ordinance changing the zoning classification for Berkeley and Martin Luther King Jr. Boulevard in Berkeley. Approves a map amendment to rezone property from U-SU-C to U-TU-C (single-unit to two-unit), located at 2329 East Berkeley Boulevard in Council District 1. The Committee approved filing this item at its meeting on 12-4-20.", + "consistency": [ + 1, + 1, + 2 + ], + "fluency": [ + 3, + 5, + 3 + ], + "informativeness": [ + 2, + 2, + 2 + ], + "redundancy": [ + 3, + 5, + 3 + ] + }, + "lead-3": { + "coherence": [ + 1, + 3, + 1 + ], + "summary": "by residential uses. The growth area in Denver is all other areas of the city. These areas are anticipated to see 10% employment growth and 20% housing growth by 2040.", + "consistency": [ + 1, + 1, + 1 + ], + "fluency": [ + 1, + 5, + 4 + ], + "informativeness": [ + 1, + 1, + 1 + ], + "redundancy": [ + 2, + 5, + 4 + ] + }, + "davinci003": { + "coherence": [ + 4, + 4, + 3 + ], + "summary": "The article is discussing the rezoning of a district in Denver that meets the criteria of the adopted Comprehensive Plan 2040 and Blueprint. The rezoning is supported by the public, with understanding that gentrification has had a negative impact in certain other districts in the city.", + "consistency": [ + 3, + 2, + 3 + ], + "fluency": [ + 5, + 4, + 4 + ], + "informativeness": [ + 4, + 1, + 3 + ], + "redundancy": [ + 5, + 5, + 4 + ] + }, + "hmnet": { + "coherence": [ + 2, + 2, + 1 + ], + "summary": "A bill for an ordinance changing the zoning classification for N. Bryant street in . an official map amendment to Rezone property from U -C to U for an accessory dwelling unit), located at Blake street in Council district 10. the committee approved filing this item at its meeting on 2.", + "consistency": [ + 2, + 1, + 1 + ], + "fluency": [ + 2, + 3, + 1 + ], + "informativeness": [ + 2, + 2, + 1 + ], + "redundancy": [ + 3, + 5, + 4 + ] + } + }, + "SeattleCityCouncil_07272015_Res 31604": { + "lead-3": { + "coherence": [ + 1, + 5, + 3 + ], + "summary": "The Report of the Planning, Land Use and Sustainability Committee Agenda Item two Resolution 31604 relating to the transport of crude oil by rail through the city of Seattle, the committee recommends a resolution be adopted as amended. Councilmember O'Brien. Thank you very much.", + "consistency": [ + 1, + 5, + 5 + ], + "fluency": [ + 2, + 5, + 5 + ], + "informativeness": [ + 1, + 4, + 4 + ], + "redundancy": [ + 2, + 5, + 5 + ] + }, + "bart": { + "coherence": [ + 3, + 5, + 5 + ], + "summary": "A RESOLUTION relating to the transport of crude oil by rail through the City of Seattle; declaring an emergency and establishing an immediate effective date; all by a 3/4 vote of the City Council at a special municipal election to be held on April 4, 2020, the question of whether the City shall be authorized to issue or incur general obligation debt for the purpose of financing and/or refinancing the cost of repairs and improvements to the Seattle Department of Transportation\u2019s crude oil transportation system; providing for the immediate release of any remaining funds from the Committee on the May 11, 2020 decision; and declaring that this resolution shall take effect immediately, read and adopted as read.", + "consistency": [ + 3, + 3, + 5 + ], + "fluency": [ + 3, + 4, + 4 + ], + "informativeness": [ + 2, + 3, + 5 + ], + "redundancy": [ + 1, + 5, + 4 + ] + }, + "hmnet": { + "coherence": [ + 4, + 4, + 5 + ], + "summary": "A relating to the transport of crude oil by rail through the city of Seattle, the committee submitted a report recommending that the order ought to pass in accordance with the provisions of section 3 of the Seattle municipal code.", + "consistency": [ + 2, + 4, + 5 + ], + "fluency": [ + 2, + 4, + 5 + ], + "informativeness": [ + 2, + 3, + 4 + ], + "redundancy": [ + 4, + 5, + 5 + ] + }, + "dialogLM": { + "coherence": [ + 2, + 5, + 4 + ], + "summary": "A resolution relating to the transport of crude oil by rail through the city of Seattle; declaring an emergency and establishing an immediate effective date; all by a 3/4 vote of the city council.", + "consistency": [ + 2, + 4, + 4 + ], + "fluency": [ + 3, + 5, + 4 + ], + "informativeness": [ + 2, + 4, + 3 + ], + "redundancy": [ + 4, + 5, + 5 + ] + }, + "pegasus": { + "coherence": [ + 4, + 5, + 5 + ], + "summary": "A RESOLUTION relating to the transport of crude oil by rail through The City of Seattle; calling for greater transparency and accountability surrounding the transportation of crude oil by rail; requesting specific restrictions on when and where trains carrying crude oil are allowed to pass through The City of Seattle; and requesting the State Utility and Transportation Commission", + "consistency": [ + 4, + 5, + 5 + ], + "fluency": [ + 4, + 5, + 5 + ], + "informativeness": [ + 4, + 5, + 5 + ], + "redundancy": [ + 4, + 5, + 5 + ] + }, + "lexrank": { + "coherence": [ + 2, + 5, + 3 + ], + "summary": "The federal government has estimated that there will be ten derailments a year of oil trains as this capacity goes away. There would potentially add a rail terminus for oil trains and, of course, refineries.", + "consistency": [ + 1, + 3, + 3 + ], + "fluency": [ + 4, + 5, + 4 + ], + "informativeness": [ + 1, + 2, + 3 + ], + "redundancy": [ + 3, + 5, + 4 + ] + }, + "davinci003": { + "coherence": [ + 5, + 5, + 5 + ], + "summary": "The Seattle Planning, Land Use and Sustainability Committee passed Resolution 31604 to increase transparency and safety of oil trains passing through the city. It calls for increased safety regulations from the state, federal government, and Burlington Northern, as well as for Berkshire Hathaway, the parent company of BNSF, to take responsibility for the risks posed to communities.", + "consistency": [ + 4, + 4, + 5 + ], + "fluency": [ + 5, + 5, + 5 + ], + "informativeness": [ + 5, + 4, + 5 + ], + "redundancy": [ + 4, + 5, + 5 + ] + } + }, + "SeattleCityCouncil_01062020_Res 31922": { + "pegasus": { + "coherence": [ + 4, + 5, + 3 + ], + "summary": "A RESOLUTION relating to Seattle City Councilmember participation for 2020 and 2021 on King County Committees, Regional Committees, State Committees, and City of Seattle Committees; and superseding Resolution 31883.", + "consistency": [ + 3, + 4, + 4 + ], + "fluency": [ + 4, + 4, + 3 + ], + "informativeness": [ + 2, + 3, + 4 + ], + "redundancy": [ + 2, + 5, + 1 + ] + }, + "davinci003": { + "coherence": [ + 5, + 5, + 5 + ], + "summary": "The Seattle City Council has passed a resolution establishing the committee structure, membership meeting times and duties of the Standing Committees for the 2020 and 2021 years. The resolution also allows for each council member to participate on committees such as those for King County, Regional, State, and other Seattle City committees.", + "consistency": [ + 5, + 5, + 5 + ], + "fluency": [ + 5, + 5, + 5 + ], + "informativeness": [ + 4, + 5, + 5 + ], + "redundancy": [ + 4, + 5, + 5 + ] + }, + "hmnet": { + "coherence": [ + 2, + 4, + 3 + ], + "summary": "A relating to Seattle city council; amending resolution, which adopted the 2018 budget, including the 2021 capital improvement program); changing appropriations to various departments and budget control levels, and from various funds in the budget; and ratifying and confirming certain prior acts.", + "consistency": [ + 1, + 2, + 2 + ], + "fluency": [ + 2, + 4, + 2 + ], + "informativeness": [ + 1, + 2, + 2 + ], + "redundancy": [ + 2, + 5, + 2 + ] + }, + "dialogLM": { + "coherence": [ + 4, + 5, + 3 + ], + "summary": "A resolution relating to Seattle city Councilmember participation, for 2020 and 2021, on King County committees, regional committees, state committees, and city of Seattle committees; and Superseding resolution 31885.", + "consistency": [ + 4, + 4, + 4 + ], + "fluency": [ + 4, + 5, + 2 + ], + "informativeness": [ + 3, + 4, + 4 + ], + "redundancy": [ + 3, + 5, + 1 + ] + }, + "lexrank": { + "coherence": [ + 2, + 4, + 2 + ], + "summary": "For adoption of the resolutions agenda items two and three Resolution 319 22 Related Committee Structure, Membership Meeting Times and Duties of Standing Committees of the City Seattle City Council for 2020 and 2021. A Superseding Resolution 31883 Resolution 319 23 relating to Seattle City Council Member Participation for 2020 and 2021 on King County Committees, Regional Committee, State Committees and City of Seattle Committees and Superseding Resolution 31885.", + "consistency": [ + 2, + 3, + 4 + ], + "fluency": [ + 1, + 4, + 1 + ], + "informativeness": [ + 1, + 4, + 4 + ], + "redundancy": [ + 2, + 5, + 1 + ] + }, + "bart": { + "coherence": [ + 2, + 4, + 4 + ], + "summary": "A RESOLUTION relating to committee structure, membership, meeting times, and duties of standing committees of the City of Seattle City Council for 2020 and 2021; superseding Resolution 31883 (Seattle City Councilmember participation, for 2020-2021, on King County Committees, Regional Committees, State Committees, and Cities of Seattle Committees; and superseding Resolutions 31885 and 31891.", + "consistency": [ + 2, + 4, + 5 + ], + "fluency": [ + 2, + 4, + 3 + ], + "informativeness": [ + 2, + 3, + 5 + ], + "redundancy": [ + 1, + 4, + 1 + ] + }, + "lead-3": { + "coherence": [ + 1, + 2, + 1 + ], + "summary": "The bill passes and the chair will sign it. Right. Adoption of other resolutions.", + "consistency": [ + 1, + 1, + 1 + ], + "fluency": [ + 1, + 5, + 5 + ], + "informativeness": [ + 1, + 1, + 1 + ], + "redundancy": [ + 3, + 5, + 5 + ] + } + }, + "KingCountyCC_06162020_2020-0208": { + "hmnet": { + "coherence": [ + 5, + 2, + 5 + ], + "summary": "A calling for the executive to allow restaurants and retail services in Unincorporated retail businesses in King County to have flexibility to expand outdoor dining or outdoor services in both phases and to ensure adequate pedestrian pathways in Unincorporated areas.", + "consistency": [ + 4, + 3, + 4 + ], + "fluency": [ + 3, + 4, + 4 + ], + "informativeness": [ + 4, + 3, + 4 + ], + "redundancy": [ + 4, + 2, + 5 + ] + }, + "lead-3": { + "coherence": [ + 1, + 3, + 1 + ], + "summary": "By your vote, we've given a do pass recommendation to ordinance 2019 to 36, and we will advance that to full council. We will expedite it. So it would appear on next Tuesday's council agenda.", + "consistency": [ + 1, + 1, + 1 + ], + "fluency": [ + 1, + 4, + 4 + ], + "informativeness": [ + 1, + 1, + 1 + ], + "redundancy": [ + 3, + 5, + 4 + ] + }, + "pegasus": { + "coherence": [ + 4, + 5, + 5 + ], + "summary": "A MOTION calling for the executive to allow restaurants and retail businesses in unincorporated King County to have flexibility to provide more outdoor service.", + "consistency": [ + 3, + 5, + 5 + ], + "fluency": [ + 4, + 4, + 5 + ], + "informativeness": [ + 3, + 4, + 5 + ], + "redundancy": [ + 5, + 5, + 5 + ] + }, + "dialogLM": { + "coherence": [ + 4, + 5, + 5 + ], + "summary": "A motion calling for the executive to allow restaurants and retail businesses in Unincorporated King County to have flexibility to provide more outdoor service.", + "consistency": [ + 3, + 5, + 5 + ], + "fluency": [ + 5, + 5, + 5 + ], + "informativeness": [ + 3, + 4, + 5 + ], + "redundancy": [ + 5, + 5, + 5 + ] + }, + "davinci003": { + "coherence": [ + 5, + 5, + 4 + ], + "summary": "A motion to allow restaurants and retail businesses in unincorporated King County flexibility to provide outdoor dining or retail services in addition to what is allowed indoors during the phased reopening plan was unanimously approved by the County Council. The motion also asks the executive to prepare any legislation needed and to implement this request with the provision that at the time the county enters phase four of the Safe Start plan, these provisions would sunset.", + "consistency": [ + 5, + 4, + 4 + ], + "fluency": [ + 5, + 4, + 5 + ], + "informativeness": [ + 5, + 5, + 4 + ], + "redundancy": [ + 4, + 5, + 2 + ] + }, + "bart": { + "coherence": [ + 4, + 4, + 4 + ], + "summary": "A MOTION calling for the executive to allow restaurants and retail businesses in unincorporated King County to have flexibility to provide more outdoor services during the phased reopening plan transition phase four of the Safer at Home Health Order for Control of COVID-19 (HOPWA) emergency as the effective date of the Safe Start - Coronavirus disease; and to work with the appropriate departments to prepare an interim (moratorium) ordinance, within the next 180 days, to allow the executive, or his designee, to execute an agreement, and any documents necessary to implement, within HOPWA, that includes any amendments, that do not change the fee or scope of services", + "consistency": [ + 5, + 4, + 4 + ], + "fluency": [ + 4, + 4, + 3 + ], + "informativeness": [ + 4, + 4, + 4 + ], + "redundancy": [ + 3, + 5, + 2 + ] + }, + "lexrank": { + "coherence": [ + 1, + 1, + 1 + ], + "summary": "Council member. Member.", + "consistency": [ + 1, + 1, + 1 + ], + "fluency": [ + 1, + 1, + 1 + ], + "informativeness": [ + 1, + 1, + 1 + ], + "redundancy": [ + 1, + 1, + 1 + ] + } + }, + "LongBeachCC_10072014_14-0801": { + "bart": { + "coherence": [ + 2, + 5, + 4 + ], + "summary": "Recommendation to authorize City Manager to execute the renewal of contracts with seven (7) health care providers, each providing for coverage of health insurance through an individual health plan, for a period of one year, with the option to renew for four additional one-year periods, at the discretion of the City Manager; and increase appropriations in the Health Fund (SR 130) in the Human Resources Department (HR) by $4,200,000. (Citywide)", + "consistency": [ + 3, + 4, + 4 + ], + "fluency": [ + 2, + 5, + 4 + ], + "informativeness": [ + 3, + 4, + 4 + ], + "redundancy": [ + 5, + 5, + 5 + ] + }, + "pegasus": { + "coherence": [ + 1, + 4, + 2 + ], + "summary": "Recommendation to authorize City Manager, or designee, to execute the renewal of contracts with Anthem Blue Cross, Dignity Health, Kaiser Foundation Health Plan of the West, MemorialCare Health Plan of the West, Molina Healthcare of the West, Optum Health Plan of the West, Preferred Provider Organization (PPO) of", + "consistency": [ + 2, + 3, + 2 + ], + "fluency": [ + 2, + 5, + 1 + ], + "informativeness": [ + 2, + 3, + 3 + ], + "redundancy": [ + 1, + 5, + 4 + ] + }, + "dialogLM": { + "coherence": [ + 2, + 5, + 5 + ], + "summary": "Recommendation to authorize city manager to execute the renewal of contracts with seven health care providers for coverage of health, dental, vision, prescription and disability to maintain current benefit levels in compliance with State and Federal laws on our plans. (citywide)", + "consistency": [ + 3, + 5, + 5 + ], + "fluency": [ + 2, + 5, + 5 + ], + "informativeness": [ + 3, + 4, + 5 + ], + "redundancy": [ + 4, + 5, + 5 + ] + }, + "lead-3": { + "coherence": [ + 2, + 4, + 3 + ], + "summary": "Report from Human Resources recommendation to execute the renewal of contracts with seven health care providers for coverage of health, dental, vision, prescription and disability to maintain current benefit levels in compliance with state and federal laws on our plans citywide. Okay. Hold on.", + "consistency": [ + 2, + 5, + 5 + ], + "fluency": [ + 1, + 5, + 3 + ], + "informativeness": [ + 2, + 4, + 4 + ], + "redundancy": [ + 4, + 5, + 5 + ] + }, + "hmnet": { + "coherence": [ + 1, + 5, + 1 + ], + "summary": "Recommendation to authorize city manager to execute the renewal of contracts with contract no . With human resources, of long Beach, ca, for the health needs of our employees and their families; and city manager, or Designee, to execute all documents necessary to enter into the contract, including any necessary amendments to the terms and conditions of the agreement, with the state and Federal laws on our plans.)", + "consistency": [ + 2, + 3, + 3 + ], + "fluency": [ + 1, + 4, + 1 + ], + "informativeness": [ + 1, + 2, + 3 + ], + "redundancy": [ + 1, + 5, + 2 + ] + }, + "davinci003": { + "coherence": [ + 5, + 5, + 3 + ], + "summary": "Councilmember Mongeau has requested that the Human Resources Department and City Manager's Office prepare a report with historical data and options to ensure cost-efficient health plans for employees, as the city has experienced a $9.3 million increase in health care costs over the past six years. The motion passed unanimously with a 4-6% increase in costs this year, due in part to the Affordable Care Act.", + "consistency": [ + 4, + 3, + 2 + ], + "fluency": [ + 5, + 5, + 4 + ], + "informativeness": [ + 3, + 3, + 2 + ], + "redundancy": [ + 5, + 5, + 4 + ] + }, + "lexrank": { + "coherence": [ + 2, + 2, + 1 + ], + "summary": "In six years we've experienced a $9.3 million increase, but in this last year, we've experienced a $4.2 million increase, and this only covers approximately 3900 employees in the city at this time. 4.8% of the increase is actually the Affordable Care Act.", + "consistency": [ + 1, + 1, + 1 + ], + "fluency": [ + 2, + 5, + 1 + ], + "informativeness": [ + 1, + 1, + 1 + ], + "redundancy": [ + 4, + 5, + 5 + ] + } + }, + "SeattleCityCouncil_07312017_CB 118930": { + "lead-3": { + "coherence": [ + 1, + 1, + 3 + ], + "summary": "Thank you. The bill past chair will sign it. Please read the report of the Gender Equity Safe Communities and New Americans Committee and you can read the short title.", + "consistency": [ + 1, + 1, + 1 + ], + "fluency": [ + 3, + 3, + 5 + ], + "informativeness": [ + 1, + 1, + 1 + ], + "redundancy": [ + 3, + 3, + 5 + ] + }, + "davinci003": { + "coherence": [ + 5, + 5, + 5 + ], + "summary": "The Gender Equity Safe Communities and New Americans Committee has proposed a bill governing the acquisition and use of surveillance technology to promote civil liberties, racial equity, and publicly transparent and accountable processes. Amendment 1 and 2 would require an annual equity impact assessment and a CTO quarterly list of technologies and determinations respectively to be posted to the city's website.", + "consistency": [ + 5, + 4, + 5 + ], + "fluency": [ + 5, + 5, + 5 + ], + "informativeness": [ + 5, + 4, + 5 + ], + "redundancy": [ + 4, + 5, + 5 + ] + }, + "hmnet": { + "coherence": [ + 2, + 1, + 1 + ], + "summary": "An relating to surveillance technology implementation; amending ordinance, which adopted the 2017 budget, including the 2018 capital improvement program); changing appropriations to various departments and budget control levels, and from various funds in the budget; and ratifying and confirming certain prior acts.", + "consistency": [ + 1, + 1, + 1 + ], + "fluency": [ + 2, + 1, + 1 + ], + "informativeness": [ + 1, + 1, + 1 + ], + "redundancy": [ + 3, + 2, + 5 + ] + }, + "pegasus": { + "coherence": [ + 3, + 4, + 3 + ], + "summary": "AN ORDINANCE relating to surveillance technology acquisition and use; amending Ordinance 118930.", + "consistency": [ + 2, + 5, + 1 + ], + "fluency": [ + 2, + 4, + 4 + ], + "informativeness": [ + 2, + 4, + 3 + ], + "redundancy": [ + 5, + 5, + 5 + ] + }, + "bart": { + "coherence": [ + 4, + 2, + 3 + ], + "summary": "AN ORDINANCE relating to surveillance technology acquisition and use; authorizing approval of uses and accepting the 2018 surveillance impact reports for the Seattle Department of Technology and Innovation Technology Priorities and the 2017 State Legislative Agenda as recommended by the Cable Television Franchise Submission Committee; amending Section 14.18.010 of the Seattle Municipal Code; and repealing and reenacting Ordinance 125207 and Section 1418.", + "consistency": [ + 3, + 2, + 2 + ], + "fluency": [ + 4, + 3, + 3 + ], + "informativeness": [ + 3, + 2, + 4 + ], + "redundancy": [ + 3, + 1, + 5 + ] + }, + "lexrank": { + "coherence": [ + 5, + 2, + 4 + ], + "summary": "The report The Gender Equity Safe Communities and Americans Committee Jeanette and one Constable 118 930 Wellington City Sales Acquisition and Use of Surveillance Technologies Committee recommends the bill passes amended. That existing surveillance technologies must receive council approval over time, and it directs the creation of a work group to make recommendations on how to utilize community expertize for the purposes of advising this Council on future acquisitions of surveillance technology.", + "consistency": [ + 4, + 4, + 4 + ], + "fluency": [ + 3, + 1, + 4 + ], + "informativeness": [ + 4, + 4, + 4 + ], + "redundancy": [ + 4, + 3, + 5 + ] + }, + "dialogLM": { + "coherence": [ + 3, + 5, + 4 + ], + "summary": "An ordinance relating to the city of Seattle \u2019 s acquisition and use of surveillance Technologies; requiring city departments to submit surveillance impact reports for each technology prior to requesting Council approval; requiring an annual equity impact assessment; requesting annual reviews by the city auditor and future Inspector General for public safety; and adding a new chapter 14. 14 to the Seattle municipal code.", + "consistency": [ + 4, + 4, + 5 + ], + "fluency": [ + 3, + 5, + 4 + ], + "informativeness": [ + 3, + 4, + 5 + ], + "redundancy": [ + 4, + 4, + 4 + ] + } + }, + "LongBeachCC_08072018_18-0651": { + "hmnet": { + "coherence": [ + 2, + 1, + 4 + ], + "summary": "Recommendation to receive supporting documentation into the record, conclude the public hearing to consider the acceptance of the uptown property and business improvement district), read and adopted as read . 8)", + "consistency": [ + 2, + 3, + 4 + ], + "fluency": [ + 2, + 1, + 3 + ], + "informativeness": [ + 2, + 3, + 4 + ], + "redundancy": [ + 4, + 5, + 4 + ] + }, + "dialogLM": { + "coherence": [ + 3, + 3, + 4 + ], + "summary": "Recommendation to receive supporting documentation into the record, conclude the public hearing to consider the Reestablishment of the uptown property and business improvement district (Pbid); direct the city clerk to tabulate the ballots and report the results of the tabulation to the Mayor and city council; and, if a majority of ballots received are in favor of the establishment of the Pbid, adopt resolution to re-establish the uptown pivot for a term of ten years. (districts 8, 9)", + "consistency": [ + 3, + 3, + 5 + ], + "fluency": [ + 2, + 3, + 3 + ], + "informativeness": [ + 2, + 4, + 4 + ], + "redundancy": [ + 1, + 1, + 5 + ] + }, + "lexrank": { + "coherence": [ + 1, + 1, + 4 + ], + "summary": "If there is not a majority protest from property owners, the City Council may adopt resolution reestablishing the uptown period. A year ago, I had no idea what a bid was, didn't know what a business improvement district did.", + "consistency": [ + 1, + 1, + 1 + ], + "fluency": [ + 2, + 3, + 3 + ], + "informativeness": [ + 1, + 1, + 1 + ], + "redundancy": [ + 1, + 3, + 5 + ] + }, + "bart": { + "coherence": [ + 2, + 3, + 5 + ], + "summary": "Recommendation to receive supporting documentation into the record, conclude the public hearing to consider the re-establishment of the Uptown Property and Business Improvement District (PBID); Direct City Clerk to tabulate the ballots and report the results of the tabulation to the Mayor and City Council; and, if a majority of ballots received are in favor of the establishment of the PBID, adopt resolution to reestablish the Unitedptown PBID for a term of ten years, effective January 1, 2019 through December 31, 2028. (Districts 8,9)", + "consistency": [ + 3, + 4, + 4 + ], + "fluency": [ + 2, + 2, + 4 + ], + "informativeness": [ + 2, + 4, + 5 + ], + "redundancy": [ + 1, + 2, + 5 + ] + }, + "pegasus": { + "coherence": [ + 2, + 3, + 3 + ], + "summary": "Recommendation to receive supporting documentation into the record, conclude the public hearing to consider the reestablishment of the Uptown Property and Business Improvement District; direct the City Clerk to tabulate the ballots and report the results of the tabulation to the Mayor and City Council; and If a majority of ballots received are in favor of", + "consistency": [ + 2, + 4, + 5 + ], + "fluency": [ + 1, + 1, + 4 + ], + "informativeness": [ + 1, + 4, + 3 + ], + "redundancy": [ + 3, + 3, + 5 + ] + }, + "lead-3": { + "coherence": [ + 1, + 1, + 4 + ], + "summary": "Thank you very much. Let's give them a round of applause. Okay.", + "consistency": [ + 1, + 1, + 1 + ], + "fluency": [ + 1, + 1, + 5 + ], + "informativeness": [ + 1, + 1, + 1 + ], + "redundancy": [ + 3, + 5, + 5 + ] + }, + "davinci003": { + "coherence": [ + 5, + 4, + 5 + ], + "summary": "The Uptown Property and Business Improvement District is being considered for reestablishment for a ten year period between January 2019 and December 2028. Several speakers shared their support for the district, praising the work of Tasha Hunter, Executive Director of the Uptown Business Improvement District, in her efforts to build and maintain the district.", + "consistency": [ + 4, + 5, + 4 + ], + "fluency": [ + 5, + 4, + 5 + ], + "informativeness": [ + 4, + 5, + 4 + ], + "redundancy": [ + 5, + 5, + 5 + ] + } + }, + "LongBeachCC_11072017_17-1008": { + "hmnet": { + "coherence": [ + 5, + 4, + 5 + ], + "summary": "Recommendation to adopt resolution authorizing city manager, or Designee, to work with the Department of health and human services to develop a strategic plan that veterans affairs Commission should develop stronger connections between local veterans and the community.", + "consistency": [ + 4, + 5, + 5 + ], + "fluency": [ + 4, + 5, + 4 + ], + "informativeness": [ + 4, + 5, + 4 + ], + "redundancy": [ + 4, + 5, + 5 + ] + }, + "pegasus": { + "coherence": [ + 5, + 5, + 5 + ], + "summary": "Recommendation to request City Manager to work with the Department of Health and Human Services and the Veterans Affairs Commission to develop a Veterans Affairs Strategic Plan that includes programs and policies designed to assist veterans in multiple capacities and build stronger connections between local veterans and the community.", + "consistency": [ + 5, + 5, + 5 + ], + "fluency": [ + 5, + 5, + 5 + ], + "informativeness": [ + 5, + 5, + 5 + ], + "redundancy": [ + 5, + 5, + 5 + ] + }, + "dialogLM": { + "coherence": [ + 5, + 5, + 5 + ], + "summary": "Recommendation to request city manager to work with the Department of health and human services and the veterans affairs Commission to develop a veterans affairs strategic plan that includes programs and policies designed to assist veterans in multiple capacities and build stronger connections between local veterans and the community.", + "consistency": [ + 5, + 5, + 5 + ], + "fluency": [ + 4, + 5, + 4 + ], + "informativeness": [ + 4, + 5, + 5 + ], + "redundancy": [ + 5, + 5, + 5 + ] + }, + "lead-3": { + "coherence": [ + 1, + 1, + 3 + ], + "summary": "Motion carries. Thank you very much. Item next up is 26.", + "consistency": [ + 1, + 1, + 1 + ], + "fluency": [ + 1, + 4, + 5 + ], + "informativeness": [ + 1, + 1, + 1 + ], + "redundancy": [ + 3, + 4, + 5 + ] + }, + "bart": { + "coherence": [ + 5, + 5, + 5 + ], + "summary": "Recommendation to request City Manager to work with the Department of Health and Human Services and the Veterans Affairs Commission to develop a Veterans Affairs Strategic Plan that includes programs and policies designed to assist veterans in multiple capacities and build stronger connections between local veterans and the community, and report back to Council in five years.", + "consistency": [ + 5, + 5, + 4 + ], + "fluency": [ + 5, + 5, + 5 + ], + "informativeness": [ + 5, + 5, + 5 + ], + "redundancy": [ + 4, + 4, + 5 + ] + }, + "davinci003": { + "coherence": [ + 5, + 5, + 5 + ], + "summary": "The City Council is recommending that the Department of Health and Human Services and the Veterans Affairs Commission develop a strategic plan to build stronger connections between veterans and the community. The plan would involve programs and policies to assist veterans, and the process would be similar to the Sustainability Commission Action Plan.", + "consistency": [ + 5, + 4, + 3 + ], + "fluency": [ + 5, + 5, + 5 + ], + "informativeness": [ + 5, + 4, + 4 + ], + "redundancy": [ + 5, + 4, + 5 + ] + }, + "lexrank": { + "coherence": [ + 3, + 3, + 4 + ], + "summary": "And so I'm supportive of creating a commission and strategic plan that hoped with and hopes to give the Veterans Commission a better direction, which I think this this does. One of the main recommendations in that was to examine the feasibility of creating a strategic plan with our Veterans Affairs Commission in order for the Commission to further develop and set its direction in focus and establish priorities as a group to work on in years to come.", + "consistency": [ + 4, + 4, + 4 + ], + "fluency": [ + 3, + 4, + 5 + ], + "informativeness": [ + 2, + 4, + 3 + ], + "redundancy": [ + 4, + 4, + 5 + ] + } + }, + "LongBeachCC_06012021_21-0493": { + "bart": { + "coherence": [ + 5, + 5, + 5 + ], + "summary": "Recommendation to direct City Manager and the Fireworks Committee to develop a fireworks free Neighborhood Incentive Program and waive the fees of all submitted and approved block party applications for the upcoming July 4th, 2021 holiday. These fees will be calculated based on property size, cost, and location.", + "consistency": [ + 3, + 5, + 4 + ], + "fluency": [ + 5, + 5, + 5 + ], + "informativeness": [ + 3, + 5, + 4 + ], + "redundancy": [ + 4, + 5, + 5 + ] + }, + "davinci003": { + "coherence": [ + 5, + 5, + 5 + ], + "summary": "Councilwoman Mongeau proposed a recommendation to the city manager and Fireworks Committee to create a fireworks-free neighborhood incentive program and waive all submitted and approved block party applications for the upcoming July 4th, 2021 holiday. This is in response to the illegal and dangerous fireworks that have been terrorizing the community, and the proposal was supported by the Council.", + "consistency": [ + 4, + 4, + 4 + ], + "fluency": [ + 5, + 5, + 4 + ], + "informativeness": [ + 4, + 5, + 5 + ], + "redundancy": [ + 4, + 5, + 5 + ] + }, + "hmnet": { + "coherence": [ + 1, + 1, + 5 + ], + "summary": "Recommendation to suspend Council rule contained in long Beach municipal code 2.", + "consistency": [ + 1, + 1, + 1 + ], + "fluency": [ + 3, + 1, + 4 + ], + "informativeness": [ + 1, + 1, + 1 + ], + "redundancy": [ + 3, + 5, + 5 + ] + }, + "dialogLM": { + "coherence": [ + 4, + 5, + 5 + ], + "summary": "Recommendation to direct city manager and the fireworks committee to develop a fireworks free neighborhood incentive program and waive the fees of all submitted and approved block party applications for the upcoming July 4, 2021 holiday.", + "consistency": [ + 3, + 5, + 5 + ], + "fluency": [ + 4, + 5, + 5 + ], + "informativeness": [ + 3, + 4, + 4 + ], + "redundancy": [ + 5, + 5, + 5 + ] + }, + "lexrank": { + "coherence": [ + 2, + 2, + 3 + ], + "summary": "But I'm also wondering how many fireworks occur late at night, and I'm wondering if there's ways the block parties often end at 7 p.m.. Is there consider maybe is there consideration to extending it so that there could actually be a time when people are lighting out these fireworks, if there are actually be, you know, parties where people are witnessing and paying watch. Many have asked about the number of block parties and if we've seen in the past that those blocks are the individuals who do set up illegal fireworks are the individuals who don't .", + "consistency": [ + 2, + 4, + 3 + ], + "fluency": [ + 3, + 4, + 5 + ], + "informativeness": [ + 1, + 2, + 3 + ], + "redundancy": [ + 2, + 4, + 4 + ] + }, + "lead-3": { + "coherence": [ + 2, + 3, + 2 + ], + "summary": "Communication from Councilwoman Mongeau. Councilwoman Dan Diaz, Councilwoman Price, Councilmember Your UNGA recommendation to direct city manager and the Fireworks Committee to develop a fireworks free neighborhood incentive program and waive the fees of all submitted and approved block party applications for this upcoming July 4th, 2021 holiday. Thank you.", + "consistency": [ + 2, + 2, + 4 + ], + "fluency": [ + 2, + 3, + 3 + ], + "informativeness": [ + 1, + 4, + 4 + ], + "redundancy": [ + 1, + 1, + 5 + ] + }, + "pegasus": { + "coherence": [ + 4, + 5, + 5 + ], + "summary": "Recommendation to direct City Manager and the Fireworks Committee to develop a fireworks free neighborhood incentive program and waive the fees of all submitted and approved block party applications for this upcoming July 4th holiday.", + "consistency": [ + 3, + 5, + 5 + ], + "fluency": [ + 4, + 5, + 5 + ], + "informativeness": [ + 3, + 5, + 5 + ], + "redundancy": [ + 4, + 5, + 5 + ] + } + }, + "LongBeachCC_09142021_21-0965": { + "lexrank": { + "coherence": [ + 1, + 4, + 1 + ], + "summary": "And to think that these protesters caused police command staff to miss time with their families over this, I don't know what the protest was about . Yes, we could certainly work with staff and come back with an ordinance.", + "consistency": [ + 1, + 2, + 1 + ], + "fluency": [ + 2, + 5, + 3 + ], + "informativeness": [ + 1, + 1, + 1 + ], + "redundancy": [ + 3, + 5, + 3 + ] + }, + "pegasus": { + "coherence": [ + 4, + 5, + 5 + ], + "summary": "Recommendation to request City Attorney to draft an ordinance that will prohibit protests within 300 feet of the target residents' homes and/or businesses.", + "consistency": [ + 4, + 5, + 5 + ], + "fluency": [ + 4, + 5, + 5 + ], + "informativeness": [ + 3, + 4, + 5 + ], + "redundancy": [ + 5, + 5, + 5 + ] + }, + "bart": { + "coherence": [ + 4, + 5, + 3 + ], + "summary": "Recommendation to request City Attorney to draft an ordinance that will prohibit protest within 300 feet of the target residents and direct City Manager to bring this ordinance back to the City Council for its consideration at its third meeting following adoption of this bill at the Special Council meeting on 1-18-18.", + "consistency": [ + 4, + 4, + 5 + ], + "fluency": [ + 4, + 5, + 2 + ], + "informativeness": [ + 4, + 4, + 5 + ], + "redundancy": [ + 4, + 5, + 2 + ] + }, + "dialogLM": { + "coherence": [ + 4, + 5, + 5 + ], + "summary": "Recommendation to request city attorney to draft an ordinance that will prohibit protest within 300 feet of the target residents.", + "consistency": [ + 4, + 5, + 5 + ], + "fluency": [ + 4, + 5, + 4 + ], + "informativeness": [ + 3, + 4, + 5 + ], + "redundancy": [ + 5, + 5, + 5 + ] + }, + "hmnet": { + "coherence": [ + 4, + 5, + 4 + ], + "summary": "Recommendation to request city manager to work with city attorney to drive an ordinance that will prohibit protest within 300 feet from the context of the target residents, public officials and other high individuals.", + "consistency": [ + 4, + 5, + 5 + ], + "fluency": [ + 4, + 5, + 4 + ], + "informativeness": [ + 3, + 5, + 5 + ], + "redundancy": [ + 3, + 5, + 5 + ] + }, + "lead-3": { + "coherence": [ + 1, + 5, + 1 + ], + "summary": "The motion is carried. Thank you. Item 23, please.", + "consistency": [ + 1, + 1, + 1 + ], + "fluency": [ + 1, + 5, + 5 + ], + "informativeness": [ + 1, + 1, + 1 + ], + "redundancy": [ + 1, + 5, + 5 + ] + }, + "davinci003": { + "coherence": [ + 5, + 5, + 5 + ], + "summary": "In the interest of safety and peace, this motion proposes to establish parameters for protests within 300 feet of target residences. The motion acknowledges the right to free speech, but emphasizes the need to protect private homes from hyper aggressive protesters who may threaten the safety of families and neighbors.", + "consistency": [ + 5, + 5, + 5 + ], + "fluency": [ + 5, + 5, + 5 + ], + "informativeness": [ + 5, + 5, + 5 + ], + "redundancy": [ + 4, + 5, + 5 + ] + } + }, + "AlamedaCC_09072021_2021-1195": { + "hmnet": { + "coherence": [ + 3, + 4, + 5 + ], + "summary": "Recommendation to adopt resolution appointing Robert Ferguson as a member of the public art Commission for the city of Alameda.)", + "consistency": [ + 2, + 5, + 4 + ], + "fluency": [ + 2, + 3, + 4 + ], + "informativeness": [ + 1, + 3, + 3 + ], + "redundancy": [ + 4, + 5, + 5 + ] + }, + "lexrank": { + "coherence": [ + 2, + 4, + 3 + ], + "summary": "Item six day, which is adoption of the resolution, appointing our three new members as the Public Art Commission so we can vote on them. I came to California and started working as an art director and creative director.", + "consistency": [ + 2, + 3, + 1 + ], + "fluency": [ + 3, + 4, + 5 + ], + "informativeness": [ + 1, + 3, + 1 + ], + "redundancy": [ + 4, + 5, + 5 + ] + }, + "bart": { + "coherence": [ + 4, + 4, + 4 + ], + "summary": "Adoption of Resolution Appointing Robert Ferguson and Jennifer Halfaker as Members of the Public Art Commission; and Reappointing Adam Gillitt and Peter Platts-Gallow in the West Alameda Municipal Art Commission for Terms Immediately and expiring on 12-31-18. (Finance 2410)", + "consistency": [ + 4, + 3, + 3 + ], + "fluency": [ + 3, + 4, + 3 + ], + "informativeness": [ + 3, + 3, + 4 + ], + "redundancy": [ + 4, + 2, + 5 + ] + }, + "lead-3": { + "coherence": [ + 1, + 1, + 1 + ], + "summary": "I feel fine. Council, our finance director. Okay.", + "consistency": [ + 1, + 1, + 1 + ], + "fluency": [ + 1, + 5, + 5 + ], + "informativeness": [ + 1, + 1, + 1 + ], + "redundancy": [ + 3, + 5, + 5 + ] + }, + "davinci003": { + "coherence": [ + 4, + 3, + 5 + ], + "summary": "Two new members have been appointed to the Public Art Commission, Jennifer Huffaker and Peter Platts Gummer. The City Council is also discussing a report regarding a Zoom meeting associated with the Wellness Project, which is likely to cost the City an extra $5,000.", + "consistency": [ + 3, + 3, + 3 + ], + "fluency": [ + 4, + 4, + 4 + ], + "informativeness": [ + 3, + 3, + 3 + ], + "redundancy": [ + 5, + 4, + 5 + ] + }, + "dialogLM": { + "coherence": [ + 5, + 5, + 5 + ], + "summary": "Adoption of resolution appointing Robert Ferguson, Jennifer Huffaker, and Peter Platts-Gummer as members of the public art Commission.", + "consistency": [ + 4, + 3, + 5 + ], + "fluency": [ + 5, + 5, + 4 + ], + "informativeness": [ + 4, + 3, + 5 + ], + "redundancy": [ + 5, + 5, + 5 + ] + }, + "pegasus": { + "coherence": [ + 4, + 5, + 5 + ], + "summary": "Adoption of Resolution Appointing Three New Members to the Public Art Commission. (City Manager 2110)", + "consistency": [ + 4, + 4, + 5 + ], + "fluency": [ + 3, + 5, + 4 + ], + "informativeness": [ + 3, + 4, + 4 + ], + "redundancy": [ + 4, + 5, + 5 + ] + } + }, + "DenverCityCouncil_12162019_19-1325": { + "pegasus": { + "coherence": [ + 1, + 4, + 5 + ], + "summary": "A bill for an ordinance setting the rates and mills to be levied and collected by the City and County of Denver for the year 2020. (FINANCE & SERVICES) Approves the rates and mills to be levied and collected by the City and County of Denver for the year 2020. The Committee approved filing this item at its", + "consistency": [ + 2, + 5, + 5 + ], + "fluency": [ + 2, + 4, + 4 + ], + "informativeness": [ + 2, + 4, + 5 + ], + "redundancy": [ + 1, + 5, + 2 + ] + }, + "lexrank": { + "coherence": [ + 1, + 4, + 1 + ], + "summary": "And then for the special districts mill mills, that's the same sort of function. Remember, it's ten about 6% cap that the value of those mills in 2020 valuation is $180 million, right.", + "consistency": [ + 1, + 3, + 2 + ], + "fluency": [ + 1, + 4, + 3 + ], + "informativeness": [ + 1, + 2, + 2 + ], + "redundancy": [ + 1, + 4, + 4 + ] + }, + "lead-3": { + "coherence": [ + 1, + 1, + 1 + ], + "summary": "Or take. That's an introduction. Yes.", + "consistency": [ + 1, + 1, + 1 + ], + "fluency": [ + 1, + 1, + 4 + ], + "informativeness": [ + 1, + 1, + 1 + ], + "redundancy": [ + 1, + 5, + 5 + ] + }, + "hmnet": { + "coherence": [ + 1, + 3, + 1 + ], + "summary": "An increase in Sanitary sewer mills in Council district 7. the last regularly scheduled council meeting within the 30 review period is on . The committee approved filing this item at its meeting on 9.", + "consistency": [ + 1, + 2, + 1 + ], + "fluency": [ + 2, + 4, + 2 + ], + "informativeness": [ + 1, + 1, + 1 + ], + "redundancy": [ + 2, + 5, + 4 + ] + }, + "davinci003": { + "coherence": [ + 4, + 5, + 4 + ], + "summary": "The article discusses the mill levy for Denver and how it affects average residential households. An average household with a property value of $400,000 will experience a 14% increase in their property tax bill when compared to the last year. The city of Denver is responsible for 37% of the mill levy and is required to stay under a 6% plus local growth cap.", + "consistency": [ + 4, + 4, + 2 + ], + "fluency": [ + 4, + 5, + 4 + ], + "informativeness": [ + 3, + 4, + 3 + ], + "redundancy": [ + 3, + 5, + 4 + ] + }, + "dialogLM": { + "coherence": [ + 2, + 4, + 2 + ], + "summary": "A resolution Levying upon all taxable property within the city and county of Denver taxes for the year 2019 and for the purposes as specified in the 2015/2016 biennial budget ordinance, ordinance 17941, section 53, proviso P2. AMENDS article II, Chapter 53 of the Denver revised municipal code (Drmc) to set the rates and charges to be levied in accordance with applicable city law. The committee approved filing this item at its meeting on 12-19-19.", + "consistency": [ + 3, + 3, + 2 + ], + "fluency": [ + 2, + 4, + 1 + ], + "informativeness": [ + 2, + 3, + 3 + ], + "redundancy": [ + 1, + 4, + 2 + ] + }, + "bart": { + "coherence": [ + 1, + 2, + 1 + ], + "summary": "A resolution setting the rates and/or amounts of taxes to be levied for the year 2020-19 and approving the revenue collections to be made in accordance with the 2018/2019 Biennial Budget Ordinance, Ordinance 18409, Section 107, as amended by Ordinance 18544, Section 68, Proviso P2.", + "consistency": [ + 2, + 2, + 3 + ], + "fluency": [ + 2, + 5, + 1 + ], + "informativeness": [ + 2, + 3, + 4 + ], + "redundancy": [ + 1, + 2, + 5 + ] + } + }, + "KingCountyCC_03182019_2019-0048": { + "davinci003": { + "coherence": [ + 5, + 3, + 5 + ], + "summary": "The council discussed the appointment of Rick Brady as the director of the Road Services Division of the Department of Local Services. They also discussed ways to best support their staff and improve customer service and communication with residents in unincorporated King County.", + "consistency": [ + 4, + 2, + 4 + ], + "fluency": [ + 4, + 3, + 5 + ], + "informativeness": [ + 4, + 3, + 5 + ], + "redundancy": [ + 5, + 4, + 5 + ] + }, + "pegasus": { + "coherence": [ + 5, + 4, + 5 + ], + "summary": "A MOTION confirming the executive's appointment of Rick Brady as the director of the road services division of the department of local services.", + "consistency": [ + 3, + 2, + 4 + ], + "fluency": [ + 3, + 4, + 4 + ], + "informativeness": [ + 3, + 3, + 5 + ], + "redundancy": [ + 5, + 4, + 5 + ] + }, + "dialogLM": { + "coherence": [ + 5, + 4, + 5 + ], + "summary": "A motion confirming the executive' s appointment of Rick Brady as the director of the road services division of the Department of local services.", + "consistency": [ + 3, + 2, + 4 + ], + "fluency": [ + 3, + 4, + 4 + ], + "informativeness": [ + 3, + 3, + 5 + ], + "redundancy": [ + 5, + 4, + 5 + ] + }, + "lead-3": { + "coherence": [ + 4, + 4, + 5 + ], + "summary": "And with that, we move to agenda item seven. This is this item is a motion to confirm the executive's appointment of Rick Brady as our new director of the Road Service Road Services Division of the Department of Local Services. Mr. Brady has been with the county for a number of years and is currently serving as the interim director of Roads Services Division.", + "consistency": [ + 3, + 2, + 4 + ], + "fluency": [ + 3, + 4, + 5 + ], + "informativeness": [ + 1, + 3, + 5 + ], + "redundancy": [ + 3, + 5, + 5 + ] + }, + "hmnet": { + "coherence": [ + 2, + 4, + 5 + ], + "summary": "A confirming the appointment of Rick Brady as acting director of the road service division of the Department of services.", + "consistency": [ + 2, + 2, + 4 + ], + "fluency": [ + 2, + 4, + 4 + ], + "informativeness": [ + 2, + 3, + 5 + ], + "redundancy": [ + 4, + 5, + 5 + ] + }, + "lexrank": { + "coherence": [ + 2, + 5, + 5 + ], + "summary": "He prepared the work he actually included in the staff report, a relatively extensive history around how we got to having a roads division, road services division within the Department of Local Services. Mr. Brady has been with the county for a number of years and is currently serving as the interim director of Roads Services Division.", + "consistency": [ + 1, + 2, + 4 + ], + "fluency": [ + 3, + 4, + 5 + ], + "informativeness": [ + 1, + 3, + 4 + ], + "redundancy": [ + 3, + 2, + 5 + ] + }, + "bart": { + "coherence": [ + 3, + 3, + 5 + ], + "summary": "A MOTION confirming the executive's appointment of Rick Brady as the director of the road services division of the department of transportation in accordance with Motion 15183 and the 2019-2020 Biennial Budget Ordinance, Ordinance 18835, Section 107, Proviso P2.", + "consistency": [ + 2, + 2, + 3 + ], + "fluency": [ + 3, + 3, + 4 + ], + "informativeness": [ + 2, + 3, + 4 + ], + "redundancy": [ + 1, + 2, + 5 + ] + } + }, + "AlamedaCC_09202016_2016-3321": { + "lexrank": { + "coherence": [ + 2, + 1, + 5 + ], + "summary": "So this is my third and last pull forward item, but I thought this was important for the public to also hear a little bit about this BART general obligation bond measure on the November ballot. And each of those bonds, by state law, you're obligated to perform, deliver 80% of the projects in the bond measure.", + "consistency": [ + 2, + 1, + 3 + ], + "fluency": [ + 2, + 1, + 5 + ], + "informativeness": [ + 1, + 2, + 2 + ], + "redundancy": [ + 3, + 1, + 5 + ] + }, + "pegasus": { + "coherence": [ + 3, + 5, + 5 + ], + "summary": "Adoption of Resolution Supporting the Bay Area Rapid Transit General Obligation Bond Measure to Fund BART Safety and Traffic Relief Program. (City Manager 2110)", + "consistency": [ + 4, + 5, + 5 + ], + "fluency": [ + 4, + 5, + 5 + ], + "informativeness": [ + 3, + 5, + 5 + ], + "redundancy": [ + 4, + 5, + 5 + ] + }, + "bart": { + "coherence": [ + 2, + 2, + 5 + ], + "summary": "Adopted Resolution Supporting the Bay Area Rapid Transit (BART) General Obligation Bond Measure to Fund BART Safety, Reliability and Traffic Relief Program. (Transportation 91819) [Continued from November 7, 2021; January 2, 2022; Public Comment Closed]", + "consistency": [ + 4, + 4, + 3 + ], + "fluency": [ + 2, + 1, + 5 + ], + "informativeness": [ + 2, + 4, + 4 + ], + "redundancy": [ + 1, + 1, + 5 + ] + }, + "hmnet": { + "coherence": [ + 1, + 1, + 4 + ], + "summary": "Recommendation to adopt resolution supporting the Bay general area rapid transit system system) obligation bond measure on the November 3 and a half dollar to rebuild an aging infrastructure reinvestment). Irr)", + "consistency": [ + 2, + 3, + 3 + ], + "fluency": [ + 1, + 1, + 4 + ], + "informativeness": [ + 1, + 3, + 3 + ], + "redundancy": [ + 1, + 3, + 5 + ] + }, + "lead-3": { + "coherence": [ + 1, + 3, + 4 + ], + "summary": "Adopted resolution supporting the Bay Area Rapid Transit General Obligation Bond measure to fund BART Safety, Reliability and Traffic Relief Program. Thank you. Thank you, Mayor Spencer.", + "consistency": [ + 2, + 4, + 4 + ], + "fluency": [ + 1, + 3, + 5 + ], + "informativeness": [ + 2, + 4, + 4 + ], + "redundancy": [ + 1, + 1, + 4 + ] + }, + "davinci003": { + "coherence": [ + 5, + 4, + 5 + ], + "summary": "The City Council has adopted a resolution supporting the Bay Area Rapid Transit General Obligation Bond measure, which is a 3.5 billion dollar fix it first bond that would fund the BART Safety, Reliability and Traffic Relief Program with a 40 year maximum parcel tax. The bond measure would be voted on in November, and Robert Rayburn from the BART board gave a brief overview of the project.", + "consistency": [ + 5, + 4, + 5 + ], + "fluency": [ + 5, + 4, + 5 + ], + "informativeness": [ + 5, + 4, + 5 + ], + "redundancy": [ + 5, + 3, + 5 + ] + }, + "dialogLM": { + "coherence": [ + 3, + 4, + 5 + ], + "summary": "Adoption of resolution supporting the Bay area rapid transit general obligation bond adoption measure to fund BART safety, reliability, and traffic relief program. (city manager 2110)", + "consistency": [ + 4, + 5, + 4 + ], + "fluency": [ + 3, + 4, + 5 + ], + "informativeness": [ + 4, + 5, + 4 + ], + "redundancy": [ + 3, + 4, + 5 + ] + } + }, + "SeattleCityCouncil_08152016_CB 118736": { + "dialogLM": { + "coherence": [ + 3, + 5, + 2 + ], + "summary": "An ordinance relating to land use and zoning; adding a new chapter 23. 58 to the Seattle municipal code to establish the framework for mandatory housing Affordability for residential development; and amending section 23. 76. 002 for subsection 23. 76. 020. D, 23. 76. 035, 23. 76. 040, 23. 76. 050, 23. 76. 070, and 23. 76. 080 of the Seattle revised municipal code.", + "consistency": [ + 3, + 3, + 2 + ], + "fluency": [ + 4, + 5, + 2 + ], + "informativeness": [ + 2, + 4, + 3 + ], + "redundancy": [ + 1, + 5, + 1 + ] + }, + "bart": { + "coherence": [ + 3, + 5, + 3 + ], + "summary": "AN ORDINANCE relating to land use and zoning; adding a new Chapter 23.58A to the Seattle Municipal Code to establish the framework for mandatory housing affordability for residential development; and amending Sections 23.44.00, 23.54.200.A, and 23.76.040 of the Revised Municipal Code of the City of Seattle to add provisions to implement the Mandatory Housing Affordability for Residential Development Program.", + "consistency": [ + 3, + 3, + 3 + ], + "fluency": [ + 3, + 4, + 2 + ], + "informativeness": [ + 3, + 4, + 4 + ], + "redundancy": [ + 2, + 3, + 3 + ] + }, + "davinci003": { + "coherence": [ + 5, + 5, + 5 + ], + "summary": "The Seattle City Council has passed a piece of legislation that will require all residential development in the city to either pay a fee to build more affordable housing or to build it on site. This bill also includes language to address displacement, as well as provisions for reporting and accountability.", + "consistency": [ + 4, + 4, + 5 + ], + "fluency": [ + 5, + 5, + 5 + ], + "informativeness": [ + 4, + 4, + 5 + ], + "redundancy": [ + 5, + 5, + 5 + ] + }, + "lexrank": { + "coherence": [ + 2, + 5, + 3 + ], + "summary": "So a Second Amendment has been proposed by Councilman Johnson in the other questions on the amendment. Council President Harrell As you are aware, this piece of legislation will require all residential development in the city to either pay a fee to build more affordable housing or to build affordable housing on site.", + "consistency": [ + 2, + 4, + 5 + ], + "fluency": [ + 2, + 5, + 4 + ], + "informativeness": [ + 1, + 3, + 4 + ], + "redundancy": [ + 2, + 5, + 4 + ] + }, + "lead-3": { + "coherence": [ + 1, + 3, + 1 + ], + "summary": "Please read the next report. And by the way, we're getting there. We just have an agenda.", + "consistency": [ + 1, + 1, + 1 + ], + "fluency": [ + 1, + 5, + 5 + ], + "informativeness": [ + 1, + 1, + 1 + ], + "redundancy": [ + 3, + 5, + 5 + ] + }, + "pegasus": { + "coherence": [ + 2, + 5, + 3 + ], + "summary": "AN ORDINANCE relating to land use and zoning; amending Chapter 23.58 of the Seattle Municipal Code to establish the framework for mandatory housing affordability for residential development; and amending Section 23.40.004, 23.40.020, 23.40.030, 23.40.040, 23.40.050, 23.", + "consistency": [ + 3, + 4, + 3 + ], + "fluency": [ + 2, + 4, + 3 + ], + "informativeness": [ + 2, + 4, + 4 + ], + "redundancy": [ + 1, + 5, + 1 + ] + }, + "hmnet": { + "coherence": [ + 1, + 4, + 2 + ], + "summary": "An relating to land use and zoning at a new chapter 23, Seattle municipal code, subsection 118, and section 23; and amending ordinance.", + "consistency": [ + 2, + 3, + 2 + ], + "fluency": [ + 3, + 4, + 4 + ], + "informativeness": [ + 2, + 3, + 3 + ], + "redundancy": [ + 4, + 5, + 4 + ] + } + }, + "AlamedaCC_04162019_2019-6446": { + "bart": { + "coherence": [ + 2, + 2, + 2 + ], + "summary": "Proclamation Declaring April 12, 2019 as Earth Day - Alameda 2019 and April 26, 2019 - Arborist Day 2019. (Recreation and Parks 10051400/Planning 20962710) [Continued from April 13, 2019 to April 28, 2019]", + "consistency": [ + 3, + 2, + 3 + ], + "fluency": [ + 2, + 3, + 3 + ], + "informativeness": [ + 2, + 2, + 3 + ], + "redundancy": [ + 1, + 2, + 5 + ] + }, + "hmnet": { + "coherence": [ + 2, + 2, + 2 + ], + "summary": "Proclamation declaring April 9 second at the Almeida of April 22, 2019 as day celebration celebration to encourage Americans to provide and replenish and replenish our forests, orchards, and Woodlands.", + "consistency": [ + 2, + 2, + 2 + ], + "fluency": [ + 2, + 2, + 3 + ], + "informativeness": [ + 2, + 2, + 3 + ], + "redundancy": [ + 1, + 1, + 5 + ] + }, + "lead-3": { + "coherence": [ + 1, + 1, + 2 + ], + "summary": "Step three is a proclamation declaring April 1220 second at the Almeida, and April 26 is Arbor Day. All right. And do we have anyone?", + "consistency": [ + 1, + 1, + 3 + ], + "fluency": [ + 1, + 1, + 3 + ], + "informativeness": [ + 1, + 1, + 3 + ], + "redundancy": [ + 1, + 2, + 5 + ] + }, + "dialogLM": { + "coherence": [ + 3, + 4, + 4 + ], + "summary": "Proclamation declaring April 22, 2019 as earth Day-Alameda 2019 and April 26, 2019, as Arbor day. (city manager 2110", + "consistency": [ + 4, + 5, + 5 + ], + "fluency": [ + 2, + 2, + 4 + ], + "informativeness": [ + 3, + 5, + 5 + ], + "redundancy": [ + 4, + 5, + 5 + ] + }, + "davinci003": { + "coherence": [ + 4, + 5, + 5 + ], + "summary": "The article discusses the importance of environmental protection and sustainability efforts, specifically in the City of Alameda, that are celebrated during Earth Day and Arbor Day. It also highlights the efforts of the East Bay Regional Park District and the support of Alameda residents in preserving the city's parks.", + "consistency": [ + 4, + 3, + 4 + ], + "fluency": [ + 4, + 5, + 5 + ], + "informativeness": [ + 3, + 3, + 3 + ], + "redundancy": [ + 4, + 5, + 5 + ] + }, + "lexrank": { + "coherence": [ + 3, + 5, + 4 + ], + "summary": "Now, therefore, be it resolved that I Maryland as he Ashcraft, mayor of the city of Alameda, do hereby proclaim April 22nd, 2019 as Earth Day, Alameda 2019 and April 26, 2019 as Arbor Day Alameda 2019. Community Action for Sustainable Alameda and East Bay Regional Parks District are jointly sponsoring Alameda Earth Day Festival on Saturday, April 20, from 10 a.m. to 3 p.m. at Upper Washington Park and invite all residents to attend.", + "consistency": [ + 3, + 4, + 5 + ], + "fluency": [ + 3, + 5, + 5 + ], + "informativeness": [ + 1, + 4, + 5 + ], + "redundancy": [ + 2, + 4, + 5 + ] + }, + "pegasus": { + "coherence": [ + 3, + 5, + 5 + ], + "summary": "Proclamation Declaring April 22, 2019 as Earth Day and April 26, 2019 as Arbor Day. (City Manager 2110)", + "consistency": [ + 4, + 5, + 5 + ], + "fluency": [ + 3, + 5, + 5 + ], + "informativeness": [ + 3, + 5, + 4 + ], + "redundancy": [ + 5, + 5, + 5 + ] + } + }, + "DenverCityCouncil_09112017_17-0953": { + "bart": { + "coherence": [ + 2, + 1, + 5 + ], + "summary": "A resolution authorizing and approving the expenditure and payment from the appropriation account designated \u201cliability claims,\u201d the sum of One Million Five-Hundred Fifty-Thousand and 10/100 Dollars ($1,550,000.10), payable to the Colorado State University, The Western Stock Show Association, and the National Western Center Authority, in payment and satisfaction of all claims in Case No. 2015CV31713, in the District Court for the City and County of Denver, Colorado. Settles a claim involving the Denver RTD Department of Public Works. This resolution was approved for filing at the Mayor-Council meeting on 10-22-17.", + "consistency": [ + 1, + 1, + 1 + ], + "fluency": [ + 2, + 1, + 4 + ], + "informativeness": [ + 1, + 1, + 1 + ], + "redundancy": [ + 3, + 5, + 5 + ] + }, + "lexrank": { + "coherence": [ + 1, + 1, + 3 + ], + "summary": "If you would like the animal picked up by an animal control officer and if it was found in the city and county of Denver, you can go to Denver gov dawgs Denver 311 and submit your request online. Denver.", + "consistency": [ + 1, + 1, + 1 + ], + "fluency": [ + 1, + 1, + 3 + ], + "informativeness": [ + 1, + 1, + 1 + ], + "redundancy": [ + 1, + 1, + 5 + ] + }, + "dialogLM": { + "coherence": [ + 3, + 1, + 2 + ], + "summary": "A resolution approving a proposed Intergovernmental agreement between the city and county of Denver and the Denver animal shelter, providing for the adoption of dogs and cats originating from outside the city. APPROVES a $1, 533, 933 Intergomental agreement with the Denver animals shelter (Socss) through 12-31-22 to provide Spay/Neuter education, Spay and neuter on a daily basis in Council district 9 (201738462). The last regularly scheduled council meeting within the 30-day review period is on 11-9-17. the committee approved filing this resolution at its meeting on 10-6-17. pursuant to Council rule 3. 7, Councilman Flynn called this resolution out at the 10-30-17 council meeting for a One-Week postponement to 10-22-17.", + "consistency": [ + 3, + 1, + 1 + ], + "fluency": [ + 3, + 1, + 4 + ], + "informativeness": [ + 2, + 1, + 1 + ], + "redundancy": [ + 2, + 4, + 5 + ] + }, + "pegasus": { + "coherence": [ + 5, + 3, + 4 + ], + "summary": "A resolution for an ordinance designating certain property as being required for public use and authorizing use and acquisition thereof by negotiation or through condemnation proceedings of fee simple, easement and other interests, including any rights and interests related or appurtenant to properties as needed for the widening of 40th Avenue in Council District 9.", + "consistency": [ + 4, + 3, + 3 + ], + "fluency": [ + 5, + 2, + 5 + ], + "informativeness": [ + 4, + 4, + 3 + ], + "redundancy": [ + 4, + 3, + 5 + ] + }, + "hmnet": { + "coherence": [ + 1, + 1, + 3 + ], + "summary": "A resolution approving a proposed agreement between the city and county of Denver and Interstate, LLC to extend the term and increase the lease term by at the discretion of the city manager . a contract with, Inc. by adding for a new total of and one year for the administration of the temporary rental assistance). The last regularly scheduled council meeting within the 30 review period is on 1. the committee approved filing this item at its meeting on 8 -20. pursuant to Council rule 3.7, Councilman Espinoza called out this resolution at the Monday, August 7, 2017, council meeting for a postponement to the next regularly scheduled meeting of Monday, July 31, 2017.", + "consistency": [ + 2, + 1, + 1 + ], + "fluency": [ + 2, + 1, + 3 + ], + "informativeness": [ + 2, + 1, + 1 + ], + "redundancy": [ + 2, + 3, + 5 + ] + }, + "davinci003": { + "coherence": [ + 3, + 1, + 5 + ], + "summary": "Denver City Council is convening for a public hearing regarding Council Bill 939, which approves a 50 year framework agreement with Colorado State University, Western Stock Show Association and National Western Center Authority. The council is also covering other events within the city such as free days at the Denver Museum of Nature and Science and Revolution with special guests live at Red Rocks Amphitheater.", + "consistency": [ + 1, + 1, + 2 + ], + "fluency": [ + 5, + 1, + 5 + ], + "informativeness": [ + 1, + 1, + 1 + ], + "redundancy": [ + 4, + 4, + 5 + ] + }, + "lead-3": { + "coherence": [ + 1, + 1, + 1 + ], + "summary": "Like you. Okay, nine ayes, one abstention. 96 has been adopted.", + "consistency": [ + 1, + 1, + 1 + ], + "fluency": [ + 1, + 1, + 1 + ], + "informativeness": [ + 1, + 1, + 1 + ], + "redundancy": [ + 1, + 5, + 5 + ] + } + }, + "DenverCityCouncil_03072022_22-0276": { + "pegasus": { + "coherence": [ + 4, + 5, + 5 + ], + "summary": "A proclamation congratulating the Denver St. Patrick\u2019s Day Parade Committee on the occasion of the 60th anniversary of the annual parade on March 12, 2022.", + "consistency": [ + 5, + 5, + 5 + ], + "fluency": [ + 4, + 5, + 5 + ], + "informativeness": [ + 4, + 5, + 5 + ], + "redundancy": [ + 5, + 5, + 5 + ] + }, + "dialogLM": { + "coherence": [ + 4, + 5, + 5 + ], + "summary": "A proclamation congratulating the Denver St. Patrick \u2019 s day parade Committee on the occasion of the 60th anniversary of the annual parade on March 12, 2022.", + "consistency": [ + 5, + 5, + 5 + ], + "fluency": [ + 3, + 5, + 4 + ], + "informativeness": [ + 4, + 5, + 5 + ], + "redundancy": [ + 5, + 5, + 5 + ] + }, + "bart": { + "coherence": [ + 2, + 1, + 5 + ], + "summary": "A proclamation congratulating the Denver St. Patrick\u2019s Day Parade Committee on the occasion of the 60th Anniversary of the Annual Parade on March 12, 2022. A proclamation honoring the life of William Butler, who was a mentor, leader and inspiration to the thousands of students whose lives he touched as mayor of Denver.", + "consistency": [ + 3, + 4, + 3 + ], + "fluency": [ + 4, + 5, + 5 + ], + "informativeness": [ + 3, + 3, + 3 + ], + "redundancy": [ + 2, + 5, + 5 + ] + }, + "lead-3": { + "coherence": [ + 1, + 1, + 5 + ], + "summary": "Thank you, Councilmember Cashman. And we'd like to wish a happy birthday to Councilmember Black, who is not here, but whose birthday is tomorrow. There are no presentations this evening.", + "consistency": [ + 1, + 1, + 1 + ], + "fluency": [ + 2, + 5, + 5 + ], + "informativeness": [ + 1, + 1, + 1 + ], + "redundancy": [ + 1, + 5, + 5 + ] + }, + "davinci003": { + "coherence": [ + 5, + 5, + 5 + ], + "summary": "The Denver City Council adopted Proclamation 22-0276 congratulating the Denver St Patrick's Day Parade Committee on the occasion of the 60th anniversary of the parade. The Committee President, Michael O'Neill, thanked the city for allowing the Irish to return to the streets of Denver for the annual celebration.", + "consistency": [ + 5, + 5, + 5 + ], + "fluency": [ + 5, + 5, + 5 + ], + "informativeness": [ + 4, + 5, + 5 + ], + "redundancy": [ + 4, + 5, + 5 + ] + }, + "lexrank": { + "coherence": [ + 2, + 5, + 4 + ], + "summary": "Whereas, this year's theme is centered around the return of the Irish and honors the 60th anniversary of the parade. Whereas, the Denver St Patrick's Day Parade exemplifies a peaceful celebration among the community of diverse citizens who gather together with a glance toward the Celtic past and a look toward the future while enjoying Irish cultural fanfare , pipe and drum bands, Irish step dancing and honoring all divisions of our military to the delight of over 300,000 spectators.", + "consistency": [ + 3, + 5, + 4 + ], + "fluency": [ + 2, + 5, + 4 + ], + "informativeness": [ + 1, + 5, + 3 + ], + "redundancy": [ + 1, + 5, + 5 + ] + }, + "hmnet": { + "coherence": [ + 3, + 4, + 4 + ], + "summary": "A proclamation congratulating and congratulating the Denver St. day parade Committee on the occasion of the 60th annual national celebration.", + "consistency": [ + 3, + 3, + 5 + ], + "fluency": [ + 3, + 4, + 4 + ], + "informativeness": [ + 3, + 3, + 4 + ], + "redundancy": [ + 4, + 5, + 4 + ] + } + }, + "LongBeachCC_10052021_21-1028": { + "pegasus": { + "coherence": [ + 2, + 5, + 5 + ], + "summary": "Recommendation to authorize City Manager, or designee, to execute any and all necessary documents with City Ventures, LLC, to amend the Purchase and Sale Agreement to allow for a reduction in sales price and amount up to $289,000. (District 8)", + "consistency": [ + 3, + 5, + 5 + ], + "fluency": [ + 3, + 5, + 5 + ], + "informativeness": [ + 2, + 4, + 5 + ], + "redundancy": [ + 4, + 5, + 5 + ] + }, + "bart": { + "coherence": [ + 3, + 5, + 5 + ], + "summary": "Recommendation to authorize City Manager, or designee, to execute any and all necessary documents with City Ventures, LLC, a Delaware limited liability company, to amend the Purchase and Sale Agreement to allow for a reduction in sales price in amount up to $289,000, for property located at 4800 Long Beach Boulevard, Assessor Parcel Number 7125-036-900 (Subject Property). (District 8)", + "consistency": [ + 4, + 4, + 5 + ], + "fluency": [ + 3, + 5, + 5 + ], + "informativeness": [ + 3, + 5, + 5 + ], + "redundancy": [ + 2, + 5, + 5 + ] + }, + "lexrank": { + "coherence": [ + 1, + 5, + 1 + ], + "summary": "My issue is why does the city have to pay the difference for and soil remediation? The soil remediation will be conducted once the amendment to the agreement is approved.", + "consistency": [ + 1, + 3, + 1 + ], + "fluency": [ + 2, + 5, + 4 + ], + "informativeness": [ + 1, + 1, + 1 + ], + "redundancy": [ + 2, + 5, + 1 + ] + }, + "hmnet": { + "coherence": [ + 3, + 5, + 3 + ], + "summary": "Recommendation to authorize city manager, or Designee, to execute all documents necessary to enter into a purchase and sale agreement, and any necessary documents, with city ventures, LLC, a California limited liability company, for soil remediation project at 4800 long Beach Boulevard, for a period of 12 months, with the option to renew for three additional one -Year periods, at the discretion of the city manager . 8)", + "consistency": [ + 4, + 4, + 4 + ], + "fluency": [ + 2, + 4, + 2 + ], + "informativeness": [ + 3, + 4, + 4 + ], + "redundancy": [ + 3, + 5, + 5 + ] + }, + "davinci003": { + "coherence": [ + 5, + 5, + 3 + ], + "summary": "The article discusses a proposal to reduce the sale price of a project at 4800 Long Beach Boulevard to no less than $820,000 in order to cover the cost of soil remediation, with the city contributing up to $289,000 and the buyer up to $136,000. The speaker expresses concern that this cost is being shouldered by taxpayers, while the developers are set to make a profit of $5 million.", + "consistency": [ + 4, + 3, + 4 + ], + "fluency": [ + 5, + 5, + 3 + ], + "informativeness": [ + 5, + 5, + 3 + ], + "redundancy": [ + 4, + 5, + 4 + ] + }, + "lead-3": { + "coherence": [ + 1, + 4, + 3 + ], + "summary": "Thank you. We're going back up to 1841. Report from Economic Development Recommendation to authorize city manager to execute all necessary documents with City Ventures to amend the Purchase and sale agreement to allow for a reduction in sales price and amount up to 289,000 District eight.", + "consistency": [ + 1, + 4, + 4 + ], + "fluency": [ + 3, + 4, + 4 + ], + "informativeness": [ + 1, + 4, + 4 + ], + "redundancy": [ + 3, + 5, + 5 + ] + }, + "dialogLM": { + "coherence": [ + 5, + 5, + 5 + ], + "summary": "Recommendation to authorize city manager, or Designee, to execute any and all necessary documents with city ventures, LLC, a Delaware limited liability company, to amend the purchase and sale agreement to allow for a reduction in sales price and amount up to $289, 000, for the site located at 4800 long Beach Boulevard.", + "consistency": [ + 5, + 5, + 5 + ], + "fluency": [ + 5, + 4, + 5 + ], + "informativeness": [ + 4, + 5, + 5 + ], + "redundancy": [ + 5, + 5, + 5 + ] + } + }, + "BostonCC_06152022_2022-0653": { + "bart": { + "coherence": [ + 2, + 5, + 4 + ], + "summary": "On the message and order, referred on May 25, 2022 Docket #0653, for your approval an order authorizing the Parks and Recreation Commission on behalf of the City of Boston to acquire by eminent domain (\u201c eminent domain\u201d) two parcels on the western shore of Sprague Pond at 0-4 Lakeside Avenue in High Park as a permanently protected parkland to be known as the Sprague Poolside Pond Shoreline Reserve, and to use Community Preservation Fund monies appropriated to the Park and Recreation Department to award damages as determined by the Commission, the committee submitted a report recommending the order ought to pass. The report was accepted; the order was passed.", + "consistency": [ + 3, + 4, + 4 + ], + "fluency": [ + 2, + 4, + 4 + ], + "informativeness": [ + 3, + 5, + 4 + ], + "redundancy": [ + 2, + 5, + 5 + ] + }, + "hmnet": { + "coherence": [ + 2, + 3, + 2 + ], + "summary": "On the message and order, referred on May 25, 2022,, for a Commemoration of the city of Boston, the committee submitted a report recommending the order authorizing the parks, recreation and marine to pass and make recommendations related thereto, read and adopted as read.)", + "consistency": [ + 2, + 1, + 2 + ], + "fluency": [ + 1, + 3, + 2 + ], + "informativeness": [ + 1, + 1, + 2 + ], + "redundancy": [ + 4, + 5, + 4 + ] + }, + "lexrank": { + "coherence": [ + 1, + 1, + 1 + ], + "summary": "Counsel to the chair of the Committee on Environmental Justice, Resiliency and Toxics Acceptance of the Committee Report and Passage of Docket 0539. Counsel Lara, the chair recognize that you one docket 0653.", + "consistency": [ + 1, + 1, + 1 + ], + "fluency": [ + 2, + 3, + 1 + ], + "informativeness": [ + 1, + 1, + 1 + ], + "redundancy": [ + 1, + 5, + 4 + ] + }, + "pegasus": { + "coherence": [ + 2, + 4, + 5 + ], + "summary": "On the message and order, referred on May 25, 2022, Docket #0653, for your approval an order authorizing the Parks and Recreation Commission on behalf of the City of Boston to acquire by eminent domain two parcels on the western shore of Sprague Pond at 0-4 Lakeside Avenue in High Park, as a permanently protected parkland", + "consistency": [ + 4, + 4, + 5 + ], + "fluency": [ + 2, + 4, + 5 + ], + "informativeness": [ + 3, + 4, + 5 + ], + "redundancy": [ + 2, + 5, + 5 + ] + }, + "lead-3": { + "coherence": [ + 2, + 3, + 2 + ], + "summary": "programs. Submit a report recommending the order to pass and darken embers 0653 The Committee on Environmental Justice, Resiliency and Parks, to which was referred on May 25th, 2020 to docket number 0653. Message In order for your approval, in order authorizing the Parks and Recreation Commission on behalf of the City of Boston to acquire by eminent domain, taking two parcels on the western shore of Sprague Pond at 0-4 Lakeside Avenue in High Park as a permanently protected parkland to be known as the Sprague Pond Shoreline Reserve and to use Community Preservation Fund moneys appropriated to the Parks and Recreation Department to award damages as determined by the Commission submits a report recommending the order to pass .", + "consistency": [ + 4, + 3, + 3 + ], + "fluency": [ + 1, + 4, + 1 + ], + "informativeness": [ + 2, + 3, + 4 + ], + "redundancy": [ + 2, + 5, + 1 + ] + }, + "dialogLM": { + "coherence": [ + 3, + 5, + 2 + ], + "summary": "On the message and order, referred on May 25, 2022, docket #0653, for your approval an order authorizing the parks and recreation Commission, on behalf of the city of Boston, to acquire by eminent domain, taking two parcels on the Western shore of Sprague pond, at 0-4 Lakeside Avenue in Hyde Park, as a permanently protected Parkland to be known as the Spameue pond shoreline reserve, and to use community preservation fund moneys appropriated to the parks & recreation Department, to award damages as determined by the Commission, the committee submitted a report recommending the order ought to pass. The report was accepted; the order was passed.", + "consistency": [ + 4, + 4, + 3 + ], + "fluency": [ + 3, + 4, + 3 + ], + "informativeness": [ + 3, + 5, + 3 + ], + "redundancy": [ + 2, + 5, + 4 + ] + }, + "davinci003": { + "coherence": [ + 1, + 5, + 3 + ], + "summary": "The Committee on Environmental Justice, Resiliency and Parks has recommended the order to pass a docket 0653, which authorizes the Parks and Recreation Commission on behalf of the City of Boston to acquire by eminent domain two parcels on the western shore of Sprague Pond. The docket 0185 is a petition for a special law to provide voting rights in municipal elections for city of Boston residents age 16 and 17 years old.", + "consistency": [ + 2, + 2, + 2 + ], + "fluency": [ + 3, + 5, + 4 + ], + "informativeness": [ + 2, + 2, + 3 + ], + "redundancy": [ + 3, + 5, + 3 + ] + } + }, + "LongBeachCC_02092016_16-0124": { + "hmnet": { + "coherence": [ + 3, + 4, + 3 + ], + "summary": "Recommendation to request city attorney to draft an ordinance prohibiting the use of motorized Decal in business corridors consistent with those limitations set forth in this ordinance.", + "consistency": [ + 1, + 5, + 2 + ], + "fluency": [ + 3, + 5, + 3 + ], + "informativeness": [ + 1, + 4, + 3 + ], + "redundancy": [ + 5, + 5, + 4 + ] + }, + "davinci003": { + "coherence": [ + 3, + 5, + 5 + ], + "summary": "Councilmembers recommended a draft ordinance to prohibit the use of electronically motorized boards from operating on sidewalks in business corridors, with the exception of Segways, which may be exempt after further research. A motion was made to move the ordinance forward, and it was approved with the addition of prohibiting e-cigarettes.", + "consistency": [ + 3, + 4, + 3 + ], + "fluency": [ + 4, + 5, + 5 + ], + "informativeness": [ + 2, + 4, + 4 + ], + "redundancy": [ + 3, + 5, + 5 + ] + }, + "lexrank": { + "coherence": [ + 1, + 5, + 5 + ], + "summary": "And for the safety of the pedestrians who travel along our business corridors for shopping and with families and young children, etc., I think it would be wise and prudent to prohibit the use of hoverboards on the sidewalks and business corridors similar to the ban that we have in regards to bikes, skateboards and other devices. And I'm going to need to do further research to see if Segways are specifically exempted from that definition.", + "consistency": [ + 1, + 4, + 5 + ], + "fluency": [ + 2, + 5, + 5 + ], + "informativeness": [ + 1, + 3, + 5 + ], + "redundancy": [ + 3, + 5, + 5 + ] + }, + "bart": { + "coherence": [ + 4, + 4, + 3 + ], + "summary": "Recommendation to request City Attorney to draft an ordinance prohibiting the use of electronically motorized boards from operating on sidewalks in business corridors based on elements from the surrounding cities of Lakewood, Costa Mesa and Westminister like: \u2022 No motorized devices shall be parked on any street or alley for more than 48 consecutive hours. \u2022 Segways and trailers not registered to a Long Beach address cannot park on streets without a daily temporary permit. \u2022 Nonmotorized vehicles may park on the street for the sole purpose of actively loading and unloading for a no more than 24 hours consecutively. \u2022 Allowing new projects to be undertaken within the 30-day review period prior to January 1, 2016 to", + "consistency": [ + 4, + 4, + 5 + ], + "fluency": [ + 4, + 4, + 3 + ], + "informativeness": [ + 3, + 4, + 5 + ], + "redundancy": [ + 4, + 5, + 4 + ] + }, + "lead-3": { + "coherence": [ + 1, + 4, + 3 + ], + "summary": "Communication from Councilwoman Price, Councilmember Supernova and Councilwoman Mongo. Recommendation to request the city attorney to draft an ordinance prohibiting the use of electronically motorized boards from operating on sidewalks in business corridors. Councilwoman Price.", + "consistency": [ + 2, + 3, + 5 + ], + "fluency": [ + 1, + 4, + 2 + ], + "informativeness": [ + 1, + 4, + 5 + ], + "redundancy": [ + 1, + 4, + 5 + ] + }, + "pegasus": { + "coherence": [ + 5, + 5, + 5 + ], + "summary": "Recommendation to request City Attorney to draft an ordinance prohibiting the use of electronic boards, also known as hoverboards, from operating on sidewalks in business corridors.", + "consistency": [ + 4, + 5, + 5 + ], + "fluency": [ + 5, + 5, + 5 + ], + "informativeness": [ + 4, + 4, + 5 + ], + "redundancy": [ + 5, + 5, + 5 + ] + }, + "dialogLM": { + "coherence": [ + 5, + 5, + 5 + ], + "summary": "Recommendation to request city attorney to draft an ordinance prohibiting the use of electronically motorized boards from operating on sidewalks in business corridors based on elements from the surrounding cities of Lakewood, Costa Mesa, and Westlake shore.", + "consistency": [ + 4, + 4, + 5 + ], + "fluency": [ + 5, + 5, + 5 + ], + "informativeness": [ + 4, + 4, + 5 + ], + "redundancy": [ + 5, + 5, + 5 + ] + } + }, + "LongBeachCC_06022015_15-0490": { + "hmnet": { + "coherence": [ + 1, + 2, + 2 + ], + "summary": "Recommendation to adopt specifications no . Rfp and award contracts to, Inc., of long Beach, ca, for the bike share program, in an amount not to exceed, for a period of two years, with the option to renew for three additional one -Year periods, at the discretion of the city manager; and, authorize city manager, or Designee, to execute all documents necessary to enter into the contract, including any necessary amendments.)", + "consistency": [ + 2, + 3, + 3 + ], + "fluency": [ + 1, + 3, + 2 + ], + "informativeness": [ + 2, + 2, + 3 + ], + "redundancy": [ + 2, + 5, + 3 + ] + }, + "bart": { + "coherence": [ + 2, + 5, + 4 + ], + "summary": "Recommendation to adopt Specifications No. ITB PW18-125 and award a contract to CycleHop, LLC, of Santa Monica, CA, for the Bike Share Program, to procure, deliver, and maintain bicycle and pedestrian mobility equipment and accessories for the 10 existing permitted locations within the City of Long Beach, in the amount of $1,999,125, with a 10 percent contingency of $311,125 for a total contract amount not to exceed $2,176,625; and, authorize City Manager, or designee, to execute all documents necessary to enter into the contract, including any necessary amendments; and Increase appropriations in the Gas Tax Street Improvement Fund (SR 181)", + "consistency": [ + 2, + 3, + 3 + ], + "fluency": [ + 3, + 5, + 4 + ], + "informativeness": [ + 3, + 3, + 3 + ], + "redundancy": [ + 2, + 5, + 3 + ] + }, + "lead-3": { + "coherence": [ + 2, + 5, + 3 + ], + "summary": "Motion carries eight zero. Item 22 Report from Public Works and Financial Management. Recommendation to Award a contract to Cycle Hub for the bike share program for a total contract amount not to exceed $2,176,625 and increase appropriations in the Gas Tax Street Improvement Fund in the Public Works Department by $2,262,000 citywide.", + "consistency": [ + 2, + 5, + 2 + ], + "fluency": [ + 3, + 5, + 3 + ], + "informativeness": [ + 1, + 3, + 2 + ], + "redundancy": [ + 3, + 5, + 4 + ] + }, + "pegasus": { + "coherence": [ + 2, + 3, + 3 + ], + "summary": "Recommendation to adopt Specifications No. ITB PW14-041 and award a contract to Cycle Hub, LLC, of Los Angeles, CA, for the Bike Share Program, in an amount not to exceed $2,176,625, for a period of one year, with the option to renew for two additional one-", + "consistency": [ + 3, + 1, + 3 + ], + "fluency": [ + 2, + 5, + 1 + ], + "informativeness": [ + 3, + 2, + 4 + ], + "redundancy": [ + 4, + 5, + 3 + ] + }, + "dialogLM": { + "coherence": [ + 2, + 4, + 3 + ], + "summary": "Recommendation to adopt specifications no. Itb Pw17-058 and award a contract to cycle Hub, Inc., of Santa Monica, ca, for the bike share program, in the amount of $1, 176, 625, with a 10 percent contingency in the agreement of $379, 525, for a total contract amount not to exceed $2, 184, 625; authorize city manager, or Designee, to execute all documents necessary to enter into the contract, including any necessary amendments thereto; and increase appropriations in the gas tax Street improvement Fund (SR 181) in the public works Department (Pw) by $22, 262, 625. (citywide)", + "consistency": [ + 2, + 2, + 2 + ], + "fluency": [ + 2, + 4, + 3 + ], + "informativeness": [ + 2, + 3, + 2 + ], + "redundancy": [ + 1, + 5, + 4 + ] + }, + "lexrank": { + "coherence": [ + 1, + 4, + 1 + ], + "summary": "Recommendation to Award a contract to Cycle Hub for the bike share program for a total contract amount not to exceed $2,176,625 and increase appropriations in the Gas Tax Street Improvement Fund in the Public Works Department by $2,262,000 citywide. You can have locations set up with bike share without having the.", + "consistency": [ + 2, + 4, + 3 + ], + "fluency": [ + 1, + 4, + 1 + ], + "informativeness": [ + 1, + 3, + 2 + ], + "redundancy": [ + 3, + 5, + 4 + ] + }, + "davinci003": { + "coherence": [ + 5, + 5, + 4 + ], + "summary": "The City Council of Long Beach is recommending a contract to the Cycle Hub for a bike share program with a total contract amount of $2,176,625 and an appropriation of $2,262,000. The rollout plan for the program is anticipated to be in mid-August and the vision is to expand the program to be citywide.", + "consistency": [ + 4, + 4, + 4 + ], + "fluency": [ + 5, + 5, + 5 + ], + "informativeness": [ + 4, + 4, + 4 + ], + "redundancy": [ + 5, + 5, + 5 + ] + } + } +} \ No newline at end of file diff --git a/trulens_eval/trulens_eval/tests/datasets/ms_marco/ms_marco_train_v2.1_1.json b/trulens_eval/trulens_eval/tests/datasets/ms_marco/ms_marco_train_v2.1_1.json new file mode 100644 index 000000000..8a62bfc2c --- /dev/null +++ b/trulens_eval/trulens_eval/tests/datasets/ms_marco/ms_marco_train_v2.1_1.json @@ -0,0 +1,5203 @@ +{ + "features": [ + { + "feature_idx": 0, + "name": "answers", + "type": { + "feature": { + "dtype": "string", + "_type": "Value" + }, + "_type": "Sequence" + } + }, + { + "feature_idx": 1, + "name": "passages", + "type": { + "feature": { + "is_selected": { + "dtype": "int32", + "_type": "Value" + }, + "passage_text": { + "dtype": "string", + "_type": "Value" + }, + "url": { + "dtype": "string", + "_type": "Value" + } + }, + "_type": "Sequence" + } + }, + { + "feature_idx": 2, + "name": "query", + "type": { + "dtype": "string", + "_type": "Value" + } + }, + { + "feature_idx": 3, + "name": "query_id", + "type": { + "dtype": "int32", + "_type": "Value" + } + }, + { + "feature_idx": 4, + "name": "query_type", + "type": { + "dtype": "string", + "_type": "Value" + } + }, + { + "feature_idx": 5, + "name": "wellFormedAnswers", + "type": { + "feature": { + "dtype": "string", + "_type": "Value" + }, + "_type": "Sequence" + } + } + ], + "rows": [ + { + "row_idx": 0, + "row": { + "answers": [ + "The immediate impact of the success of the manhattan project was the only cloud hanging over the impressive achievement of the atomic researchers and engineers is what their success truly meant; hundreds of thousands of innocent lives obliterated." + ], + "passages": { + "is_selected": [ + 1, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0 + ], + "passage_text": [ + "The presence of communication amid scientific minds was equally important to the success of the Manhattan Project as scientific intellect was. The only cloud hanging over the impressive achievement of the atomic researchers and engineers is what their success truly meant; hundreds of thousands of innocent lives obliterated.", + "The Manhattan Project and its atomic bomb helped bring an end to World War II. Its legacy of peaceful uses of atomic energy continues to have an impact on history and science.", + "Essay on The Manhattan Project - The Manhattan Project The Manhattan Project was to see if making an atomic bomb possible. The success of this project would forever change the world forever making it known that something this powerful can be manmade.", + "The Manhattan Project was the name for a project conducted during World War II, to develop the first atomic bomb. It refers specifically to the period of the project from 194 … 2-1946 under the control of the U.S. Army Corps of Engineers, under the administration of General Leslie R. Groves.", + "versions of each volume as well as complementary websites. The first website–The Manhattan Project: An Interactive History–is available on the Office of History and Heritage Resources website, http://www.cfo. doe.gov/me70/history. The Office of History and Heritage Resources and the National Nuclear Security", + "The Manhattan Project. This once classified photograph features the first atomic bomb — a weapon that atomic scientists had nicknamed Gadget.. The nuclear age began on July 16, 1945, when it was detonated in the New Mexico desert.", + "Nor will it attempt to substitute for the extraordinarily rich literature on the atomic bombs and the end of World War II. This collection does not attempt to document the origins and development of the Manhattan Project.", + "Manhattan Project. The Manhattan Project was a research and development undertaking during World War II that produced the first nuclear weapons. It was led by the United States with the support of the United Kingdom and Canada. From 1942 to 1946, the project was under the direction of Major General Leslie Groves of the U.S. Army Corps of Engineers. Nuclear physicist Robert Oppenheimer was the director of the Los Alamos Laboratory that designed the actual bombs. The Army component of the project was designated the", + "In June 1942, the United States Army Corps of Engineersbegan the Manhattan Project- The secret name for the 2 atomic bombs.", + "One of the main reasons Hanford was selected as a site for the Manhattan Project's B Reactor was its proximity to the Columbia River, the largest river flowing into the Pacific Ocean from the North American coast." + ], + "url": [ + "http://www.pitt.edu/~sdb14/atombomb.html", + "http://www.osti.gov/accomplishments/manhattan_story.html", + "http://www.123helpme.com/impact-of-the-manhattan-project-preview.asp?id=177337", + "http://www.answers.com/Q/How_did_the_Manhattan_Project_impact_on_society", + "https://www.osti.gov/manhattan-project-history/publications/Manhattan_Project_2010.pdf", + "http://www.ushistory.org/us/51f.asp", + "http://nsarchive.gwu.edu/NSAEBB/NSAEBB162", + "https://en.wikipedia.org/wiki/Manhattan_Project", + "https://quizlet.com/41456230/a-bomb-flash-cards/", + "https://www.atomicheritage.org/history/environmental-consequences" + ] + }, + "query": ")what was the immediate impact of the success of the manhattan project?", + "query_id": 1185869, + "query_type": "DESCRIPTION", + "wellFormedAnswers": [] + }, + "truncated_cells": [] + }, + { + "row_idx": 1, + "row": { + "answers": [ + "Restorative justice that fosters dialogue between victim and offender has shown the highest rates of victim satisfaction and offender accountability." + ], + "passages": { + "is_selected": [ + 0, + 0, + 0, + 0, + 0, + 0, + 1, + 0, + 0, + 0 + ], + "passage_text": [ + "group discussions, community boards or panels with a third party, or victim and offender dialogues, and requires a skilled facilitator who also has sufficient understanding of sexual assault, domestic violence, and dating violence, as well as trauma and safety issues.", + "punishment designed to repair the damage done to the victim and community by an offender's criminal act. Ex: community service, Big Brother program indeterminate sentence", + "Tutorial: Introduction to Restorative Justice. Restorative justice is a theory of justice that emphasizes repairing the harm caused by criminal behaviour. It is best accomplished through cooperative processes that include all stakeholders. This can lead to transformation of people, relationships and communities. Practices and programs reflecting restorative purposes will respond to crime by: 1 identifying and taking steps to repair harm, 2 involving all stakeholders, and. 3 transforming the traditional relationship between communities and their governments in responding to crime.", + "Organize volunteer community panels, boards, or committees that meet with the offender to discuss the incident and offender obligation to repair the harm to victims and community members. Facilitate the process of apologies to victims and communities. Invite local victim advocates to provide ongoing victim-awareness training for probation staff.", + "The purpose of this paper is to point out a number of unresolved issues in the criminal justice system, present the underlying principles of restorative justice, and then to review the growing amount of empirical data on victim-offender mediation.", + "Each of these types of communities—the geographic community of the victim, offender, or crime; the community of care; and civil society—may be injured by crime in different ways and degrees, but all will be affected in common ways as well: The sense of safety and confidence of their members is threatened, order within the community is threatened, and (depending on the kind of crime) common values of the community are challenged and perhaps eroded.", + "The approach is based on a theory of justice that considers crime and wrongdoing to be an offense against an individual or community, rather than the State. Restorative justice that fosters dialogue between victim and offender has shown the highest rates of victim satisfaction and offender accountability.", + "Inherent in many people’s understanding of the notion of ADR is the existence of a dispute between identifiable parties. Criminal justice, however, is not usually conceptualised as a dispute between victim and offender, but is instead seen as a matter concerning the relationship between the offender and the state. This raises a complex question as to whether a criminal offence can properly be described as a ‘dispute’.", + "Criminal justice, however, is not usually conceptualised as a dispute between victim and offender, but is instead seen as a matter concerning the relationship between the offender and the state. 3 This raises a complex question as to whether a criminal offence can properly be described as a ‘dispute’.", + "The circle includes a wide range of participants including not only the offender and the victim but also friends and families, community members, and justice system representatives. The primary distinction between conferencing and circles is that circles do not focus exclusively on the offense and do not limit their solutions to repairing the harm between the victim and the offender." + ], + "url": [ + "https://www.justice.gov/ovw/file/926101/download", + "https://quizlet.com/1128245/criminal-justice-exam-1-flash-cards/", + "http://restorativejustice.org/restorative-justice/about-restorative-justice/tutorial-intro-to-restorative-justice/", + "https://www.ojjdp.gov/pubs/implementing/accountability.html", + "http://www.westerncriminology.org/documents/WCR/v01n1/Umbreit/Umbreit.html", + "https://www.sciencedirect.com/science/article/pii/B9781455731398000030", + "https://en.wikipedia.org/wiki/Restorative_justice", + "http://www.adrac.org.au/adr-mapping/criminal-justice-and-adr", + "https://www.mediate.com/articles/kirschnersbl20180126.cfm", + "https://www.sciencedirect.com/science/article/pii/B978145572599100014X" + ] + }, + "query": "_________ justice is designed to repair the harm to victim, the community and the offender caused by the offender criminal act. question 19 options:", + "query_id": 1185868, + "query_type": "DESCRIPTION", + "wellFormedAnswers": [] + }, + "truncated_cells": [] + }, + { + "row_idx": 2, + "row": { + "answers": [ + "The reasons why Stalin wanted to control Eastern Europe are Russia has historically no secure border and they wanted to set up satellite countries." + ], + "passages": { + "is_selected": [ + 0, + 0, + 0, + 0, + 0, + 0, + 1, + 0, + 0, + 0 + ], + "passage_text": [ + "Western betrayal. The concept of Western betrayal refers to the view that the United Kingdom and France failed to meet their legal, diplomatic, military and moral obligations with respect to the Czech and Polish nations during the prelude to and aftermath of the Second World War.", + "The Tuvan People's Republic, was proclaimed independent in 1921 and was a satellite state of Soviet Union until its annexation in 1944 by the Soviet Union. Another early Soviet satellite state in Asia was the short-lived Far East Republic in Siberia. Post-World War II", + "Satellite state. The term satellite state designates a country that is formally independent in the world, but under heavy political, economic and military influence or control from another country. The term was coined by analogy to planetary objects orbiting a larger object, such as smaller moons revolving around larger planets, and is used mainly to refer to Central and Eastern European countries of the Warsaw Pact during the Cold War or to Mongolia or Tannu Tuva between 1924 and 1990, for example. As used for", + "According to Hakluyt, why should England pursue colonies in North America? Check all of the boxes that apply.", + "An interview with Anne Applebaum about her new book, The Crushing of Eastern Europe. Soviet-built tanks wheel into action in a smoke-filled Budapest street during Hungary's rebellion against communist satellite government in October of 1956.", + "They therefore,if anything, tightened their grip, Hungary 1956,Czechoslovakia 1968 and the construction of the Berlin Wall all being examples.After Stalin,it wasn't so much the desire to extend Soviet power as paranoia about losing it that maintained Soviet desire to control Eastern Europe.", + "There are 3 main reasons why Stalin wanted to control Eastern Europe. 1.) Russia has historically no secure border. 2.) They wanted to set up satellite countries. 3.)", + "Why did the United Nations send troops to Korea in 1950? They wanted to contain and push back the communist invaders from the North. Why was the Arab-Israeli conflict considered part of the Cold War?", + "On top of that, Russia had been the victim of attacks from the west multiple times. In 1914 and 1941 Germany attacked Russia through Poland. To Stalin, the past was a reliable indicator of what the future could hold. Stalin thought that having control over eastern europe could significantly undermine this threat. Despite this, it was agreed at the Yalta conference, with the consent of Stalin, that all the countries liberated from Nazi Germany would have the right to be democratic and politically independent.", + "Not just Eastern Europe, Stalin wanted to control the world by creating an empire based on Communism. That's how they clashed with US who intended to control the world by building an empire based on Capitalism. That's what the Cold War is about." + ], + "url": [ + "https://en.wikipedia.org/wiki/Western_betrayal", + "https://en.wikipedia.org/wiki/Satellite_state", + "https://en.wikipedia.org/wiki/Satellite_state", + "https://brainly.com/question/1017368", + "https://www.theatlantic.com/international/archive/2012/10/how-communism-took-over-eastern-europe-after-world-war-ii/263938/", + "https://au.answers.yahoo.com/question/index?qid=20090606182326AAJ2h45", + "https://brainly.com/question/2960720", + "https://quizlet.com/11608325/history-flashcards/", + "http://www.markedbyteachers.com/gcse/history/how-did-stalin-take-over-eastern-europe-between-1945-and-1949.html", + "https://answers.yahoo.com/question/index?qid=20090928204102AAGBpWx" + ] + }, + "query": "why did stalin want control of eastern europe", + "query_id": 1185854, + "query_type": "DESCRIPTION", + "wellFormedAnswers": [] + }, + "truncated_cells": [] + }, + { + "row_idx": 3, + "row": { + "answers": [ + "Nails rust in water because water allows the iron to react with any oxygen present, which forms iron oxide. Nails rust due to presence of some impurities in the water, particularly salts, which speeds up the transfer of electrons from iron to oxygen." + ], + "passages": { + "is_selected": [ + 0, + 0, + 0, + 0, + 0, + 1, + 0, + 0, + 0, + 0 + ], + "passage_text": [ + "what to Do If I Stepped on Rusty Nail: Prevent Getting Tetanus. What to do if you step on a nail and are afraid to get Tetanus? Tetanus vaccines are available to help the body fight off the bacteria that causes this infection. Patients as young as two months are able to receive a tetanus shot.", + "Just asked! See more. 1 What is the minimum coefficient of friction ... Answer. 13 minutes ago. 2 How do you find the derivate of inverse sin ... Answer. 14 minutes ago. 3 You found the perfect pair of shorts for $24.99 ... Answer. 20 minutes ago. 4 What are the asymptote(s) and hole(s), if any, of ... Answer. 35 minutes ago.", + "In order to cause rust quickly, there must be some impurities in the water,... Nails rust in water because water allows the iron to react with any oxygen present, which forms iron oxide, known as rust. In order to cause rust quickly, there must be some impurities in the water,...", + "Rusty Nail and Tetanus It is commonly advised that people should avoid rusty nails because they are dangerous. One of the most common beliefs is that piercing the skin with a rusty nail can cause you to develop tetanus or lockjaw. Tetanus is referred to as lockjaw because the initial symptoms of the disease will cause the muscles around the mouth to become rigid.", + "If you take an iron nail and let it rust in air, you'll find that the weight of the rusted nail is larger than that of the nail before it rusted. This gives the impression that the amount of mass hasn't remained constant, but what has really happened is that the oxygen in the air (which you didn't weigh) combined with the iron to make it rust. As a result, the weight of the oxygen plus the weight of the iron is equal to the weight of the rust that's formed. OK.", + "A: Nails rust in water because water allows the iron to react with any oxygen present, which forms iron oxide, known as rust. In order to cause rust quickly, there must be some impurities in the water, particularly salts, since these speed up the transfer of electrons from iron to oxygen.", + "It is possible to contract tetanus if you are cut by a rusty nail. Tetanus is caused by the clostridium tetani bacteria which are commonly found in dust, soil and animal feces. Because these items are commonly found around areas like gardens or work sites where rusty nails are present, the general belief that rusty nails cause tetanus was born. It is important to note that it is not so much the rust on the nail that causes people to contract tetanus, but the fact that nails can cause deep wounds that make it easier for the tetanus infection to spread.", + "Just asked! See more. 1 What is the minimum coefficient of friction 2 ... How do you find the derivate of inverse sin 3 ... You found the perfect pair of shorts for $24.99 4 ... What are the asymptote(s) and hole(s), if any, of ...", + "Just asked! See more. 1 What is the minimum coefficient of friction ... Answer. 2 How do you find the derivate of inverse sin ... Answer. 3 You found the perfect pair of shorts for $24.99 ... Answer. 4 What are the asymptote(s) and hole(s), if any, of ... Answer.", + "Quick Answer. Nails rust in water because water allows the iron to react with any oxygen present, which forms iron oxide, known as rust. In order to cause rust quickly, there must be some impurities in the water, particularly salts, since these speed up the transfer of electrons from iron to oxygen. Continue Reading" + ], + "url": [ + "http://www.healthcare-online.org/Stepped-On-Rusty-Nail.html", + "https://socratic.org/questions/how-to-explain-the-law-of-conservation-of-mass-using-a-nail-rusting-in-air", + "https://www.reference.com/beauty-fashion/nails-rust-water-a757692adb7c0eb4", + "http://www.healthcare-online.org/Stepped-On-Rusty-Nail.html", + "https://socratic.org/questions/how-to-explain-the-law-of-conservation-of-mass-using-a-nail-rusting-in-air", + "https://www.reference.com/beauty-fashion/nails-rust-water-a757692adb7c0eb4", + "http://www.healthcare-online.org/Stepped-On-Rusty-Nail.html", + "https://socratic.org/questions/how-to-explain-the-law-of-conservation-of-mass-using-a-nail-rusting-in-air", + "https://socratic.org/questions/how-to-explain-the-law-of-conservation-of-mass-using-a-nail-rusting-in-air", + "https://www.reference.com/beauty-fashion/nails-rust-water-a757692adb7c0eb4" + ] + }, + "query": "why do nails get rusty", + "query_id": 1185755, + "query_type": "DESCRIPTION", + "wellFormedAnswers": [] + }, + "truncated_cells": [] + }, + { + "row_idx": 4, + "row": { + "answers": [ + "Depona Ab is a library in Vilhelmina, Sweden." + ], + "passages": { + "is_selected": [ + 0, + 0, + 0, + 0, + 0, + 0, + 1, + 0, + 0, + 0 + ], + "passage_text": [ + "A preview of what LinkedIn members have to say about Göran: Göran är en mycket duktig och noggrann säljare och ledare. Under görans ledning och stöd byggde vi en effektiv och stark sälj/marknads organisation för outsourcing av dokumenthanteringstjänster i stor skala. Jag jobbar gärna med Göran närsomhelst och rekommenderar gärna Göran som er nästa sälj/marknadschef.", + "Depona Oy YTJ: Y-tunnus: 21527338 YTJ: Toimiala: Kirjastojen ja arkistojen toiminta (TOL: 91010) YTJ: Toimialakuvaus: (Päivitetty: 01.04.2008)", + "In the autumn of 2000, Svenska Standardbolag and Magnus Litens founded Sweden’s today leading actor in archive services, Depona AB. Depona operates in ten locations in Sweden and has thousands of customers who use their web-based archiving solution Visual archive. The history of Standardbolag. Lawyer Gustaf Bertil Ihrman, the founder of Svenska Standardbolag AB, had his office in the ”Ihrman villa” in Falun and conducted general legal services during the years of 1921–1953.", + "View Martin Townsend’s profile on LinkedIn, the world's largest professional community. Martin has 6 jobs listed on their profile. See the complete profile on LinkedIn and discover Martin’s connections and jobs at similar companies.", + "Uzņēmums Depona sāka darbu ar ideju, kas paredzēja atjaunināt un uzlabot arhivēšanas pakalpojumu tirgu, nodrošinot novatorisku lietotāju saskarni, labāku Valodas Dansk", + "Company Profile. Depona AB provides physical archive services. The Company offers business, organizations, and governmental agencies archival materials using the latest technology for recording, retrieval, and archive databases. Depona delivers services throughout Sweden.", + "Depona Ab is a library in Vilhelmina, Sweden. The company is located at Slggatan 1. This private company was founded in 1999 (about 16 years ago). A typical library has between 4 and 80 employees, meaning that Depona Ab, with a reported 5 employees, employs a typical amount of people for the industry within Sweden.", + "Svenska Standardbolag AB is the market leader in corporate cases in Sweden since 1954 and has assisted Swedish enterprises in more than 300 000 corporate cases. Our shelf company AB Grundstenen is our main product and more than 150 000 Swedish companies have been started with it.", + "1 5", + "Connecting decision makers to a dynamic network of information, people and ideas, Bloomberg quickly and accurately delivers business and financial information, news and insight around the world." + ], + "url": [ + "https://www.linkedin.com/in/goranaxelsson", + "https://www.kauppalehti.fi/yritykset/yritys/depona+oy/21527338", + "http://www.standardbolag.com/about-us/", + "https://www.linkedin.com/in/martin-townsend-7b4b8026", + "http://www.depona.lv/kapec-depona/", + "https://www.bloomberg.com/profiles/companies/5175594Z:SS-depona-ab", + "http://listings.findthecompany.com/l/254874440/Depona-Ab", + "http://www.standardbolag.com/about-us/", + "https://www.facebook.com/pages/Depona/125125544239239", + "https://www.bloomberg.com/profiles/companies/5175594Z:SS-depona-ab" + ] + }, + "query": "depona ab", + "query_id": 1184773, + "query_type": "DESCRIPTION", + "wellFormedAnswers": [] + }, + "truncated_cells": [] + }, + { + "row_idx": 5, + "row": { + "answers": [ + "No Answer Present." + ], + "passages": { + "is_selected": [ + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0 + ], + "passage_text": [ + "While Chicago O’Hare in 2014 was briefly the world’s busiest in flight counts, Atlanta has had the most flights for the past two years. Hartsfield-Jackson had a 1.8 percent increase in flights in 2016, while Chicago O’Hare had a 0.9 percent decline.", + "More than 104 million travelers passed through Atlanta's airport last year, making the Delta Air Lines hub the world's busiest for passenger traffic, according to Airports Council International. The airport handles around 2,500 arrivals and departures, according to the airport's figures.", + "(Redirected from World's busiest airports by passenger traffic) The world's busiest airports by passenger traffic are measured by total passengers (data from Airports Council International), defined as passengers enplaned plus passengers deplaned plus direct-transit passengers.", + "Most watched News videos Embed this Embed icon. 1 Choose a theme. Dark theme Dark. Light theme Light. . 2 Hurricane Harvey causes massive flooding after hitting...", + "Why is Atlanta the world’s busiest airport? With more than 250,000 passengers and nearly 2,500 arrivals and departures each day, a layover at Hartsfield-Jackson Atlanta International Airport is not uncommon.", + "Atlanta has the busiest airport in the world? Not New York City or Hong Kong? Whaaa? Here’s why: Delta’s HQ. In case you didn’t know, Delta Inc. has their headquarters in Atlanta. It was founded decades ago in Macon, Georgia but once Delta became a company they moved their headquarters north to Atlanta.", + "Trailing Atlanta in the rankings of the world’s busiest airports was China’s Beijing Capital International Airport, which held on to its No. 2 ranking again in 2016. “Many pundits anticipated that ATL would be overtaken by Beijing (PEK) by 2015, which held the world's second spot last year,” ACI added in its statement.", + "Atlanta became the first airport in the world to break that threshold in 2015, when it processed 101.5 million passengers. The passenger count rose again by 2.6% in 2016, jumping to 104.2 million fliers, according to ACI’s preliminary numbers.", + "Copyright© 2016-2017 City of Atlanta | All Rights Reserved. Our mission is to provide the Atlanta region a safe, secure and cost-competitive gateway to the world that drives economic development, operates with the highest level of customer service and efficiency, and exercises fiscal and environmental responsibility.", + "Atlanta Hartsfield-Jackson International Airport, the busiest airport in the world, was hit with extended rain and high winds from Irma on Monday while many of Florida's airports remained closed as officials assess damage and try clean up from the powerful storm." + ], + "url": [ + "http://www.ajc.com/travel/hartsfield-jackson-retains-title-world-busiest-airport/1QbkFE3E6DBckQMPhMtROJ/", + "https://www.cnbc.com/2017/12/17/atlanta-airport-the-worlds-busiest-reports-power-outage.html", + "https://en.wikipedia.org/wiki/World%27s_busiest_airports_by_passenger_traffic", + "http://www.dailymail.co.uk/travel/travel_news/article-3218057/Atlanta-Hartsfield-Jackson-Airport-remains-world-s-busiest-96-million-passengers.html", + "http://www.bbc.com/travel/story/20130207-why-is-atlanta-the-worlds-busiest-airport", + "https://www.quora.com/Why-is-the-Atlanta-Airport-the-busiest-in-the-world", + "https://www.usatoday.com/story/travel/flights/todayinthesky/2017/04/19/worlds-busiest-airport-2016-s-atlanta-again/100654378/", + "https://www.usatoday.com/story/travel/flights/todayinthesky/2017/04/19/worlds-busiest-airport-2016-s-atlanta-again/100654378/", + "http://www.atl.com/", + "http://money.cnn.com/2017/09/11/news/companies/atlanta-atl-airport-irma-disruption/index.html" + ] + }, + "query": "is the atlanta airport the busiest in the world", + "query_id": 1174762, + "query_type": "LOCATION", + "wellFormedAnswers": [] + }, + "truncated_cells": [] + }, + { + "row_idx": 6, + "row": { + "answers": [ + "$43,746 for the 2014-2015 academic year." + ], + "passages": { + "is_selected": [ + 0, + 1, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0 + ], + "passage_text": [ + "the cost of attending new york university is comparable to that of other selective private institutions new york university charges tuition and registration fees on a per unit basis for 2015 2016 the tuition rate is expected to be $ 1616 per unit plus registration and service feesthe estimated total tuition for the ms program is $ 51654 the board of trustees of new york university reserves the right to alter tuition and feesfinal tuition and fees for the 2015 16 academic year will be made official by april of this yearhe board of trustees of new york university reserves the right to alter tuition and fees final tuition and fees for the 2015 16 academic year will be made official by april of this year", + "tuition for new york university is $ 43746 for the 2014 2015 academic year this is 73 % more expensive than the national average private non profit four year college tuition of $ 25240he net out of pocket total cost you end up paying or financing though student loans is known as the net price the reported new york university net price for in state students $ 34268 for the 2013 2014 academic year this net price includes housing and meal expenses", + "the cost is $ 23628 and 117 % more expensive than the average new york tuition of $ 20118 for 4 year colleges tuition ranks 172nd in new york amongst 4 year colleges for affordability and is the 16th most expensive 4 year college in the stateprice does not vary by residence the school charges an additional fees of $ 2424 in addition to tuition bringing the total effective in state tuition to $ 46170he net out of pocket total cost you end up paying or financing though student loans is known as the net price the reported new york university net price for in state students $ 34268 for the 2013 2014 academic year this net price includes housing and meal expenses", + "$ 470 nonreturnable registration and services fee per point for registration after first point $ 66 the above table represents the tuition and fees for a graduate social work student enrolling in the 2015 2016 academic yearnew york university and the silver school of social work reserve the right to change its courses programs tuition and fees at any time 470 nonreturnable registration and services fee per point for registration after first point $ 66 the above table represents the tuition and fees for a graduate social work student enrolling in the 2015 2016 academic year", + "at the current published rates an estimated total tuition fees and living expense price for a 4 year bachelor s degree at new york university is $ 256088 for students graduating in normal timehe net out of pocket total cost you end up paying or financing though student loans is known as the net price the reported new york university net price for in state students $ 34268 for the 2013 2014 academic year this net price includes housing and meal expenses", + "$ 51958 this includes tuition and registration fees for executive masters students excluding nurse leaders fees also include a one time $ 1500 empa program fee a typical part time student enrolls in 2 courses per semester each academic yeara typical full time student enrolls in 4 courses per semester each academic year 2015 2016 tuition per credit $ 1589his includes tuition and registration fees for executive masters students excluding nurse leaders fees also include a one time $ 1500 empa program fee a typical part time student enrolls in 2 courses per semester each academic year", + "all fees are payable at the time of registration the office of the bursar is located at 25 west fourth street checks and drafts are to be drawn to the order of new york university for the exact amount of the tuition and fees requiredate payment of tuition fee $ 25 late registration fee commencing with the second week of classes $ 50 late registration fee commencing with the fifth week of classes $ 100 deposit upon acceptance nonreturnable $ 500 housing deposit if applicable upon acceptance nonreturnable $ 1000", + "nyu students in the halcyon days when tuition was only $ 50k per year nyu students in the halcyon days when tuition was only $ 50k per year it s no secret that matriculating at nyu is breathtakingly expensivenyu will cost you your arms legs soul is not breaking newsyu students in the halcyon days when tuition was only $ 50k per year nyu students in the halcyon days when tuition was only $ 50k per year it s no secret that matriculating at nyu is breathtakingly expensive", + "with this plan you budget the cost of your tuition and or housing after deducting any financial aid you will be receiving and or any payments you have made directly to nyu a nonrefundable enrollment fee of $ 50 is required when applying for the fall spring tuitionpay planate payment of tuition fee $ 25 late registration fee commencing with the second week of classes $ 50 late registration fee commencing with the fifth week of classes $ 100 deposit upon acceptance nonreturnable $ 500 housing deposit if applicable upon acceptance nonreturnable $ 1000", + "the net out of pocket total cost you end up paying or financing though student loans is known as the net price the reported new york university net price for in state students $ 34268 for the 2013 2014 academic year this net price includes housing and meal expenseshe net out of pocket total cost you end up paying or financing though student loans is known as the net price the reported new york university net price for in state students $ 34268 for the 2013 2014 academic year this net price includes housing and meal expenses" + ], + "url": [ + "http://cusp.nyu.edu/tuition-and-fees/", + "http://www.collegecalc.org/colleges/new-york/new-york-university/", + "http://www.collegecalc.org/colleges/new-york/new-york-university/", + "http://socialwork.nyu.edu/admissions/msw/tuition-fees.html", + "http://www.collegecalc.org/colleges/new-york/new-york-university/", + "http://wagner.nyu.edu/admissions/financialaid", + "http://bulletin.cas.nyu.edu/page/financial.aid", + "http://gothamist.com/2015/03/24/nyu_expensive.php", + "http://bulletin.cas.nyu.edu/page/financial.aid", + "http://www.collegecalc.org/colleges/new-york/new-york-university/" + ] + }, + "query": "nyu tuition cost", + "query_id": 467556, + "query_type": "NUMERIC", + "wellFormedAnswers": [] + }, + "truncated_cells": [] + }, + { + "row_idx": 7, + "row": { + "answers": [ + "Before the age of 2–4 years." + ], + "passages": { + "is_selected": [ + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 1, + 0, + 0 + ], + "passage_text": [ + "In an effort to better understand how children form memories, the researchers asked 140 kids between the ages of 4 and 13 to describe their earliest memories and then asked them to do the same thing two years later.", + "Conversely, a third of the children who were age 10 to 13 during the first interview described the same earliest memory during the second interview. More than half of the memories they recalled were the same at both interviews. The researchers are now studying why children remember certain events and not others.", + "However, when the offset of childhood amnesia is defined as the age at which the majority of memories are personal recollections rather than known events, then offset occurs at approximately 4.5 years old.", + "The development of memory in children becomes evident within the first 2 to 3 years of a child's life as they show considerable advances in declarative memory. This enhancement continues into adolescence with major developments in short term memory, working memory, long term memory and autobiographical memory.", + "Most adults remember little before their third or fourth birthdays, and the thinking has been that prior to this age children do not have the cognitive or language skills to process and store events as memories.", + "The way that researchers study the memory capabilities of infants in this age range is through measuring eye movements between test images presented. After doing this initial round of testing, the researchers would conduct follow-up tests both 5 minutes later and one day later.", + "As this happens, memories occurring in the preschool years tend to be lost. “As young children get older their first memories tend to get later and later, but around age 10 their memories crystallize,” Peterson tells WebMD.", + "Childhood amnesia, also called infantile amnesia, is the inability of adults to retrieve episodic memories before the age of 2–4 years, as well as the period before age 10 of which adults retain fewer memories than might otherwise be expected given the passage of time.", + "In children under the age of 4, the memory storage capacity limitation constrains complex comprehension processes. As the child grows older however, less processing is necessary which opens more storage space for memory.", + "Recent research on the development of memory has indicated that declarative, or explicit memory, may exist in infants who are even younger than two years old. For example, newborns who are less than 3 days old demonstrate a preference for their mother’s own voice." + ], + "url": [ + "http://www.webmd.com/parenting/news/20110511/when-do-kids-form-their-first-memories", + "http://www.webmd.com/parenting/news/20110511/when-do-kids-form-their-first-memories", + "https://en.wikipedia.org/wiki/Childhood_amnesia", + "https://en.wikipedia.org/wiki/Memory_development", + "http://www.webmd.com/parenting/news/20110511/when-do-kids-form-their-first-memories", + "https://en.wikipedia.org/wiki/Memory_development", + "http://www.webmd.com/parenting/news/20110511/when-do-kids-form-their-first-memories", + "https://en.wikipedia.org/wiki/Childhood_amnesia", + "https://en.wikipedia.org/wiki/Memory_development", + "https://en.wikipedia.org/wiki/Memory_development" + ] + }, + "query": "at what age do kids start to hold memories", + "query_id": 28213, + "query_type": "NUMERIC", + "wellFormedAnswers": [] + }, + "truncated_cells": [] + }, + { + "row_idx": 8, + "row": { + "answers": [ + "Americans brush for just under the two minutes on average." + ], + "passages": { + "is_selected": [ + 0, + 0, + 1, + 0, + 0, + 0, + 0, + 0, + 0, + 0 + ], + "passage_text": [ + "Your dentist or oral surgeon may use one of three types of anesthesia, depending on the expected complexity of the wisdom tooth extraction and your comfort level. Local anesthesia. Your dentist or oral surgeon administers local anesthesia with one or more injections near the site of each extraction.", + "Your dentist or oral surgeon may use one of three types of anesthesia, depending on the expected complexity of the wisdom tooth extraction and your comfort level. Options include: Local anesthesia.", + "On average, Americans brush for just under the two minutes recommended by dental professionals. African Americans brush 18 seconds longer than Americans as a whole, while younger adults ages 18 to 24 spend 16 seconds longer than average brushing. Nearly six of 10 Americans brush their teeth at bedtime and as soon as they wake up in the morning, while 38 percent brush after breakfast. About 17 percent brush after lunch, and 21 percent brush after dinner.", + "Nearly six of 10 Americans brush their teeth at bedtime and as soon as they wake up in the morning, while 38 percent brush after breakfast. According to the Delta Dental survey, 91 percent of Americans brush most frequently at home in their bathrooms over the sink.", + "Distance of the teeth need to be moved- The amount of space or distance that is required to move the teeth can also determine the average length of time to wear braces. If one has a minor orthodontic problem and the teeth have to travel only a narrow distance, then one may have shorter time duration for treatment.", + "The average length of time to wear braces can vary from one individual to another. Depending on the condition of the teeth and gums, the space available, the severity of the misaligned teeth, the distance which the teeth needs to cover and the cooperativeness of the individual to instructions. However, the average length of time to wear braces is usually from 1 to 2 years. For some individuals braces may have to be worn for longer period of time up to 3 years or so and for some other individuals the time duration to wear braces may be lesser. Factors which determines the duration of braces treatment-.", + "Most adults do not come close to brushing that long. These four steps are the best and easiest ways to help you remember how to care for your mouth, teeth and gums: Brush at least twice a day with fluoride toothpaste for at least two minutes, especially first thing in the morning and before bedtime.", + "Use the tip of the brush to reach behind each front tooth on the top and bottom. In addition, don't forget flossing - it's just as important as brushing. If you don't brush your teeth long enough, you may not be getting your teeth clean enough. If you leave behind bacteria on the teeth after brushing, it can lead to serious problems such as gingivitis or periodontitis.", + "Though it is important to pay attention to how long you're brushing, it's even more important to make sure all surfaces are clean. Remember to brush using short strokes, moving back and forth against the teeth and gums, around the surface of every tooth.", + "In fact, according to the Delta Dental survey, people who brush at least twice a day are 22 percent more likely to describe their oral health as good or better compared with those who brush less frequently. Unfortunately, 23 percent of Americans have gone two or more days without brushing their teeth in the past year." + ], + "url": [ + "http://www.mayoclinic.org/tests-procedures/wisdom-tooth-extraction/basics/what-you-can-expect/PRC-20020652", + "http://www.mayoclinic.org/tests-procedures/wisdom-tooth-extraction/basics/what-you-can-expect/PRC-20020652", + "https://www.deltadental.com/Public/NewsMedia/NewsReleaseDentalSurveyFindsShortcomings_201409.jsp", + "https://www.deltadental.com/Public/NewsMedia/NewsReleaseDentalSurveyFindsShortcomings_201409.jsp", + "http://www.mytooth.net/braces/what-is-the-average-length-of-time-to-wear-braces/", + "http://www.mytooth.net/braces/what-is-the-average-length-of-time-to-wear-braces/", + "http://www.colgate.com/en/us/oc/oral-health/basics/brushing-and-flossing/article/how-long-should-you-brush-your-teeth-for-0113", + "http://www.colgate.com/en/us/oc/oral-health/basics/brushing-and-flossing/article/how-long-should-you-brush-your-teeth-for-0113", + "http://www.colgate.com/en/us/oc/oral-health/basics/brushing-and-flossing/article/how-long-should-you-brush-your-teeth-for-0113", + "https://www.deltadental.com/Public/NewsMedia/NewsReleaseDentalSurveyFindsShortcomings_201409.jsp" + ] + }, + "query": "average teeth brushing time", + "query_id": 44588, + "query_type": "NUMERIC", + "wellFormedAnswers": [] + }, + "truncated_cells": [] + }, + { + "row_idx": 9, + "row": { + "answers": [ + "Yes, funner is a word." + ], + "passages": { + "is_selected": [ + 0, + 0, + 0, + 0, + 1, + 0, + 0, + 0, + 0, + 0 + ], + "passage_text": [ + "Taken from Wiktionary: Funnest is a regular superlative of the adjective fun. However, the use of fun as an adjective is itself still often seen as informal or casual and to be avoided in formal writing, and this would apply equally to the superlative form.", + "adjective, funnier, funniest. 1. providing fun; causing amusement or laughter; amusing; comical: a funny remark; a funny person. 2. attempting to amuse; facetious:", + "24 Comments. 1 I’ve never heard “funner”, but I hear “xyz is the funnies zyx ever” a lot. 2 GAH. “ 3 For example, you wouldn’t say that ‘The gray cat is catter than the black one.’ Cat is a noun. Funner is a 1 word. I asked beacuase i watched suite life on deck and sally said now this is funner than your stupid bear shirt.", + "Words don't have to be used often to be words. For instance, cryptosporidium is a word which is used less often by the people you meet than funner. Yet, the anchorwoman of your six o'clock news show would probably use cryptosporidium when appropriate, while avoiding funner in favor of more fun.", + "Funner is, of course, a word in the same sense that ponyfraggis is a word, if word is defined as a pronounceable sequence of letters delimited by whitespace. In terms of usage, the frequency of use of More fun vs funner in formal writing suggest that funner is spoken slang. Naturally it is a word, too.", + "6 Answers 6. Funnest is a regular superlative of the adjective fun. However, the use of fun as an adjective is itself still often seen as informal or casual and to be avoided in formal writing, and this would apply equally to the superlative form.", + "I’ll toss in my two cents… For the heck of it.. Funner is a word in the Scrabble dictionary. It’s interesting that it’s in the Scrabble dictionary, but it’s not in the Oxford English Dictionary. The OED studies these words at a far greater depth than Scrabble–which happens to pulls its word-bank from Merriam Webster.", + "Funny and laughable are both applied to that which provokes laughter or deserves to be laughed at; funny is a colloquial term loosely applied and in popular use is commonly interchangeable with the other terms: a funny story, scene, joke; a laughable incident, mistake.", + "diversion, amusement, 1727, earlier a cheat, trick (c.1700), from verb fun (1680s) to cheat, hoax, of uncertain origin, probably a variant of Middle English fonnen befool (c.1400; see fond). Older sense is preserved in phrase to make fun of (1737) and funny money counterfeit bills (1938, though this may be more for the sake of the rhyme).", + "something that provides mirth or amusement: A picnic would be fun. 2. enjoyment or playfulness: She's full of fun. verb (used with or without object), funned, funning." + ], + "url": [ + "https://english.stackexchange.com/questions/4066/is-funnest-a-word", + "http://www.dictionary.com/browse/funnier", + "http://unenlightenedenglish.com/2009/05/why-is-funner-not-a-word/", + "https://english.stackexchange.com/questions/137907/is-funner-a-word", + "https://english.stackexchange.com/questions/137907/is-funner-a-word", + "https://english.stackexchange.com/questions/4066/is-funnest-a-word", + "http://unenlightenedenglish.com/2009/05/why-is-funner-not-a-word/", + "http://www.dictionary.com/browse/funnier", + "http://www.dictionary.com/browse/funner", + "http://www.dictionary.com/browse/funner" + ] + }, + "query": "is funner a word?", + "query_id": 410717, + "query_type": "DESCRIPTION", + "wellFormedAnswers": [] + }, + "truncated_cells": [] + }, + { + "row_idx": 10, + "row": { + "answers": [ + "No Answer Present." + ], + "passages": { + "is_selected": [ + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0 + ], + "passage_text": [ + "Phloem is a conductive (or vascular) tissue found in plants. Phloem carries the products of photosynthesis (sucrose and glucose) from the leaves to other parts of the plant. … The corresponding system that circulates water and minerals from the roots is called the xylem.", + "Phloem and xylem are complex tissues that perform transportation of food and water in a plant. They are the vascular tissues of the plant and together form vascular bundles. They work together as a unit to bring about effective transportation of food, nutrients, minerals and water.", + "Phloem and xylem are complex tissues that perform transportation of food and water in a plant. They are the vascular tissues of the plant and together form vascular bundles.", + "Phloem is a conductive (or vascular) tissue found in plants. Phloem carries the products of photosynthesis (sucrose and glucose) from the leaves to other parts of the plant.", + "Unlike xylem (which is composed primarily of dead cells), the phloem is composed of still-living cells that transport sap. The sap is a water-based solution, but rich in sugars made by the photosynthetic areas.", + "In xylem vessels water travels by bulk flow rather than cell diffusion. In phloem, concentration of organic substance inside a phloem cell (e.g., leaf) creates a diffusion gradient by which water flows into cells and phloem sap moves from source of organic substance to sugar sinks by turgor pressure.", + "Phloem is a conductive (or vascular) tissue found in plants. Phloem carries the products of photosynthesis (sucrose and glucose) from the leaves to other parts of the plant. … The corresponding system that circulates water and minerals from the roots is called the xylem.", + "The mechanism by which sugars are transported through the phloem, from sources to sinks, is called pressure flow. At the sources (usually the leaves), sugar molecules are moved into the sieve elements (phloem cells) through active transport.", + "Phloem carries the products of photosynthesis (sucrose and glucose) from the leaves to other parts of the plant. … The corresponding system that circulates water and minerals from the roots is called the xylem.", + "Xylem transports water and soluble mineral nutrients from roots to various parts of the plant. It is responsible for replacing water lost through transpiration and photosynthesis. Phloem translocates sugars made by photosynthetic areas of plants to storage organs like roots, tubers or bulbs." + ], + "url": [ + "http://www.answers.com/Q/Which_direction_does_phloem_flow", + "http://www.diffen.com/difference/Phloem_vs_Xylem", + "http://www.diffen.com/difference/Phloem_vs_Xylem", + "http://www.answers.com/Q/Which_direction_does_phloem_flow", + "http://www.answers.com/Q/Phloem_moves_the_food_in_what_direction", + "http://www.diffen.com/difference/Phloem_vs_Xylem", + "http://www.answers.com/Q/Phloem_moves_the_food_in_what_direction", + "http://www.sparknotes.com/biology/plants/essentialprocesses/section2.rhtml", + "http://www.answers.com/Q/Which_direction_does_phloem_flow", + "http://www.diffen.com/difference/Phloem_vs_Xylem" + ] + }, + "query": "what direction does phloem flow", + "query_id": 620830, + "query_type": "DESCRIPTION", + "wellFormedAnswers": [] + }, + "truncated_cells": [] + }, + { + "row_idx": 11, + "row": { + "answers": [ + "An abbreviation of Conformite Conformité, europeenne Européenne Meaning. european conformity." + ], + "passages": { + "is_selected": [ + 0, + 0, + 1, + 0, + 0, + 0, + 0, + 0, + 0, + 0 + ], + "passage_text": [ + "CE Certification. CE Certification is required for all recreational boats entering or being sold in the European Union. Manufacturers must test and document to ensure conformity to all applicable European directives and requirements. CE certification is obtained from Notified Bodies, organizations that are recognized by European states to conduct CE assessments and issue CE certification documents.", + "Certification by a notified body enables you to display the CE mark on your products and allows you free and open access to the European Union market.", + "The CE marking is the manufacturer's declaration that the product meets the requirements of the applicable EC directives. Officially, CE is an abbreviation of Conformite Conformité, europeenne Européenne Meaning. european conformity", + "CE is a mandatory mark for certain product groups in order for them to be sold on the. market – specifically into the EU. The requirements are set out in European Directives (similar to Australia ’s Regulations and Acts) that cover health, safety and environmental protection legislation.", + "The CE marking is the manufacturer's declaration that the product meets the requirements of the applicable EC directives. Officially, CE is an abbreviation of Conformite Conformité, europeenne Européenne Meaning. European, CONFORMITY however ce originally Stood For , Communaute communauté Europeenne Européenne. french for european community", + "About us. Certification Experts B.V. is an international organisation with a subsidiary office in Shenyang, P.R. China. Our company is specialized in CE marking, European Product Safety legislation, International Product Safety Regulations (e.g. CCC, CSA, GOST) and technical and legal regulatory compliance issues.", + "The CE mark itself is defined in Directive 93/68/EEC, Rules for the Affixing and Use of the CE Conformity Marking which takes in a host of other Directives, such as.", + "CE marking is mandatory for certain product groups within the European Economic Area (EEA; the 28 member states of the EU plus EFTA countries Iceland, Norway and Liechtenstein) plus Switzerland and Turkey.", + "Back to overview. The CE mark can be found on pretty much any electrical appliance in the home. Turn your laptop computer over and there will be a CE mark there somewhere, usually mixed in with other markings. Imported machinery can also be found to have a CE mark.", + "The CE mark, or formerly EC mark, is a mandatory conformity marking for certain products sold within the European Economic Area (EEA) since 1985. The CE marking is also found on products sold outside the EEA that are manufactured in, or designed to be sold in, the EEA." + ], + "url": [ + "http://www.nmma.org/certification/ce-certification", + "http://www.nmma.org/certification/ce-certification", + "https://en.wikipedia.org/wiki/CE_marking", + "https://www.pilz.com/en-AU/company/news/articles/072298", + "https://en.wikipedia.org/wiki/CE_marking", + "https://www.certification-experts.com/", + "https://www.pilz.com/en-AU/company/news/articles/072298", + "https://en.wikipedia.org/wiki/CE_marking", + "https://www.pilz.com/en-AU/company/news/articles/072298", + "https://en.wikipedia.org/wiki/CE_marking" + ] + }, + "query": "what is ce certified", + "query_id": 728808, + "query_type": "DESCRIPTION", + "wellFormedAnswers": [] + }, + "truncated_cells": [] + }, + { + "row_idx": 12, + "row": { + "answers": [ + "No Answer Present." + ], + "passages": { + "is_selected": [ + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0 + ], + "passage_text": [ + "McDonald's USA Nutrition Facts for Popular Menu Items. We provide a nutrition analysis of our menu items to help you balance your McDonald's meal with other foods you eat. Our goal is to provide you with the information.", + "Which brings us to the combatants in today’s fast-food fight between two fairly new respective menu additions: the McDonald’s Artisan Grilled Chicken Sandwich versus Taco Bell’s Chickstar. McDonald’s Artisan Grilled Chicken Sandwich.", + "The McDonald’s nutrition tool reveals that the cutlet itself accounts for 110 of the sandwich’s 360 total calories, which puts its weight at a respectable quarter of a pound of pretty damn good chicken-tasting chicken.", + "Chicken Fight: McDonald's Artisan Grilled Vs. Taco Bell's Chickstar. Traditional fast-food sales are in decline in America, maybe because we’re finally smartening up and becoming more reluctant to treat our tongues, wallets, and digestive systems as mortal enemies.", + "Nutrition Facts Serving Size Calories Calories from Fat Total Fat (g) % Daily Value** Saturated Fat (g) % Daily Value**. Trans. Fat (g) Cholesterol (mg) % Daily Value** Sodium (mg) % Daily Value** Carbohydrates (g) % Daily Value** Dietary Fiber (g) % Daily Value** Sugars (g) Protein (g) % DAILY VALUE.", + "Artisan Grilled Chicken. Responding to customer’s desires for a great tasting grilled chicken filet with simple ingredients, McDonald’s USA introduces new Artisan Grilled Chicken, freshly prepared in our restaurants.", + "April 06, 2015. Responding to customer’s desires for a great tasting grilled chicken filet with simple ingredients, McDonald’s USA introduces new Artisan Grilled Chicken, freshly prepared in our restaurants.", + "Artisan Grilled Chicken Sandwich. Grilled chicken breast sandwich made with 100% chicken breast filet that has no artificial preservatives, flavors or colors and perfectly marinated for juicy flavor. Layered with crisp leaf lettuce and tasty tomato, and topped with a vinaigrette dressing, all on our delectable artisan roll. view nutrition summary.", + "Mcdonalds - Artisan Grilled Chicken Sandwich. *Percent Daily Values are based on a 2000 calorie diet. Your daily values may be higher or lower depending on your calorie needs.", + "Mcdonalds - Grilled Chicken, Patty Only. *Percent Daily Values are based on a 2000 calorie diet. Your daily values may be higher or lower depending on your calorie needs." + ], + "url": [ + "http://nutrition.mcdonalds.com/usnutritionexchange/nutritionfacts.pdf", + "http://theconcourse.deadspin.com/chicken-fight-mcdonalds-artisan-grilled-vs-taco-bells-1700758166", + "http://theconcourse.deadspin.com/chicken-fight-mcdonalds-artisan-grilled-vs-taco-bells-1700758166", + "http://theconcourse.deadspin.com/chicken-fight-mcdonalds-artisan-grilled-vs-taco-bells-1700758166", + "http://nutrition.mcdonalds.com/usnutritionexchange/nutritionfacts.pdf", + "http://news.mcdonalds.com/US/news-stories/Artisan-Grilled-Chicken", + "http://news.mcdonalds.com/US/news-stories/Artisan-Grilled-Chicken", + "https://www.mcdonalds.com/us/en-us/product/artisan-grilled-chicken-sandwich.html", + "http://www.myfitnesspal.com/food/calories/mcdonalds-artisan-grilled-chicken-sandwich-446056480?v2=false", + "http://www.myfitnesspal.com/food/calories/mcdonalds-grilled-chicken-patty-only-234851908" + ] + }, + "query": "artin chicken mcdonalds calories", + "query_id": 27022, + "query_type": "NUMERIC", + "wellFormedAnswers": [] + }, + "truncated_cells": [] + }, + { + "row_idx": 13, + "row": { + "answers": [ + "No Answer Present." + ], + "passages": { + "is_selected": [ + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0 + ], + "passage_text": [ + "Panglao is an island in the north Bohol Sea, located in the Central Visayas Region of the Visayas island group, in the south-central Philippines.he airport is very close to Tagbilaran Airport which currently serves as the gateway to Panglao Island and the rest of Bohol for domestic air travelers. It also is less than 2 hours travel time from Mactan-Cebu International airport, which is a gateway to the Central Philippines for international tourists.", + "By Greg Rodgers. Panglao Island, and particularly Alona Beach, are the primary destinations for most people who visit Bohol Island in the Philippines. Call it Bohol's miniature version of Boracay, Alona Beach is a long, narrow strip of white sand lined with tourist bars, restaurants, resorts, and dive shops.hile Panglao and Alona are hardly a way to 'get away from it all,' the sandy path along the beach and lack of high-rise resorts help maintain the small-island feel. First, see some Philippines travel essentials.", + "The island has an area of 80.5 square kilometres (31.1 sq mi). It is within Bohol Province, and is divided into two municipalities: Dauis and Panglao. Panglao is located southwest of the island of Bohol and east of Cebu.Panglao has a terrain that ranges from plain, hilly to mountainous.he airport is very close to Tagbilaran Airport which currently serves as the gateway to Panglao Island and the rest of Bohol for domestic air travelers. It also is less than 2 hours travel time from Mactan-Cebu International airport, which is a gateway to the Central Philippines for international tourists.", + "Practical Information for Visiting Panglao Island. 1 Water: The tap water is not safe to drink in Panglao. 2 You can purchase bottled water from minimarts and use the refill stations found in hotels and restaurants. 3 Money: There are a couple of Bank of the Philippine Islands ATMs located near Helmut's Place.hile Panglao and Alona are hardly a way to 'get away from it all,' the sandy path along the beach and lack of high-rise resorts help maintain the small-island feel. First, see some Philippines travel essentials.", + "Bohol is a first income class island province of the Philippines located in the Central Visayas region, consisting of the island itself and 75 minor surrounding islands.Its capital is Tagbilaran City.With a land area of 4,821 square kilometres (1,861 sq mi) and a coastline 261 kilometres (162 mi) long, Bohol is the tenth largest island of the Philippines. To the west of Bohol is Cebu, to the northeast is the island of Leyte and to the south, across the Bohol Sea is Mindanao.anglao Island, located just southwest of Tagbilaran City, is famous for its diving locations and is routinely listed as one of the top ten diving locations in the world. Numerous tourist resorts and dive centers dot the southern beaches.", + "1 Water: The tap water is not safe to drink in Panglao. 2 You can purchase bottled water from minimarts and use the refill stations found in hotels and restaurants. 3 Money: There are a couple of Bank of the Philippine Islands ATMs located near Helmut's Place.hile Panglao and Alona are hardly a way to 'get away from it all,' the sandy path along the beach and lack of high-rise resorts help maintain the small-island feel. First, see some Philippines travel essentials.", + "Bohol is the main island of Bohol Province which has 75 minor surrounding islands. The island lies southeast from Cebu Island and southwest of Leyte Island in the Central Visayas region.This oval-shaped island is the tenth largest island of the Philippine archipelago.ohol Island is easily accessible by bus, private cars, taxi and rental cars. Many of the towns in Bohol have a bus terminal where one can get a ride to other towns. Tagbilaran City, the capital city of Bohol has an integrated bus terminal located in Dao, where you can get a bus ride to get in most towns in Bohol.", + "1 Amorita Resort is a beach resort in Panglao Island, Bohol located at a quiet end of Alona beach. 2 Amorita is the perfect destination for private and intimate escapes making it perfect for weddings, honeymoons, and families. This Alona Beach resort has an open restaurant on the beach, 11 comfortable rooms with private bath and Wi-Fi access, and water activities like snorkeling, dolphin watching, and scuba diving. 2 edit. 3 Isola Bella Beach Resort, Lagitan, Poblacion, Panglao Island, ☎ +63 38 416-0781 (info@isolabellaresort.com), [17].", + "How to Get There. Panglao is located southwest of the island of Bohol and east of Cebu. From Manila, you can fly to Tagbilaran (estimated cost of Php3,700++, roundtrip, 1 hour and 15 minutes).You can also opt for a ferry from Manila going to Tagbilaran (estimated cost of Php2,000++, roundtrip, 18 hours).ow to Get There. Panglao is located southwest of the island of Bohol and east of Cebu. From Manila, you can fly to Tagbilaran (estimated cost of Php3,700++, roundtrip, 1 hour and 15 minutes).", + "Panglao Island International Airport is a controversial airport projecton Panglao Island in the province of Bohol, Philippines. It is intended to become Bohol's international airport to support its tourism industry, especially on Panglao Island which is being promoted as an alternative destination for Boracay Island.he airport is very close to Tagbilaran Airport which currently serves as the gateway to Panglao Island and the rest of Bohol for domestic air travelers. It also is less than 2 hours travel time from Mactan-Cebu International airport, which is a gateway to the Central Philippines for international tourists." + ], + "url": [ + "https://en.wikipedia.org/wiki/Panglao_Island", + "http://goasia.about.com/od/Destinations-in-the-Philippines/fl/Panglao-Island-Philippines.htm", + "https://en.wikipedia.org/wiki/Panglao_Island", + "http://goasia.about.com/od/Destinations-in-the-Philippines/fl/Panglao-Island-Philippines.htm", + "https://en.wikipedia.org/wiki/Bohol", + "http://goasia.about.com/od/Destinations-in-the-Philippines/fl/Panglao-Island-Philippines.htm", + "http://wikitravel.org/en/Bohol", + "http://wikitravel.org/en/Panglao", + "http://www.choosephilippines.com/stay/resorts/1192/panglao-resorts/", + "https://en.wikipedia.org/wiki/Panglao_Island" + ] + }, + "query": "is panglao island safe", + "query_id": 420332, + "query_type": "DESCRIPTION", + "wellFormedAnswers": [] + }, + "truncated_cells": [] + }, + { + "row_idx": 14, + "row": { + "answers": [ + "No Answer Present." + ], + "passages": { + "is_selected": [ + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0 + ], + "passage_text": [ + "Synonyms for calomel in the sense of this definition. mercurous chloride (calomel is a kind of ...) any compound containing a chlorine atom. chloride (calomel is made of the substance ...) a heavy silvery toxic univalent and bivalent metallic element; the only metal that is liquid at ordinary temperatures. atomic number 80; hg; hydrargyrum; mercury; quicksilver (... is made of the substance calomel) a mixture of calomel and limewater that is used on syphilitic sores. black lotion; blackwash", + "Definitions and Synonyms of calomel | Another word for calomel | What is calomel? Definition 1: a tasteless colorless powder used medicinally as a cathartic - [noun denoting substance] Synonyms for calomel in the sense of this definition mercurous chloride", + "Calomel is a mercury chloride mineral with formula (Hg2)2+Cl2. The name derives from Greek kalos (beautiful) and melos (black) from alchemists reaction with ammonia. Calomel occurs as a secondary mineral which forms as an alteration product in mercury deposits. It occurs with native mercury, amalgam, cinnabar, mercurian tetrahedrite, eglestonite, terlinguaite, montroydite, kleinite, moschelite, kadyrelite, kuzminite, chursinite, kelyanite, calcite, limonite and various clay minerals.", + "Overdose: If someone has overdosed and has serious symptoms such as passing out or trouble breathing, call 911. Otherwise, call a poison control center right away. US residents can call their local poison control center at 1-800-222-1222. Canada residents can call a provincial poison control center.", + "This copyrighted material has been downloaded from a licensed data provider and is not for distribution, expect as may be authorized by the applicable terms of use. CONDITIONS OF USE: The information in this database is intended to supplement, not substitute for, the expertise and judgment of healthcare professionals.", + "(calomel is a kind of ...) any compound containing a chlorine atom chloride (calomel is made of the substance ...) a heavy silvery toxic univalent and bivalent metallic element; the only metal that is liquid at ordinary temperatures", + "Find patient medical information for Calomel (Bulk) on WebMD including its uses, side effects and safety, interactions, pictures, warnings and user ratings. Skip to main content Check Your Symptoms", + "Calomel is a mercury chloride mineral with formula (Hg2)2+Cl2. The name derives from Greek kalos (beautiful) and melos (black) from alchemists reaction with ammonia.[2]", + "Calomel is a mercury chloride mineral with formula (Hg 2) 2+ Cl 2 (see mercury(I) chloride). The name derives from Greek kalos (beautiful) and melos (black) from alchemists reaction with ammonia. Calomel occurs as a secondary mineral which forms as an alteration product in mercury deposits.", + "Calomel is a laxative and once was a common medicine, especially on the American frontier. It fell out of use use at the end of the 19th century due to its toxicity. One victim was Alvin Smith, the eldest brother of Joseph Smith, founder of the Latter Day Saint movement. References" + ], + "url": [ + "http://www.wordfocus.com/word/calomel/", + "http://www.wordfocus.com/word/calomel/", + "https://en.wikipedia.org/wiki/Calomel", + "https://www.webmd.com/drugs/2/drug-76432/calomel-bulk/details", + "https://www.webmd.com/drugs/2/drug-76432/calomel-bulk/details", + "http://www.wordfocus.com/word/calomel/", + "https://www.webmd.com/drugs/2/drug-76432/calomel-bulk/details", + "https://en.wikipedia.org/wiki/Calomel", + "https://en.wikipedia.org/wiki/Calomel", + "https://en.wikipedia.org/wiki/Calomel" + ] + }, + "query": "what is calomel powder used for?", + "query_id": 727194, + "query_type": "DESCRIPTION", + "wellFormedAnswers": [] + }, + "truncated_cells": [] + }, + { + "row_idx": 15, + "row": { + "answers": [ + "No Answer Present." + ], + "passages": { + "is_selected": [ + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0 + ], + "passage_text": [ + "We will use what we know from this: The sum of the squares of the first n natural numbers. Let. We have. We want to find. Proof 2 - Induction proof. 1) For n = 1 it's true. 2) Let's consider that is true for n, and let's prove it for n+1.", + "The answer is: Proof 1 : We will use what we know from this: The sum of the squares of the first n natural numbers. Let. We have. We want to find. Proof 2 - Induction proof. 1) For n = 1 it's true. 2) Let's consider that is true for n, and let's prove it for n+1.", + "The formula for the sum of the first $n$ squares is kind of strange, with that weird $2n+1$. Actually, it is $n$ and $n+1$ that are weird.", + "Proof 1 : We will use what we know from this: The sum of the squares of the first n natural numbers. Let. We have. We want to find. Proof 2 - Induction proof. 1) For n = 1 it's true. 2) Let's consider that is true for n, and let's prove it for n+1.", + "The sum of any set of consecutive odd numbers starting from 1 is a square, and the quantity that is squared is the count of odd numbers in the sum. The latter is easily seen to be a count of the form 1 + 2 + 3 + 4 + ... + n. Visual demonstration that the square of a triangular number equals a sum of cubes.", + "I know that the sum of the squares of the first n natural numbers is $\\frac{n(n + 1)(2n + 1)}{6}$. I know how to prove it inductively. But how, presuming I have no idea about this formula, should I determine it? The sequence $a(n)=1^2+2^2+...+n^2$ is neither geometric nor arithmetic.", + "I know that the sum of the squares of the first n natural numbers is $\\frac{n(n + 1)(2n + 1)}{6}$.", + "1 You can add numbers and/or linked cells to the sum of squares equation. 2 To do so, click on the cell displaying the result. 3 Then click on the “Fx” button in the formula bar, and then enter in the additional numbers/cells. 4 Click “OK” to save your changes to the equation.", + "The sum of any set of consecutive odd numbers starting from 1 is a square, and the quantity that is squared is the count of odd numbers in the sum. The latter is easily seen to be a count of the form 1 + 2 + 3 + 4 + ...", + "Tip. 1 You can add numbers and/or linked cells to the sum of squares equation. 2 To do so, click on the cell displaying the result. 3 Then click on the “Fx” button in the formula bar, and then enter in the additional numbers/cells." + ], + "url": [ + "http://www.9math.com/book/sum-squares-first-n-odd-natural-numbers", + "http://www.9math.com/book/sum-squares-first-n-odd-natural-numbers", + "http://math.stackexchange.com/questions/437835/calculate-sum-of-squares-of-first-n-odd-numbers", + "http://www.9math.com/book/sum-squares-first-n-odd-natural-numbers", + "https://en.wikipedia.org/wiki/Squared_triangular_number", + "http://math.stackexchange.com/questions/183316/how-to-get-to-the-formula-for-the-sum-of-squares-of-first-n-numbers", + "http://math.stackexchange.com/questions/183316/how-to-get-to-the-formula-for-the-sum-of-squares-of-first-n-numbers", + "http://smallbusiness.chron.com/calculate-using-excel-sum-squares-35739.html", + "https://en.wikipedia.org/wiki/Squared_triangular_number", + "http://smallbusiness.chron.com/calculate-using-excel-sum-squares-35739.html" + ] + }, + "query": "sum of squares of even numbers formula", + "query_id": 505196, + "query_type": "NUMERIC", + "wellFormedAnswers": [] + }, + "truncated_cells": [] + }, + { + "row_idx": 16, + "row": { + "answers": [ + "The customer support phone number of BancFirst is +1(405) 948-7930, 1-855-889-9216, 1-888-200-9149." + ], + "passages": { + "is_selected": [ + 0, + 1, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0 + ], + "passage_text": [ + "Oklahoma Natural Gas Oklahoma City toll free customer service phone number : +1 800-664-5463 BancFirst toll free customer service phone number : +1(405) 948-7930 Click to enter your compliant for Bancfirst Oklahoma", + "The customer support phone number of BancFirst is +1(405) 948-7930, 1-855-889-9216, 1-888-200-9149 (Click phone number to call). data-ad-slot=7829909793> Bancfirst Oklahoma Customer Service Phone Number BancFirst Customer Service Phone Number Phone Number of BancFirst is +1(405) 948-7930, 1-855-889-9216, 1-888-200-9149. BancFirst Corporation or BancFirst is a public financial institution, serves the residents of the United States. It is an Oklahoma state charted financial institution. It is counted among the leading financial institutions throughout the state.", + "BancFirst Customer Support Service Phone Number The customer support phone number of BancFirst is +1(405) 948-7930, 1-855-889-9216, 1-888-200-9149 (Click phone number to call). The postal and official address, email address and phone number (helpline) of BancFirst Service Center and BancFirst customer service phone number is given below. The helpline of BancFirst customer service phone number may or may not be toll free.", + "When you call to Bancfirst Oklahoma, ask for toll free number to enjoy charge free calling. Calling Bancfirst Oklahoma: At the first step When you call to Bancfirst Oklahoma please do not forget to tell them that you have found their contact number on reviewxedap.com.", + "Below you find the information about Bancfirst Oklahoma, Bancfirst Oklahoma customer service number, Bancfirst Oklahoma address, Bancfirst Oklahoma email id and website. Address 6200, Waterford Building, Oklahoma City, OK, United States", + "Phone Number of BancFirst is +1(405) 948-7930, 1-855-889-9216, 1-888-200-9149 . BancFirst Corporation or BancFirst is a public financial institution, serves the residents of the United States. It is an Oklahoma state charted financial institution. It is counted among the leading financial institutions throughout the state.", + "BancFirst toll free customer service number : +1(405) 948-7930. If you as a customer of the bancfirst oklahoma have any query, complaint, suggestion, feedback and reviews related to bancfirst oklahoma products and services then you can communicate through its customer service detail.", + "Contact Bancfirst Oklahoma on the Given Contact Number: +1 (405) 270-1000 / 1-855-889-9216 / 1-888-200-9149. If the contact number or email address of Bancfirst Oklahoma is incorrect, please tell us HERE", + "For your convenience to contact Bancfirst Oklahoma We have provided all possible information of Bancfirst Oklahoma. You can contact Bancfirst Oklahoma on the given phone number +1 (405) 270-1000 / 1-855-889-9216 / 1-888-200-9149. To know the address location of Bancfirst Oklahoma it is also presented here 6200, Waterford Building, Oklahoma City, OK 73118, United States. Contact them by sending email to Bancfirst Oklahoma you will find an email address here .", + "Customer Service Number Bancfirst Oklahoma: +1 (405) 270-1000, 6200, Waterford Building, Oklahoma City, OK 73118, United States. Toll Free 1 800 number. We provide you the customer service number of Bancfirst Oklahoma with address, webiste, email id and more. Home Bancfirst Oklahoma Customer Service Phone Number: +1 (405) 270-1000" + ], + "url": [ + "https://addressofcustomerservicenumber.com/Bancfirst-Oklahoma-Customer-Service-Number/", + "http://allcustomercarenumbers.net/Cu-.se._nb-BancFirst-08243", + "http://allcustomercarenumbers.net/Cu-.se._nb-BancFirst-08243", + "https://reviewxedap.com/bancfirst-oklahoma-contact-number-139164", + "https://addressofcustomerservicenumber.com/Bancfirst-Oklahoma-Customer-Service-Number/", + "http://allcustomercarenumbers.net/Cu-.se._nb-BancFirst-08243", + "https://customerservicecontactphonenumber.com/Customer-Service-Number-of-bancfirst-oklahoma/", + "https://reviewxedap.com/bancfirst-oklahoma-contact-number-139164", + "https://reviewxedap.com/bancfirst-oklahoma-contact-number-139164", + "https://addressofcustomerservicenumber.com/Bancfirst-Oklahoma-Customer-Service-Number/" + ] + }, + "query": "bancfirst customer service number", + "query_id": 1174761, + "query_type": "NUMERIC", + "wellFormedAnswers": [] + }, + "truncated_cells": [] + }, + { + "row_idx": 17, + "row": { + "answers": [ + "No Answer Present." + ], + "passages": { + "is_selected": [ + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0 + ], + "passage_text": [ + "For the first time in Montreal, an exhibition is devoted to Pompeii and Herculaneum, its neighbouring city. February 13, 2016 to January 8, 2017.", + "Related Articles. What to Do in Brazil in August? In Canada, August offers some of the warmest weather of the year, with locals taking to the streets of large cities for festivals, heading to beaches coast-to-coast to escape the heat and humidity, or sipping iced wine in chic, urban lounges. Many Canadians take their annual holidays in August, and construction work grinds to a halt.", + "Charles Gurd: Montreal Mansions in 1974. This exhibition feature some 40 stunning black and white prints that eloquently portray a bygone way of life. June 17 and 30; July 15 and 29; August 4 and 26; September 1; October 2, 10 and 30, 2016.", + "Montreal is a city of festivals, a tradition that peaks in early to mid summer but continues year-round. Some dates for 2017 events are already up, but many 2016 dates remain in the calendar as reminders. Almost everything is updated till the middle of the year, but it's hit or miss after that for now. In 2017, Canada will be celebrating its 150th anniversary, and Montreal its 375th, so extra events and special versions of regular events may be expected.", + "First Friday, which takes place every year in Montreal, is an event for everyone. Every first Friday of the month, from May to October inclusively, Montreal residents and tourists gather at the Olympic Park on the Sun Life Financial Esplanade from 4:00 pm to...", + "Zoofest is a Montreal festival founded in 2009 with a large programming dedicated to risks’ takers and to new talents in comedy, music, theater and entertainment.​ In 2016, OFF-JFL, 100% English, joined the Zoofest festival to offer a programming twice r...", + "Where: Bistro Le Ste-Cath - Hochelaga-Maisonneuve. On April 21st Kim Zombik is a jazz singer from Boston in the United States. Her adventurous spirit brought her to Montreal 10 years ago, and she joined the team at the bistro in the summer of 2015.", + "Life is a party. Being festive is the Old Port’s guiding principle, and no efforts are spared to live up to it. Each season brings new and exclusive events, festivals, shows, celebrations, and more. With marvellous music and glorious gastronomy to cater to all tastes and cultures, you’ll find here a cordial atmosphere to delight and nourish, and so much more.", + "Our calendars. 1 FestivalsExplore the many festivals that Montral is known for. 2 Accs Culture networkDiscover shows and exhibitions presented by Montrals municipal arts and culture network. 3 Major sporting events (in French)Every year, Montral hosts a number of major sporting events!", + "MONTREAL SEPTEMBER FESTIVALS & Montreal EVENTS. Home | Accommodations | Attractions | Restaurants | Shopping & Services | Nightlife | Discover Areas | Site Map | What's New | About Us | Contact Us | Photography Credit | Advertise With Us | Terms Of Use| Français." + ], + "url": [ + "http://go-montreal.com/attraction_events_aug.htm", + "http://traveltips.usatoday.com/canada-august-57377.html", + "http://go-montreal.com/attraction_events_aug.htm", + "http://montreal.com/tourism/festivals/", + "http://www.restomontreal.ca/events/?lang=en", + "http://www.restomontreal.ca/events/?lang=en", + "http://www.restomontreal.ca/events/?lang=en", + "http://www.oldportofmontreal.com/events", + "http://ville.montreal.qc.ca/portal/page?_pageid=5977,86829571&_dad=portal&_schema=PORTAL", + "http://www.go-montreal.com/attraction_events_sep.htm" + ] + }, + "query": "what is happening in montreal in august?", + "query_id": 753571, + "query_type": "DESCRIPTION", + "wellFormedAnswers": [] + }, + "truncated_cells": [] + }, + { + "row_idx": 18, + "row": { + "answers": [ + "DeWitt is located in Clinton County, Michigan, United States." + ], + "passages": { + "is_selected": [ + 0, + 0, + 0, + 0, + 1, + 0, + 0, + 0, + 0, + 0 + ], + "passage_text": [ + "DeWitt was named after DeWitt Clinton, Governor of New York during the 1820s. It was first settled by Captain David Scott, who moved there from Ann Arbor in 1833, and platted the land. The State Legislature formally created DeWitt Township on March 23, 1836.", + "Clinton County Michigan Sheriff's Office shared Clinton County MI Emergency Services's post. · December 13, 2017 at 1:55pm · Clinton County MI Emergency Services added 3 new photos.", + "Clinton County Michigan Sheriff's Office shared Tom Leonard's post. · January 9 at 9:42am · Thank you Tom Leonard for your continued support of law enforcement!", + "DeWitt, MI 48820 Phone: (517) 669-6578 Fax: (517) 669-6583 . Emergency: 9-1-1 Hours: 8:00 a.m.- 5:00 p.m., Monday – Friday (Administrative Offices) Non-emergency (within Clinton County): 9-1-1 . Non-emergency (outside of Clinton County):(800) 968-5121. E-mail: police@dewitttwp.org", + "DeWitt, Michigan. DeWitt is the name of a city and a township in Clinton County in the U.S. state of Michigan. The population of the city was 4,507 at the 2010 census. The city is located north of Interstate 69, and west of US Highway 127, just north of Lansing.", + "Clinton County Michigan Sheriff's Office added 2 new photos. · December 31, 2017 at 8:59am · Ithaca, MI · During the night last night, someone tried to help this family take down their Christmas decorations.", + "Clinton County Michigan Sheriff's Office, Saint Johns, Michigan. 8.6K likes. In an emergency dial 911. The Sheriff is responsible to County residents...", + "Clinton County Michigan Sheriff's Office · December 24, 2017 at 11:06am · Ithaca, MI · The Clinton County Sheriff's Office would like to wish everyone a very merry Christmas!!", + "DeWitt, MI 48820 Phone: (517) 669-6576 Fax: (517) 669-6496 E-mail: lparkinson-gray@dewitttwp.org: Hours: 8:00 a.m.- 5:00 p.m., Monday - Friday", + "The county seat for Clinton County was also located in DeWitt Township from the inception of the County. The county seat remained in DeWitt Township until December 1857 when it was moved to high Hall, in the village of St. Johns, until a new courthouse could be built." + ], + "url": [ + "https://en.wikipedia.org/wiki/DeWitt,_Michigan", + "https://www.facebook.com/ClintonCountyMISheriff", + "https://www.facebook.com/ClintonCountyMISheriff", + "http://dewitttownship.org/OurContacts.aspx", + "https://en.wikipedia.org/wiki/DeWitt,_Michigan", + "https://www.facebook.com/ClintonCountyMISheriff", + "https://www.facebook.com/ClintonCountyMISheriff", + "https://www.facebook.com/ClintonCountyMISheriff", + "http://dewitttownship.org/OurContacts.aspx", + "https://en.wikipedia.org/wiki/DeWitt,_Michigan" + ] + }, + "query": "what county is dewitt michigan in?", + "query_id": 605123, + "query_type": "LOCATION", + "wellFormedAnswers": [] + }, + "truncated_cells": [] + }, + { + "row_idx": 19, + "row": { + "answers": [ + "No Answer Present." + ], + "passages": { + "is_selected": [ + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0 + ], + "passage_text": [ + "To create a new email address at MSN, you will have to sign up for a new MSN account under a different user name. There is only one email address per user name on MSN; but you can have as many different user names as you care to create. Click on Email Solutions in the MSN Services box.", + "Create Your own Email Address on MSN. Go to the MSN main page (see Resources below). If you already have an account there, do not log in. To create a new email address at MSN, you will have to sign up for a new MSN account under a different user name.", + "MSN outlook.com is MSN’s free email service. So if you want to sign up for a free email account with MSN, then MSN Hotmail (now it’s been changed to Outlook.com) is the service you use, and your email address will be something@hotmail.com or something@outlook.com. That’s the way the free service works.", + "1 If you want to create a new email address for the new account, select Create an MSN.com e-mail address for the new member, and click Continue. 2 Follow the instructions to create your new account. 3 Type your name in the box and click Accept.", + "5. If you want to create a new email address for the new account, select Create an MSN.com e-mail address for the new member, and click Continue. Follow the instructions to create your new account. 6. Type your name in the box and click Accept.", + "4. If you want to use an existing MSN or Hotmail email address for the new account, select Type an existing MSN or Hotmail e-mail address, enter the e-mail name and password and click Continue. 5.", + "If you want to create a new email address for the new account, select Create an MSN.com e-mail address for the new member, and click Continue. Follow the instructions to create your new account. 6. Type your name in the box and click Accept.", + "5. If you want to create a new email address for the new account, select Create an MSN.com e-mail address for the new member, and click Continue. Follow the instructions to create your new account. 6.", + "Go to the MSN main page (see Resources below). If you already have an account there, do not log in. To create a new email address at MSN, you will have to sign up for a new MSN account under a different user name.", + "1 Create your account name. 2 Enter in a unique name in the Microsoft account name field, and make sure @hotmail.com is selected. 3 Note: you can use an existing email address if you like, but for our example we'll stick to a Hotmail address. 4 Create a password." + ], + "url": [ + "http://www.ehow.com/how_2030965_msn-email-address.html", + "http://www.ehow.com/how_2030965_msn-email-address.html", + "https://askleo.com/how_do_i_make_an_msncom_email_address_instead_of_hotmailcom/", + "https://membercenter.msn.com/qm.aspx", + "http://answers.msn.com/solution.aspx?solutionid=3dc456fb-adf6-4492-86ab-a30285ea9a5a", + "http://answers.msn.com/solution.aspx?solutionid=3dc456fb-adf6-4492-86ab-a30285ea9a5a", + "http://answers.msn.com/solution.aspx?solutionid=3dc456fb-adf6-4492-86ab-a30285ea9a5a", + "http://answers.msn.com/solution.aspx?solutionid=3dc456fb-adf6-4492-86ab-a30285ea9a5a", + "http://www.ehow.com/how_2030965_msn-email-address.html", + "http://www.wikihow.com/Create-a-Hotmail-Account" + ] + }, + "query": "how to create msn email address", + "query_id": 353608, + "query_type": "DESCRIPTION", + "wellFormedAnswers": [] + }, + "truncated_cells": [] + }, + { + "row_idx": 20, + "row": { + "answers": [ + "A motorized oxygen mask doesn't qualify to most as being on the same plane as actual medication, but it really is." + ], + "passages": { + "is_selected": [ + 1, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0 + ], + "passage_text": [ + "It might seem surprising to some that it's virtually impossible to get CPAP machines without a prescription as a motorized oxygen mask doesn't qualify to most as being on the same plane as actual medication, but it really is.t might seem surprising to some that it's virtually impossible to get CPAP machines without a prescription as a motorized oxygen mask doesn't qualify to most as being on the same plane as actual medication, but it really is.", + "Although CPAP machines are available without prescription from a number of websites, your best bet will always be to go to a doctor and get a medical opinion. Some individuals across CPAP forums and websites have said that they cannot afford the insurance to get a diagnosis and a sleep study.That is a perfectly valid point. However, without that sleep study, you cannot have a diagnosis.PAP machines are usually given to patients once they have been formally diagnosed with sleep apnea after a sleep study and after a titration study to determine the settings that the CPAP machine needs to be at.", + "It might seem surprising to some that it's virtually impossible to get CPAP machines without a prescription as a motorized oxygen mask doesn't qualify to most as being on the same plane as actual medication, but it really is.f you're searching for a way to find and use any model of CPAP machines without a prescription there are some things you should consider first before going ahead with such a plan.", + "No Machine, No Sleep! Now there is a answer to this problem that will allow you to get a new CPAP mask immediately. A complete CPAP mask system is a prescription item and as such cannot be sold without the seller having a copy of your mask prescription on file.However, you can purchase all mask component parts without a prescription since these component parts are not prescription items.o Machine, No Sleep! Now there is a answer to this problem that will allow you to get a new CPAP mask immediately. A complete CPAP mask system is a prescription item and as such cannot be sold without the seller having a copy of your mask prescription on file.", + "Buying a CPAP, Bi-Level or CPAP Mask without a Prescription. If you need to purchase a CPAP or Bi-Level and you don't have a copy of your prescription, here is a solution: CPAP Prescription Package.ven if you do not have a prescription, you can purchase any of the mask frames below and purchase the headgear separately. You'll find that the price of buying the headgear separately is the same or very close to the price of the entire mask system.", + "Let's start with the first step-where to get your prescription for CPAP equipment. You don't need to go to a sleep specialist or pulmonologist, and you don't need to have slept through a sleep study in order to get a prescription for a CPAP machine.ample Prescription for CPAP Machine. CPAP 10cm H 2 O Heated Humidifier Nasal Mask Duration: as needed for lifetime. Note that the units of pressure are represented by cm H2O, or centimeters of water. If a prescription indicates only CPAP 10, then it's calling for a CPAP machine set at 10 centimeters of water.", + "IF you have apnea and it's a choice between not using a machine at all or using one without a sleep study and 'winging it' I would advocate for those who would still try one.But educate yourself enough to know the importance of having a properly fitting mask. compliance.F you have apnea and it's a choice between not using a machine at all or using one without a sleep study and 'winging it' I would advocate for those who would still try one.", + "Any site that sells you a machine without a prescription is doing so illegally, and of course if you purchase such a machine without a prescription you are also doing something illegal.f you're searching for a way to find and use any model of CPAP machines without a prescription there are some things you should consider first before going ahead with such a plan.", + "Sample Prescription for CPAP Machine CPAP 10cm H2O Heated Humidifier Nasal Mask Duration: as needed for lifetime. Note that the units of pressure are represented by cm H2O, or centimeters of water. If a prescription indicates only CPAP 10, then it's calling for a CPAP machine set at 10 centimeters of water.ample Prescription for CPAP Machine. CPAP 10cm H 2 O Heated Humidifier Nasal Mask Duration: as needed for lifetime. Note that the units of pressure are represented by cm H2O, or centimeters of water. If a prescription indicates only CPAP 10, then it's calling for a CPAP machine set at 10 centimeters of water.", + "The wrong pressure on your machine means you could damage your lungs and not enough pressure means the machine is ineffective. So before you go ahead with your plans of shopping around for CPAP machines without a prescription, remember that a prescription is always issued for your protection.f you're searching for a way to find and use any model of CPAP machines without a prescription there are some things you should consider first before going ahead with such a plan." + ], + "url": [ + "http://www.sleepconnect.com/news-articles/166-using-cpap-machines-without-a-prescription", + "http://sleepapnealife.com/cpap-machine-without-prescription-450.html", + "http://www.articlesbase.com/medicine-articles/using-cpap-machines-without-a-prescription-423870.html", + "http://www.sleeprestfully.com/build-a-mask.asp", + "http://www.easybreathe.com/No-RX-Required-c905/", + "http://www.cpap-supply.com/Articles.asp?ID=165", + "https://answers.yahoo.com/question/index?qid=20100626165924AAODI9f", + "http://www.articlesbase.com/medicine-articles/using-cpap-machines-without-a-prescription-423870.html", + "http://www.cpap-supply.com/Articles.asp?ID=165", + "http://www.articlesbase.com/medicine-articles/using-cpap-machines-without-a-prescription-423870.html" + ] + }, + "query": "using cpap without prescription", + "query_id": 534802, + "query_type": "DESCRIPTION", + "wellFormedAnswers": [] + }, + "truncated_cells": [] + }, + { + "row_idx": 21, + "row": { + "answers": [ + "It allows passengers to check-in to a flight automatically up to 36 hours prior to the flight's scheduled departure time." + ], + "passages": { + "is_selected": [ + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 1, + 0, + 0 + ], + "passage_text": [ + "A confirmation is sent to the email address listed on the itinerary when the check-in is purchased. Purchases of the Early Bird Check-In are not refundable, and passengers who cancel their reservation must forfeit the option for that particular flight. In the rare event that Southwest cancels a flight, a refund will be issued within one or two billing cycles.", + "Save this Post. 1. Re: Southwest Airline's Early Bird Check-In Policy. Jul 22, 2012, 1:07 AM. It is my understanding that Business Select, and A list rapid rewards people are automatically AHEAD of early bird people. So, if there are a lot of them on the flight--you are pushed back.", + "All customers are subject to physical search at the security checkpoint. Random physical searches of customers, either through use of wands or pat down methods at the security checkpoint, will be ongoing.", + "Early Bird Check-In passengers board after Business Select and A-List Customers. There are several ways to purchase the early check-in, including online, over the phone through a reservation agent or through the Southwest mobile app.", + "When I purchased my ticket and early bird check-in in late March for a mid-July domestic flight on Southwest, common sense made me think that my purchased boarding position ($10 for each of the two flights) would reflex the early purchase date and be related to an early bird process.", + "Am I correct in assuming that Southwest Airlines puts your name/confirmation number in a hat and pulls it out along with all the other people who also paid for the early bird check-in to determine your boarding pass location?", + "Upon inquiring at the check-in kiosk, Southwest personnel were not surprised and commented that sometimes early bird check-in can result in a C boarding position (an additional 60 positions farther back in boarding).", + "For a small fee, Southwest Airlines' Early Bird Check-In allows passengers to check-in to a flight automatically up to 36 hours prior to the flight's scheduled departure time.", + "While not guaranteed, most Early Bird Check-In passengers obtain an A boarding pass, which allows them to board the plane earlier than most passengers.", + "Check in online. Check in online and print your boarding pass beginning 24 hours in advance of departure. You will need your airline confirmation number (or PNR) and first and last name to retrieve your reservation. What to expect at the airport and while boarding the plane." + ], + "url": [ + "https://www.reference.com/geography/benefits-southwest-early-bird-check-273812a238a5398f", + "https://www.tripadvisor.com/ShowTopic-g1-i10702-k5611292-Southwest_Airline_s_Early_Bird_Check_In_Policy-Air_Travel.html", + "http://www.southwestvacations.com/generalinformation/check-in-online", + "https://www.reference.com/geography/benefits-southwest-early-bird-check-273812a238a5398f", + "https://www.tripadvisor.com/ShowTopic-g1-i10702-k5611292-Southwest_Airline_s_Early_Bird_Check_In_Policy-Air_Travel.html", + "https://www.tripadvisor.com/ShowTopic-g1-i10702-k5611292-Southwest_Airline_s_Early_Bird_Check_In_Policy-Air_Travel.html", + "https://www.tripadvisor.com/ShowTopic-g1-i10702-k5611292-Southwest_Airline_s_Early_Bird_Check_In_Policy-Air_Travel.html", + "https://www.reference.com/geography/benefits-southwest-early-bird-check-273812a238a5398f", + "https://www.reference.com/geography/benefits-southwest-early-bird-check-273812a238a5398f", + "http://www.southwestvacations.com/generalinformation/check-in-online" + ] + }, + "query": "what is early bird check in southwest", + "query_id": 742216, + "query_type": "ENTITY", + "wellFormedAnswers": [] + }, + "truncated_cells": [] + }, + { + "row_idx": 22, + "row": { + "answers": [ + "No Answer Present." + ], + "passages": { + "is_selected": [ + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0 + ], + "passage_text": [ + "Then you can open the file in Excel, select the cells containing the array formulas, and press Ctrl+Shift+Enter to make the formula work. If you're working along in Excel, be sure that Sheet1 is active, and then select cells E2:E11. Press F2 and then type the formula =C2:C11*D2:D11 in the current cell of E2.", + "Excel will also not allow you to delete part of an Excel Array Formula. You must delete the formula from all of the cells that it occupies. Therefore, if you want to remove an array formula from a range of cells you need to highlight the whole cell range, and then press the delete key.", + "Array Function. Returns a containing an array. The required arglist is a comma-delimited list of values that are assigned to the elements of the array contained within the Variant. If no arguments are specified, an array of zero length is created.", + "The lower bound of an array created using the Array function is determined by the lower bound specified with the Option Base statement, unless Array is qualified with the name of the type library (for example VBA.Array). If qualified with the type-library name, Array is unaffected by Option Base.", + "MS Excel 2007: Use an array formula to sum all of the order values for a given client. This Excel tutorial explains how to use an array formula to sum all of the order values for a given client in Excel 2007 (with screenshots and step-by-step instructions).", + "In this case, Excel multiplies the values in the array (the cell range C2 through D11) and then uses the SUM function to add the totals together. The result is a grand total of $1,590,000 in sales. This example shows how powerful this type of formula can be. For example, suppose you have 1,000 rows of data.", + "Therefore, in order to edit an Excel array formula, you need to: 1 Make the required alterations in any single cell containing the array formula; 2 Press Ctrl + Shift + Enter to update the whole array.", + "Type the array formula into the first cell (or if already typed into the first cell, put this cell into edit mode by pressing F2 or clicking in the formula bar); Press Ctrl + Shift + Enter (i.e. press the Ctrl and Shift keys, and while keeping these pressed down, press the Enter key.", + "Answer: This solution does not use the VLOOKUP function, but rather an array formula. Let's look at the example. In the second sheet called Data-Product A, is all of the raw data that we want to sum for each client. In the first sheet called Master Client Spend in column C, we want to sum the total for each client.", + "To get the minimum value in set of numbers based on more than one criteria (i.e. to get MIN IF), you can use and array formula based on the MIN and IF functions. Note: This is an array formula and must be entered using Ctrl + Shift + entered. In the example, we have some pricing on items in various regions. The goal is to find the minimum price for a given color and item. In the example shown the formula in I6 is: {=MIN(IF(color=G6,IF(item=H6,price)))}." + ], + "url": [ + "https://support.office.com/en-us/article/Guidelines-and-examples-of-array-formulas-7D94A64E-3FF3-4686-9372-ECFD5CAA57C7", + "http://www.excelfunctions.net/Excel-Array-Formulas.html", + "https://msdn.microsoft.com/en-us/library/aa262675(v=vs.60).aspx", + "https://msdn.microsoft.com/en-us/library/aa262675(v=vs.60).aspx", + "https://www.techonthenet.com/excel/questions/array11_2007.php", + "https://support.office.com/en-us/article/Guidelines-and-examples-of-array-formulas-7D94A64E-3FF3-4686-9372-ECFD5CAA57C7", + "http://www.excelfunctions.net/Excel-Array-Formulas.html", + "http://www.excelfunctions.net/Excel-Array-Formulas.html", + "https://www.techonthenet.com/excel/questions/array11_2007.php", + "https://exceljet.net/formula/minimum-if-multiple-criteria" + ] + }, + "query": "excel if as an array function", + "query_id": 182970, + "query_type": "DESCRIPTION", + "wellFormedAnswers": [] + }, + "truncated_cells": [] + }, + { + "row_idx": 23, + "row": { + "answers": [ + "Bartholomew" + ], + "passages": { + "is_selected": [ + 0, + 0, + 0, + 1, + 0, + 0, + 0, + 0, + 0, + 0 + ], + "passage_text": [ + "WELCOME TO COLUMBUS! The City of Columbus includes a mix of residential, rural and commercial property. Columbus boasts large tracts of public land, including Carlos Avery Wildlife Management Area and Lamprey Pass.", + "The ratio of number of residents in Columbus to the number of sex offenders is 488 to 1. The number of registered sex offenders compared to the number of residents in this city is near the state average. Nearest city with pop. 50,000+: Bloomington, IN (33.3 miles , pop. 69,291).", + "Phone Number: Columbus-Muscogee, the first consolidated city-county in Georgia, began development in 1826, building on ceded Creek Indian territory. Muscogee is the name of a branch of the Creek Nation. Columbus, of course, is named for Christopher Columbus.", + "Sponsored Topics. Columbus ( /kəlʌmbəs/) is a city in and the county seat of Bartholomew County, Indiana, United States. The population was 44,061 at the 2010 census, and the current mayor is Fred Armstrong. Located approximately 40 miles (64 km) south of Indianapolis, on the east fork of the White River, it is the state's 20th largest city.", + "Columbus, Ohio. Columbus (/kəˈlʌmbəs/; kə-LUM-bəs) is the capital and largest city of the U.S. state of Ohio. It is the 15th-largest city in the United States, with a population of 850,106 as of 2015 estimates. This makes Columbus the fourth-most populous state capital in the United States, and the third-largest city in the Midwestern United States.", + "Phone Number: Columbus-Muscogee, the first consolidated city-county in Georgia, began development in 1826, building on ceded Creek Indian territory. Muscogee is the name of a branch of the Creek Nation. Columbus, of course, is named for Christopher Columbus.", + "Latest news from Columbus, IN collected exclusively by city-data.com from local newspapers, TV, and radio stations. Ancestries: American (30.5%), German (13.7%), English (7.7%), Irish (5.3%), European (2.4%), Scottish (1.2%).", + "Columbus, Indiana. 1 Columbus: covered Bridge at Mill Race Park. 2 Columbus: A statue in cloumbus. 3 Columbus. Columbus: Bartholomew County Courthouse. Columbus: Tipton Lakes - A wonderful planned 1 community! Columbus: Barthalomew county memorial for veterans. Columbus: A sculpter called summer storm in 1 columbus. Columbus: Downtown Columbus.", + "The City owns and operates a volunteer fire department through a joint powers agreement with the City of Forest Lake. Police protection is provided through a contract with the Anoka County Sheriff’s Department. Columbus is located within the Forest Lake Area School District (ISD #831).", + "Acceptable ID for children: State ID, Birth Certificate, or Health Insurance Card. Effective June 27, 2016, the Franklin County Sheriff's Office will be implementing changes to ensure the safety of inmates, staff, and visitors. Printed materials (magazines, books, pamphlets, leaflets, or catalogues) MUST fit all the below criteria:" + ], + "url": [ + "http://www.ci.columbus.mn.us/", + "http://www.city-data.com/city/Columbus-Indiana.html", + "https://georgia.gov/cities-counties/columbus-muscogee-county", + "https://www.mapquest.com/us/in/columbus-282032817", + "https://en.wikipedia.org/wiki/Columbus,_Ohio", + "https://georgia.gov/cities-counties/columbus", + "http://www.city-data.com/city/Columbus-Indiana.html", + "http://www.city-data.com/city/Columbus-Indiana.html", + "http://www.ci.columbus.mn.us/", + "https://sheriff.franklincountyohio.gov/services/inmate-information.cfm" + ] + }, + "query": "what county is columbus city in", + "query_id": 604568, + "query_type": "LOCATION", + "wellFormedAnswers": [ + "Columbus is a city in Bartholomew County." + ] + }, + "truncated_cells": [] + }, + { + "row_idx": 24, + "row": { + "answers": [ + "Social security administration in Bellevue Washington hours for Monday to Friday is 09:00 AM to 03:00 PM except Wednesday and for Wednesday the time is 09:00 AM to 12:00 PM." + ], + "passages": { + "is_selected": [ + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 1 + ], + "passage_text": [ + "Local social security offices in BELLEVUE, WA offer information, help and services handled by the Social Security Administration. Services typically available include: Apply for Retirement Benefits in BELLEVUE, WA. Apply for Disability in BELLEVUE, WA – SSDI in BELLEVUE, WA, Supplemental Security Income (SSI) in BELLEVUE, WA.", + "This page provides a list of cities that have Washington Social Security office locations. They can assist you with any questions or issues you might have with your social security benefits. Or if you need to obtain a social security card. Select a city below to find a office location and schedule an appointment, we provide the social security office phone number and office hours. Start typing or scroll down to pick from the list of Washington Social Security offices. B. Bellevue Social Security Offices.", + "Social Security Seattle Region. The Social Security Administration's Seattle Region proudly serves the residents of Alaska, Idaho, Oregon and Washington. Our region encompasses 23% of America's landmass and spans three time zones. Approximately 2.5 million of our region's 13.6 million people receive monthly retirement, survivors or disability benefits.", + "The United States Social Security Administration. Check out your Social Security Statement, change your address & manage your benefits online today. Your Social Security number remains your first and continuous link with Social Security. Calculate your benefits based on your actual Social Security earnings record.", + "Social Security Office in Bellevue, WA. You can reach Social Security Office in Bellevue, Washington at the following street address and contact number, as well as using directions below. Please, share your experience about visiting this office, provide a review using the form at the end of this page. Suite 100, 636 120th Ave Ne. 98005, Bellevue, Washington.", + "Social Security Office Locations » Washington Social Security Offices » BELLEVUE Social Security Offices » Social Security Office BELLEVUE WA 98005.", + "Social Security office Bellevue WA. FROM I405 SOUTH TAKE N.E. 4TH. FROM I405 NORTH TAKE N.E.8TH. HEAD WEST TO 106TH AVE N.E. REMARKS: PAID PARKING ONLY.", + "Best Social Security Offices near 98004 for a Social Security Card Replacement. Based on the zip code you entered, we selected the best 3 social security offices corresponding to your situation. By clicking on their address, you can access their hours of operations as well as directions. 3 Closest Offices to the 98004 Zipcode. 1 636 120th Ave Ne Ste 100. Bellevue, WA 98005. 2 18905 33rd Ave W Ste 207. Lynnwood, WA 98036. 3 321 Ramsay Way Ste 401. Kent, WA 98032.", + "Social Security Office Locations => Washington => Bellevue. You can reach Social Security Office in Bellevue, Washington at the following street address and contact number, as well as using directions below. Please, share your experience about visiting this office, provide a review using the form at the end of this page. Suite 100, 636 120th Ave Ne.", + "Social Security office Bellevue WA. SOCIAL SECURITY OFFICE. SUITE 100 636 120TH AVE NE BELLEVUE, WA 98005. National Toll-Free 1-800-772-1213 TTY 1-800-325-0778. MON: 09:00 AM – 03:00 PM; TUES: 09:00 AM – 03:00 PM; WED: 09:00 AM – 12:00 PM; THUR: 09:00 AM – 03:00 PM; FRI: 09:00 AM – 03:00 PM; SAT & SUN: CLOSED." + ], + "url": [ + "https://ssofficelocations.org/washington/bellevue/social-security-office-bellevue-wa-98005/", + "http://www.ssofficelocation.com/washington-social-security-offices-sos47", + "https://www.ssa.gov/seattle/", + "http://www.ssa.gov/", + "http://www.ssaofficelocations.com/Washington/BELLEVUE/1194/", + "https://ssofficelocations.org/washington/bellevue/social-security-office-bellevue-wa-98005/", + "https://www.socialsecurityoffices.us/state/wa/social-security-office-bellevue-wa/", + "https://www.govsimplified.co/resources/social-security-offices-in-bellevue-wa-98004/", + "http://www.ssaofficelocations.com/Washington/BELLEVUE/1194/", + "https://www.socialsecurityoffices.us/state/wa/social-security-office-bellevue-wa/" + ] + }, + "query": "social security administration in bellevue wa hours", + "query_id": 499805, + "query_type": "NUMERIC", + "wellFormedAnswers": [] + }, + "truncated_cells": [] + }, + { + "row_idx": 25, + "row": { + "answers": [ + "Yes whiskers are used to help balance as well as feelers to help them judge space and help in the dark." + ], + "passages": { + "is_selected": [ + 0, + 0, + 1, + 0, + 0, + 0, + 0, + 0, + 0, + 0 + ], + "passage_text": [ + "Yes, whiskers are used to help animals balance themselves like we need our pinky toe for balance.", + "In addition to having sensory properties, a cat's whiskers are also a good indicator of his mood. When a cat is angry or feels defensive, the whiskers will be pulled back. Otherwise, when the cat is happy, curious or content, the whiskers will be more relaxed and pushed forward. But the whisker's primary use is to help a cat judge whether or not he'll fit through an opening. A cat's whiskers are roughly as wide as his body -- sort of a natural ruler. The whisker tips are sensitive to pressure. You'll probably see a cat stick his head in and out of an opening before he puts his body in. He's judging the width of the opening, and is determining if he can fit into it.", + "Yes whiskers are used to help balance as well as feelers to help them judge space and help in the dark. A cats tail also helps them balance, my cat had lost his tail do to an … injury and now he uses his whiskers more to help balance.", + "The Cat Fanciers’ Association (which is to cats what the AKC is to dogs) has this listed on its page of myths about cats (http://www.cfainc.org/articles/myths-facts .html) Myth: A cat’s sense of balance is in its whiskers. Fact: Cats use their whiskers as “feelers” but not to maintain their balance. So you aren’t the only one to hear this old wives’ tale, but you can put the scissors away, even though it was in the name of scientific curiosity.", + "Like cats and other animals, dogs have whiskers that stick out from the sides of their muzzle. Technically, they aren’t whiskers – they’re called vibrissae, which comes from a Latin word “vibrio” that means to vibrate. A dog’s whiskers are actually highly tuned, multi-functional, sensitive sensory hairs they need and use every day to perform specific functions that help them move around in their world. Dog whiskers are found on both sides of their muzzle, as well as on the forehead above the eyes, on their chin and above the upper lip.", + "Whiskers are rooted very deep in the cat's face, in an area rich in nerves and blood vessels. In addition to having the long tactile hairs on their cheeks, cats also have shorter ones above their eyebrows, on their chin and on the back of their front legs.", + "As puppies grow, the whiskers are among the first hairs to develop. Unlike the neatly arranged 12 whiskers in four rows on each side of a cat’s face, dog whiskers are more varied in their pattern depending on their breed and genetics. Whiskers are twice as thick and coarser than regular dog hair.", + "Do cats use their whiskers for balance? Yes the whiskers help them balance as well as the tail. All the senses work together to help the cat get around in the dark or tight places. If the cat should lose one or the … other then the other senses get stronger to help w/whatever they lost.", + "Yes whiskers are used to help balance as well as feelers to help them judge space and help in the dark. A cats tail also helps them balance, my cat had lost his tail do to an …injury and now he uses his whiskers more to help balance. Even though Issacc lost his tail his balance is as good as ever, they adapt.", + "Are a cat’s whiskers essential to its sense of balance? A STAFF REPORT FROM THE STRAIGHT DOPE SCIENCE ADVISORY BOARD. June 19, 2003" + ], + "url": [ + "http://www.answers.com/Q/Do_whiskers_help_with_balance", + "https://animals.howstuffworks.com/pets/question592.htm", + "http://www.answers.com/Q/Do_whiskers_help_with_balance", + "https://www.straightdope.com/columns/read/2104/are-a-cats-whiskers-essential-to-its-sense-of-balance/", + "https://www.canidae.com/blog/2014/06/what-is-the-purpose-of-dog-whiskers/", + "https://animals.howstuffworks.com/pets/question592.htm", + "https://www.canidae.com/blog/2014/06/what-is-the-purpose-of-dog-whiskers/", + "http://www.answers.com/Q/Do_whiskers_help_with_balance", + "http://www.answers.com/Q/Do_whiskers_help_with_balance", + "https://www.straightdope.com/columns/read/2104/are-a-cats-whiskers-essential-to-its-sense-of-balance/" + ] + }, + "query": "are whiskers on cats used for balance", + "query_id": 26191, + "query_type": "DESCRIPTION", + "wellFormedAnswers": [] + }, + "truncated_cells": [] + }, + { + "row_idx": 26, + "row": { + "answers": [ + "Shelton is in Fairfield County, Connecticut, United States." + ], + "passages": { + "is_selected": [ + 0, + 1, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0 + ], + "passage_text": [ + "My husband and I stayed at the Residence Inn in Shelton, CT for 3 months following a kitchen fire in our house. This could have been a stressful time for us but the staff at the Residence Inn made sure that it wasn't.", + "Shelton, CT. Sponsored Topics. Shelton is a city in Fairfield County, Connecticut, United States. The population was 39,559 at the 2010 census. Shelton was settled by the English as part of the town of Stratford, Connecticut, in 1639.", + "Mailed to City of Shelton Tax Collector, PO Box 273, Shelton, CT 06484-0273. Paid at the following Shelton area banks during July and January(you MUST have your bill to pay at a bank): TD Bank located at 828 Bridgeport Ave. Webster Bank – three locations in Shelton, 502 Howe Ave. – 506 Shelton Ave. – 375 Bridgeport Ave.", + "Welcome to Extended Stay America - Shelton - Fairfield County. Our hotel is designed especially for longer stays with studio suite rooms featuring a fully equipped kitchen... something you won't find in a typical hotel.", + "Tax and Sewer Bill Payments can be: 1 Mailed to City of Shelton Tax Collector, PO Box 273, Shelton, CT 06484-0273. 2 Paid at the following Shelton area banks during July and January(you MUST have your bill to pay at a bank): TD Bank located at 828 Bridgeport Ave.", + "The Mark – Modern Luxury Apartment Oasis Awaits. Fairfield County Apartments in Shelton CT. Thoughtfully designed, resort-inspired amenities in one of the country’s most desirable locations – Welcome to The Mark.", + "At check-in, our guest must pay for the entire stay if the length of the stay is less than seven days; or for one week at a time if the stay is seven days or longer. For stays of longer than seven days, the guest will be required to pay for each week in advance.", + "Thrive on long-stays. 1 The newly renovated Residence Inn by Marriott® Shelton is the perfect extended stay hotel for project teams, relocations, temporary housing & vacations in the Fairfield/New Haven county areas. Conveniently located & easily accessible we are just minutes from I-95 along the CT shoreline & the picturesque Merritt Parkway.", + "From elegantly designed interiors to chic poolside cabanas and a breathtaking resident clubhouse, this stylish community of Fairfield County apartments for rent offers unparalleled comfort and convenience in an effortlessly sophisticated package.", + "Dawn G, General Manager at Residence Inn Shelton Fairfield County, responded to this review. Dear Sweetveee, Thank you for staying with us during New Year's eve. We are happy to hear you were able to have a romantic time. We appreciate your kind review and hope to see you again this year! Thank you, Dawn." + ], + "url": [ + "https://www.tripadvisor.com/Hotel_Review-g33915-d223779-Reviews-Residence_Inn_Shelton_Fairfield_County-Shelton_Connecticut.html", + "https://www.mapquest.com/us/ct/shelton-282031576", + "http://cityofshelton.org/tax-collector/", + "https://www.extendedstayamerica.com/hotels/ct/shelton/fairfield-county", + "http://cityofshelton.org/tax-collector/", + "http://www.themarkliving.com/the-mark-shelton-ct", + "https://www.extendedstayamerica.com/hotels/ct/shelton/fairfield-county", + "http://www.marriott.com/hotels/travel/hvnsh-residence-inn-shelton-fairfield-county/", + "http://www.themarkliving.com/the-mark-shelton-ct", + "https://www.tripadvisor.com/Hotel_Review-g33915-d223779-Reviews-Residence_Inn_Shelton_Fairfield_County-Shelton_Connecticut.html" + ] + }, + "query": "what county is shelton, ct", + "query_id": 612660, + "query_type": "LOCATION", + "wellFormedAnswers": [] + }, + "truncated_cells": [] + }, + { + "row_idx": 27, + "row": { + "answers": [ + "Yes, the bachelor is legal." + ], + "passages": { + "is_selected": [ + 0, + 0, + 0, + 1, + 0, + 0, + 0, + 0, + 0, + 0 + ], + "passage_text": [ + "Arconic’s Legal Department is seeking to fill one (1) Legal Assistant/Paralegal II position at its Corporate Center in Pittsburgh, Pennsylvania. Qualified candidates should possess 3 or more years of professional experience as a legal assistant/ paralegal...", + "Bachelor’s in Legal Studies degree programs develop foundational knowledge of law and legal procedures, with students engaging in fundamental aspects of the field, including knowledge of various forms of law, court proceedings, trial preparation, legal research and writing, investigation, and more.", + "The legal support and services bachelor’s degree is not just for those seeking to work in a law firm. Corporations, insurance firms, consulting firms, and health care institutions often hire legal support and services staff.", + "The coursework of a bachelor degree in legal studies revolves around the legal system and law. The curriculum entails subjects that emphasize legal research, law in the social context, analytical thinking, and legislation.", + "Bachelor of Laws. The Bachelor of Laws (Latin: Bachelor Legum Of Law; LL.B. or B.L.) is an undergraduate degree in law (or a first professional degree in law, depending on jurisdiction) originating in England and offered in most common law jurisdictions. LL.B. stands for Legum Baccalaureus in Latin.", + "If a student chooses to pursue a legal studies program at the bachelor’s level, it is critical to find one that fits the needs of law school; that is, a program that requires copious amounts of reading and written criticism as well as research opportunities.", + "The Department of Legal Studies’ Bachelor of Arts in Legal Studies degree prepares students to pursue a variety of careers in law, government, politics, law enforcement, lobbying, and more. The program engages students in key aspects of legal studies, including law in society, the history of American law, legal research and writing, and constitutional law.", + "Suzanne took the bag and departed, after allowing the old bachelor to kiss her, which he did with an air that seemed to say, It is a right which costs me dear; but it is better than being harried by a lawyer in the court of assizes as the seducer of a girl accused of infanticide.", + "Discover the only Bachelor degree program in Northern California to be approved by the American Bar Association. This innovative degree allows you to complete your Bachelor of Arts and earn a Paralegal Certificate* at the same time. This Bachelor of Arts completion program, offered at the Pleasant Hill campus, fosters critical thinking by focusing on effective communication skills as well as specific legal analytical skills. The Legal Specialty coursework is enhanced by a rich mixture of Bachelor of Arts courses in writing, history, business, government, and social justice. This degree prepares students to become effective paralegals and lays an excellent foundation for students moving into Law School.", + "With a bachelor in law and legal studies, you can look forward to challenging legal careers ahead. There are many government agencies, law enforcement agencies, private organizations, and law firms that hire individuals with legal skills and knowledge." + ], + "url": [ + "https://www.careerbuilder.com/jobs-bachelor-legal-studies", + "https://thebestschools.org/rankings/best-bachelors-legal-studies-degree-programs/", + "https://www.kaplanuniversity.edu/degree-programs/legal-studies/bachelor-degree-legal-support-services/", + "https://www.learninglaw.com/programs/bachelor/legal-paralegal/law-legal", + "https://en.wikipedia.org/wiki/Bachelor_of_Laws", + "https://www.bestvalueschools.com/faq/bachelors-legal-studies-valuable-undergraduate-program-law-school/", + "https://thebestschools.org/rankings/best-bachelors-legal-studies-degree-programs/", + "https://legal-dictionary.thefreedictionary.com/Bachelor", + "https://www.jfku.edu/Programs-and-Courses/College-of-Law/Legal-Studies/Programs/BA-Legal-Studies.html", + "https://www.learninglaw.com/programs/bachelor/legal-paralegal/law-legal" + ] + }, + "query": "is the bachelor legal", + "query_id": 1174759, + "query_type": "DESCRIPTION", + "wellFormedAnswers": [] + }, + "truncated_cells": [] + }, + { + "row_idx": 28, + "row": { + "answers": [ + "Average $111,082," + ], + "passages": { + "is_selected": [ + 1, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0 + ], + "passage_text": [ + "Bp America Salary. Bp America average salary is $111,082, median salary is $105,060 with a salary range from $33,000 to $1,117,000.Bp America salaries are collected from government agencies and companies.Each salary is associated with a real job position. Bp America salary statistics is not exclusive and is for reference only.p America salary is full-time annual starting salary. Intern, contractor and hourly pay scale vary from regular exempt employee. Compensation depends on work experience, job location, bonus, benefits and other factors.", + "Well there are a wide range of jobs in the Entry Level category and their pay varies greatly. If you know the pay grade of the job you are searching for you can narrow down this list to only view Entry Level jobs that pay less than $30K, $30K-$50K, $50K-$80K, $80K-$100K, or more than $100K.f you are unsure how much your Entry Level job pays you can choose to either browse all Entry Level salaries below or you can search all Entry Level salaries. Other related categories you may wish to browse are Administrative, Support, and Clerical jobs and Skilled and Trades jobs. jobs in.", + "As soon as you know your performance rating, BP group and BP Australia’s rating you can calculate your bonus.Discount fuel is available at BP Service Stations. Level G and above employees get 100% discount, level H and below get 25% discount.*Subject to the terms and conditions of the relevant insurance policy 10.hrough the share value plan 20% of employees (level G to J) are awarded bonus BP shares to recognise their performance. Not forgetting on the spot recognition Line managers have access to several mechanisms to reward in the moment performance. These include “spot’ bonuses and Red Balloon gift vouchers.", + "BP p.l.c. (LSE: BP, NYSE: BP) is a British multinational oil and gas company headquartered in London, United Kingdom.It is the third-largest energy company and fourth-largest company in the world measured by 2011 revenues and one of the six oil and gas supermajors.bout: BP p.l.c. (LSE: BP, NYSE: BP) is a British multinational oil and gas company headquartered in London, United Kingdom. It is the third-largest energy company and fourth-largest company in the world measured by 2011 revenues and one of the six oil and gas supermajors.", + "About: BP p.l.c. (LSE: BP, NYSE: BP) is a British multinational oil and gas company headquartered in London, United Kingdom. It is the third-largest energy company and fourth-largest company in the world measured by 2011 revenues and one of the six oil and gas supermajors.It is vertically integrated and is active in….bout: BP p.l.c. (LSE: BP, NYSE: BP) is a British multinational oil and gas company headquartered in London, United Kingdom. It is the third-largest energy company and fourth-largest company in the world measured by 2011 revenues and one of the six oil and gas supermajors.", + "The level of your blood pressure determines what kind of treatment you may need. To get an accurate blood pressure measurement, your doctor should evaluate your readings based on the average of two or more blood pressure readings at three or more office visits.Here's a look at the four blood pressure categories and what they mean for you.If your readings fall into two different categories, your correct blood pressure category is the higher category. For example, if your blood pressure reading is 125/95 millimeters of mercury (mm Hg), you have stage 1 hypertension.o get an accurate blood pressure measurement, your doctor should evaluate your readings based on the average of two or more blood pressure readings at three or more office visits. Here's a look at the four blood pressure categories and what they mean for you.", + "Jobs by Salary Range. Browse jobs by salary rates and pay scales as compiled by the Salary.com salary experts. Compensation ranges and salary levels, are determined for the best job salary comparison.Different job salary info is available for all payscales. Job pay structure for: base pay salary information, job market salary level.obs by Salary Range. Browse jobs by salary rates and pay scales as compiled by the Salary.com salary experts. Compensation ranges and salary levels, are determined for the best job salary comparison.", + "Browse Entry Level jobs by salary range: , $30K-$50K, $50K-$80K, $80K-$100K, or. Search by: Keyword Category. Search. Jobs by Salary Ranges: Click a salary category to find jobs in your target salary range.f you are unsure how much your Entry Level job pays you can choose to either browse all Entry Level salaries below or you can search all Entry Level salaries. Other related categories you may wish to browse are Administrative, Support, and Clerical jobs and Skilled and Trades jobs. jobs in.", + "Bp America salary is full-time annual starting salary. Intern, contractor and hourly pay scale vary from regular exempt employee. Compensation depends on work experience, job location, bonus, benefits and other factors.p America salary is full-time annual starting salary. Intern, contractor and hourly pay scale vary from regular exempt employee. Compensation depends on work experience, job location, bonus, benefits and other factors.", + "Normal human daily Blood Pressure Range can vary widely, so any single blood pressure monitor reading is not reliable. BP monitor readings must be taken at different times of day, to determine AVERAGE blood pressure levels over time. What is important is your AVERAGE BP, or MAP (Mean Arterial Pressure) over time.he 1st Number: Systolic pressure is the blood pressure when the heart muscle contracts. The 2nd Number: Diastolic pressure is the blood pressure when the heart is relaxed. The BP numbers shown in the chart represent Typical systolic-diastolic pairs." + ], + "url": [ + "http://www.salarylist.com/company/Bp-America-Salary.htm", + "http://www1.salary.com/Entry-Level-Salaries.html", + "http://www.bp.com/content/dam/bp-country/en_au/careers/what-it-means-work-BP.pdf", + "http://www.payscale.com/research/US/Employer=British_Petroleum_(BP)/Salary", + "http://www.payscale.com/research/US/Employer=British_Petroleum_(BP)/Salary", + "http://www.mayoclinic.org/diseases-conditions/high-blood-pressure/in-depth/blood-pressure/ART-20050982", + "http://www1.salary.com/Salary-Ranges.html", + "http://www1.salary.com/Entry-Level-Salaries.html", + "http://www.salarylist.com/company/Bp-America-Salary.htm", + "http://www.vaughns-1-pagers.com/medicine/blood-pressure.htm" + ] + }, + "query": "what is BP level j salary", + "query_id": 672511, + "query_type": "NUMERIC", + "wellFormedAnswers": [] + }, + "truncated_cells": [] + }, + { + "row_idx": 29, + "row": { + "answers": [ + "No Answer Present." + ], + "passages": { + "is_selected": [ + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0 + ], + "passage_text": [ + "$8,532 - $20,605. The average national cost of window installation is $4,995, with most homeowners spending between $2,602 and $7,404. This data is based on actual project costs as reported by HomeAdvisor members. Windows can bring light and warmth, provide views, beautify inside and out and add tremendous value to your home.", + "More than 1 year ago. Please note that this is based on 2.324 cost estimates.' As a Professional Land Surveyor I can tell you that this is a ridiculously low figure and that there really isn't any way to average a cost so you can budget without contacting a Land Surveyor.", + "Why Choose Squirrel Professional for your POS? Every business is different and you should have a POS system that works for your specific needs, whether you have a single unit or a chain of hundreds of locations. Squirrel Professional is flexible, scalable, and modular for a customized solution that’s right for you. Choose from:", + "Squirrel POS Pricing Plans For Enterprises & Small Business: Squirrel POS Software is available in two editions: Squirrel in a Box+ – a simplified system for smaller footprint operations and budgets. Squirrel Professional – a complete hospitality management system for larger or more complex operations. Squirrel POS is available only on a by quote basis. Contact the vendor directly for more pricing information and other details.", + "It’s a taboo subject. But our failure to ask it costs us dearly, experts say. We approve drugs and devices without considering cost-effectiveness, or even having a clue about price. We don’t ask for estimates and then are surprised when the nation is stuck with a $2.7 trillion annual health care bill.", + "Get customized pricing information from 5 restaurant POS systems in just a few minutes. If you see one you like, you can go ahead and buy! Use the form on the left to let us know what your restaurant needs from its POS system. Quickly receive up to 5 price quotes from multiple dealers. Compare prices and features, choose the best deal, and save on the perfect POS system!", + "The cost of a POS system is based on the type of system and the amount of customization and features. The amount you spend on a POS system should be in direct proportion to the amount of revenue that your company generates. A POS system that is customized, programmed, and installed, costs between $2,500 and $6,000 each.", + "I removed the directory where SQuirreL was installed, and installed it into a new location. I was surprised to see all of my alias, drivers and preference settings were maintained when I launched SQuirreL from the new location.", + "Survey Fees. Fees can range anywhere from $200-$800, depending on the size of the lot, your geographical location as well as the age of the lot. Over time, land does shift slightly and monuments (items such as trees or rocks that were used in initial land survey) may no longer exist.", + "But experts expect that Evzio could well be priced close to $500. Part of the problem is that the United States does not have a body like the National Institute for Health and Care Excellence in Britain, which weighs in on the value of new devices and drugs." + ], + "url": [ + "http://www.homeadvisor.com/cost/doors-and-windows/install-windows/", + "http://www.homeadvisor.com/cost/architects-and-engineers/hire-a-land-surveyor/", + "http://findaccountingsoftware.com/directory/squirrel-systems/squirrel-professional/", + "https://reviews.financesonline.com/p/squirrel-pos-software", + "https://www.nytimes.com/2014/04/27/sunday-review/it-will-save-lives-but-whats-the-cost.html", + "http://www.possystemrestaurant.com/get-a-pos-quote/", + "http://www.ehow.com/about_5511515_much-pos-system-cost_.html", + "http://www.squirrelsql.org/index.php?page=faq", + "http://www.homeadvisor.com/cost/architects-and-engineers/hire-a-land-surveyor/", + "https://www.nytimes.com/2014/04/27/sunday-review/it-will-save-lives-but-whats-the-cost.html" + ] + }, + "query": "how.much does squirrel.pos cost", + "query_id": 388851, + "query_type": "NUMERIC", + "wellFormedAnswers": [] + }, + "truncated_cells": [] + }, + { + "row_idx": 30, + "row": { + "answers": [ + "DBA means 'Doing business as' is a term that is used in today’s business industry in regards to the liability and formal actions that are taken by a particular company." + ], + "passages": { + "is_selected": [ + 0, + 0, + 1, + 0, + 0, + 0, + 0, + 0, + 0, + 0 + ], + "passage_text": [ + "In this post, we’ll break down the Doing Business As (DBA; a.k.a. Fictitious Business Name or Assumed Business Name) to see if your business needs one. In this post, we’ll break down the Doing Business As (DBA; a.k.a. Fictitious Business Name or Assumed Business Name) to see if your business needs one.", + "DBA stands for doing business as ... . It's used to allow a company to operate under a different brand name than the name used to incorporate. Here are some famous examples: - General Motors, dba, Pontiac. - Yum Brands, dba, Kentucky Fried Chicken, or dba, KFC. Here's one on the small business level: - Smith Brothers, Inc., dba, Crystal City Seafood. With the use of a dba, the Smith Brothers can add new brands, like Crystal City Steak House, as wholly owned subsidiary of their corporation, without changing the legal entity or adding an additional one.", + "What Does DBA Mean? Share Doing business as (DBA) is a term that is used in today’s business industry in regards to the liability and formal actions that are taken by a particular company. Doing business as means that the company is working under a fictitious name, concealing its true identity. To elaborate, the name of the company is legally the name of the proprietor of the business establishment.", + "DBA stands for doing business as ... It's used to allow a company to operate under a different brand name than the name used to incorporate. Here are some famous examples: - General Motors, dba, Pontiac - Yum Brands, dba, Kentucky Fried Chicken, or dba, KFC. Here's one on the small business level: - Smith Brothers, Inc., dba, Crystal City Seafood.", + "Some states require DBA or fictitious business name filings to be made for the protection of consumers conducting business with the entity. - Small Business Encyclopedia The operating name of a company, as opposed to the legal name of the company. Some states require DBA or fictitious business name filings to be made for the protection of consumers conducting business with the entity. - Small Business Encyclopedia", + "DBA stands for doing business as ... It's used to allow a company to operate under a different brand name than the name used to incorporate. Here are some famous examples: - Yum Brands, dba, Kentucky Fried Chicken, or dba, KFC. Here's one on the small business level: - Smith Brothers, Inc., dba, Crystal City Seafood. With the use of a dba, the Smith Brothers can add new brands, like Crystal City Steak House, as wholly owned subsidiary of their corporation, without changing the legal entity or adding an additional one.", + "In this post, we’ll break down the “Doing Business As” (DBA) to see if your business needs one. What Is a DBA? In the U.S., a DBA lets the public know who the real owner of a business is. The DBA is also called a Fictitious Business Name or Assumed Business Name. It got its origins as a form of consumer protection, so dishonest business owners can’t try to avoid legal trouble by operating under a different name.", + "In some cases, you don’t need a DBA if your business name is a combination of your name and a description of your product or service. In this case, if my business was called Nellie Akalp’s Gardening Service, I may not need a DBA. But, if it’s just my first name (aka Nellie’s Gardening Service), then a DBA is required.", + "Some states require DBA or fictitious business name filings to be made for the protection of consumers conducting business with the entity. . A company is said to be doing business as when the name under which they operate their business differs from its legal, registered name. Some states require dba or fictitious business name filings to be made for the protection of consumers conducting business with the entity. If you're starting a sole proprietorship or a partnership, you have the option of choosing a business name or dba (doing business as) for your business.", + "However, in cases of DBA, an individual does not use their own name as the company’s legal name. For example, there is an individual named James Doe and he is the owner of a laundry service. He wants to call his laundry service “Get’m Clean Laundry”." + ], + "url": [ + "https://www.freshbooks.com/blog/doing-business-as", + "http://www.askjim.biz/answers/definition-of-dba_765.php", + "https://business.laws.com/dba", + "http://www.askjim.biz/answers/definition-of-dba_765.php", + "https://www.entrepreneur.com/encyclopedia/doing-business-as-dba", + "http://www.askjim.biz/answers/definition-of-dba_765.php", + "https://www.freshbooks.com/blog/doing-business-as", + "https://www.freshbooks.com/blog/doing-business-as", + "https://www.entrepreneur.com/encyclopedia/doing-business-as-dba", + "https://business.laws.com/dba" + ] + }, + "query": "what dba mean", + "query_id": 617187, + "query_type": "DESCRIPTION", + "wellFormedAnswers": [] + }, + "truncated_cells": [] + }, + { + "row_idx": 31, + "row": { + "answers": [ + "$4,625 per month." + ], + "passages": { + "is_selected": [ + 1, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0 + ], + "passage_text": [ + "According to the 2015 Genworth Financial cost of care survey, the average cost of assisted living in Washington is $4,625 per month. The monthly base rate for Washington assisted living is typically higher when compared to neighboring states.", + "According to the 2015 Genworth Financial cost of care survey, the average cost of assisted living in Washington is $4,625 per month. The monthly base rate for Washington assisted living is typically higher when compared to neighboring states. Washington is also more expensive compared to the national average.", + "Just as the cost of real estate varies by geographic area, assisted living costs also vary nationwide. In the 2015 Cost of Care Survey conducted by Genworth Financial, assisted living showed an increase of 2.86% compared to the 2014 costs and the national median monthly rate is $3,600.", + "The average annual cost of a private assisted living bedroom in Washington is 38,410 dollars. This makes it the 11th most expensive state for assisted living care in the country.", + "In the 2015 Cost of Care Survey conducted by Genworth Financial, assisted living showed an increase of 2.86% compared to the 2014 costs and the national median monthly rate is $3,600.", + "The 2400 assisted living facilities in Washington are regulated by the Aging and Disability Services. The average annual cost of a private assisted living bedroom in Washington is 38,410 dollars.", + "The average cost of Assisted Living in Washington is $4,625. Assisted Living costs range from $1,845 to $9,750 depending on location and other factors.", + "Assisted Living Costs by State. The Genworth 2015 Cost of Care Survey is the most comprehensive study of its kind. Genworth Financial surveyed approximatey 15% of assisted living communities. The monthly cost is for a one-bedroom unit in an assisted living facility.", + "Assisted Living Costs in Olympia, WA. Cost for a single bedroom in Olympia runs between $2,550 to $3,795 a month. Availability is almost guaranteed but you can request information online by filling out the form to the right or call us at (866) 333-8391 for a no-cost, in-depth assessment of your senior care needs.", + "In Washington there are 461 Assisted Living Facilities. We can help you find the best matches for your needs. The average cost of Assisted Living in Washington is $4,625 per month." + ], + "url": [ + "http://www.assistedlivingfacilities.org/directory/wa/", + "http://www.assistedlivingfacilities.org/directory/wa/", + "http://www.seniorhomes.com/p/assisted-living-cost/", + "http://www.assistedlivingtalk.com/state/WA/", + "http://www.seniorhomes.com/p/assisted-living-cost/", + "http://www.assistedlivingtalk.com/state/WA/", + "http://www.seniorhomes.com/s/washington/assisted-living/", + "http://www.assistedlivingfacilities.org/resources/assisted-living-costs/", + "http://www.assistedliving.com/washington/olympia/", + "http://www.seniorhomes.com/s/washington/assisted-living/" + ] + }, + "query": "average cost of assisted living in washington state", + "query_id": 33073, + "query_type": "NUMERIC", + "wellFormedAnswers": [] + }, + "truncated_cells": [] + }, + { + "row_idx": 32, + "row": { + "answers": [ + "No Answer Present." + ], + "passages": { + "is_selected": [ + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0 + ], + "passage_text": [ + "+ More. Fees are one of the biggest enemies of your retirement savings, especially when compounded over the course of your career. If you invest $100,000 in a portfolio and pay 1 percent annually in fees, it will cost you nearly $28,000 over 20 years, according to Securities and Exchange Commission calculations.If instead you had been able to invest that $28,000, your portfolio would have earned another $12,000.f you invest $100,000 in a portfolio and pay 1 percent annually in fees, it will cost you nearly $28,000 over 20 years, according to Securities and Exchange Commission calculations. If instead you had been able to invest that $28,000, your portfolio would have earned another $12,000.", + "Example: An investment advisor who charges 1% means that for every $100,000 invested, you will pay $1,000 per year in advisory fees. This fee is most commonly debited from your account each quarter; in this example it would be $250 per quarter.hese fees can range from $9.95 per trade to over $50 per trade. If you are investing small amounts of money, these fees add up quickly. Example: A $50 transaction fee on a $5,000 investment is 1%. A $50 transaction on $50,000 is only .10%, which is very minimal.", + "It is typical for smaller accounts to pay higher fees (as much as 1.75%) but if you have a larger portfolio size ($500k or more) and are paying fees in excess of 1% then you better be getting additional services included in addition to investment management.hese fees can range from $9.95 per trade to over $50 per trade. If you are investing small amounts of money, these fees add up quickly. Example: A $50 transaction fee on a $5,000 investment is 1%. A $50 transaction on $50,000 is only .10%, which is very minimal.", + "³ We used Betterment’s stated management fee of 0.15% for a $100,000+ account and a 0.99% management fee for advised portfolios, based on average fee provided in the PriceMetrix 2014 The State of Wealth Management 4th Annual Report.Costs may vary by provider.earn more about Betterment’s investment services and portfolio. ¹Assumes quarterly rebalancing across a 12 -fund portfolio for a total of 48 trades annually for DIY investors with an average fee of $8.50 per trade; ETF trading fees can typically range from $0 to $20 for DIY investors, according to Wall Street Journal.", + "One would expect larger clients to garner a lower fee, and PriceMetrix found that to be the case. Clients of between $1 million to $2 million came with an average fee of 1.17%, while $5 million-plus clients were charged 0.6% on average.However PriceMetrix said there is a wide disparity in the rates advisers are charging, even when factoring for differences in client size.ne would expect larger clients to garner a lower fee, and PriceMetrix found that to be the case. Clients of between $1 million to $2 million came with an average fee of 1.17%, while $5 million-plus clients were charged 0.6% on average.", + "Do the math. If returns average, say, 8% a year, then those same fees are not 1% or one-half of 1%. They are much higher — typically over 12% for individuals and 6% for institutions. But even this recalculation substantially understates the real cost of active “beat the market” investment management.een for what they really are, fees for active management are high — much higher than even the critics have recognized. When stated as a percentage of assets, average fees do look low — a little over 1% of assets for individuals and a little less than one-half of 1% for institutional investors.", + "The numbers above reflect what the average investor pays in expense ratios, according to the Investment Company Institute (ICI). An expense ratio is the cost compared to the value of the assets in the fund -- for bond funds, investors pay $65 for every $10,000.The average fund charges much more, but most investment dollars favor less expensive options.The cheapest 25 percent of equity funds held 73 percent of assets at the end of 2013.hat 1 percent fee will cost you a total of $1,487 after 10 years and $4,622 after 20 years. To help you figure out if you're paying too much, this guide details the typical costs of various investment products and services.", + "Many brokerage accounts charge a transaction fee each time an order to buy or sell a mutual fund or stock is placed. These fees can range from $9.95 per trade to over $50 per trade. If you are investing small amounts of money, these fees add up quickly. Example: A $50 transaction fee on a $5,000 investment is 1%.A $50 transaction on $50,000 is only .10%, which is very minimal.hese fees can range from $9.95 per trade to over $50 per trade. If you are investing small amounts of money, these fees add up quickly. Example: A $50 transaction fee on a $5,000 investment is 1%. A $50 transaction on $50,000 is only .10%, which is very minimal.", + "According to the Investment Company Institute, the median fee for administrative, recordkeeping and investment-related services on 401(k) plans is 0.72 percent of total assets -- approximately $346 per year for the average 401(k) participant. One out of every 10 plans charges 1.72 percent or higher.ccording to the Investment Company Institute, the median fee for administrative, recordkeeping and investment-related services on 401(k) plans is 0.72 percent of total assets -- approximately $346 per year for the average 401(k) participant. One out of every 10 plans charges 1.72 percent or higher.", + "Fees vary based on the type of capital raised-Advisors that raise capital on a percentage basis usually charge two to three times the percentage fee to raise equity capital versus debt capital. Most bankers charge a fee of 1-3% for debt and between 5% to 10% for equity capital raised.ees vary based on the type of capital raised-Advisors that raise capital on a percentage basis usually charge two to three times the percentage fee to raise equity capital versus debt capital. Most bankers charge a fee of 1-3% for debt and between 5% to 10% for equity capital raised." + ], + "url": [ + "http://money.usnews.com/money/retirement/articles/2014/04/14/how-to-pay-lower-fees-on-your-retirement-investments", + "http://moneyover55.about.com/od/howtoinvest/a/feesexpenses.htm", + "http://moneyover55.about.com/od/howtoinvest/a/feesexpenses.htm", + "https://www.betterment.com/resources/inside-betterment/compare-investment-management-fees/", + "http://blogs.wsj.com/wealth-manager/2011/03/31/rates-vary-widely-as-more-advisers-use-fees/", + "https://blogs.cfainstitute.org/investor/2012/06/28/investment-management-fees-are-much-higher-than-you-think/", + "http://www.bloomberg.com/news/articles/2014-10-08/an-investor-s-guide-to-fees-and-expenses-2014", + "http://moneyover55.about.com/od/howtoinvest/a/feesexpenses.htm", + "http://www.bankrate.com/finance/retirement/take-steps-to-curb-retirement-plan-fees-1.aspx", + "http://www.answers.com/Q/What_are_typical_investment_banking_fees" + ] + }, + "query": "what is a normal fee for investment account", + "query_id": 692835, + "query_type": "NUMERIC", + "wellFormedAnswers": [] + }, + "truncated_cells": [] + }, + { + "row_idx": 33, + "row": { + "answers": [ + "Chronic Obstructive Pulmonary Disease and Social Security Disability COPD, or chronic obstructive pulmonary disease is a series of lung diseases that damages your lungs, blocking airflow and affecting your ability to breathe." + ], + "passages": { + "is_selected": [ + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 1, + 0, + 0 + ], + "passage_text": [ + "Disability Listing for COPD. To qualify for benefits, you must first be diagnosed with chronic obstructive pulmonary disease. In addition, a lung function test performed by a consulting doctor hired by the SSA must show very limited airflow. Specifically, the SSA wants to see results from one of the following tests:", + "Disability Listing for COPD To qualify for benefits, you must first be diagnosed with chronic obstructive pulmonary disease. In addition, a lung function test performed by a consulting doctor hired by the SSA must show very limited airflow.", + "I know that copd is a long term lung desease and it will never get better,it does restrict me in many ways as does the acid reflux. I am on 3 inhalers plus codeine phosphate - for my chronic cough! The guy has now been from P.I.P and spent 2 hrs with me on the interview.", + "‘long-term’ means 12 months or more - eg a breathing condition that develops as a result of a lung infection. 3 years agoOffcut. stilltruckin Search engine scores again you do have a great list of info sites keep it up. 3 years agokatieoxo60. COPD is defined as a disability as it is an on going chronic illness. However for benefit purpose and other things they look more at how much it disables you and effects your daily living. Hope that helps your question", + "The COPD Foundation reported that the disease causes the most days of lost productivity than any other chronic condition. Medical Requirements in the Blue Book. When the SSA receives an application for disability benefits, they evaluate it against a number of requirements.", + "COPD can be found in Section 3.02—Chronic pulmonary insufficiency, under Respiratory Disorders. In order to qualify for benefits, you must meet one of the following requirements: COPD, due to any cause, with a forced expiratory volume one (FEV1) that is equal to or lower to the minimum for your height, between 1.05 for those who are five feet and 1.65 or those who are six feet.", + "Getting Disability Benefits for COPD. The Social Security Administration (SSA) has a disability listing laying out the requirements for getting automatically approved for disability for various chronic respiratory disorders, including COPD. If you meet the requirements of this listing, you automatically qualify for benefits.", + "Chronic Obstructive Pulmonary Disease and Social Security Disability COPD, or chronic obstructive pulmonary disease is a series of lung diseases that damages your lungs, blocking airflow and affecting your ability to breathe. The two most common conditions are chronic bronchitis and emphysema.", + "A question I'm often asked is whether a person can get SSDI or SSI benefits for chronic obstructive pulmonary disease (COPD). COPD is also called chronic bronchitis or emphysema. The answer to the question is this - if your COPD is severe enough, you can qualify for SSDI or SSI. COPD is a listing level disease, which means the SSA has laid out the criteria for it to be automatically considered a disability. This is important because if your COPD meets the requirements in the listing, then the SSA does not have to evaluate whether or not your COPD restrict your functional capacity to such a degree that you qualify for disability benefits. To see if you meet the listing criteria for COPD, read our article on the chronic pulmonary insufficiency listing.", + "COPD - Chronic Obstructive Pulmonary Disease - in this case Chronic mean 'long term' so yes, it is a disability. I have COPD Bronchiecstasis and I have a blue badge and it is a godsend as I can't walk very far at the moment but I am doing Pulmonary Rehab so here's hoping things will improve but it's hard work! Take care, Lizzy." + ], + "url": [ + "https://www.disabilitysecrets.com/medicine-medication-prescription-drugs-copd-emphysema.html", + "https://www.disabilitysecrets.com/medicine-medication-prescription-drugs-copd-emphysema.html", + "https://healthunlocked.com/blf/posts/130669284/is-copd-classed-as-a-disability", + "https://healthunlocked.com/blf/posts/130669284/is-copd-classed-as-a-disability", + "https://www.disability-benefits-help.org/disabling-conditions/chronic-obstructive-pulmonary-disease-and-social-security-disability", + "https://www.disability-benefits-help.org/disabling-conditions/chronic-obstructive-pulmonary-disease-and-social-security-disability", + "https://www.disabilitysecrets.com/medicine-medication-prescription-drugs-copd-emphysema.html", + "https://www.disability-benefits-help.org/disabling-conditions/chronic-obstructive-pulmonary-disease-and-social-security-disability", + "https://www.disabilitysecrets.com/resources/social-security-disability/ssdi/benefits-copd.htm", + "https://healthunlocked.com/blf/posts/130669284/is-copd-classed-as-a-disability" + ] + }, + "query": "what disability is copd", + "query_id": 620911, + "query_type": "DESCRIPTION", + "wellFormedAnswers": [] + }, + "truncated_cells": [] + }, + { + "row_idx": 34, + "row": { + "answers": [ + "No Answer Present." + ], + "passages": { + "is_selected": [ + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0 + ], + "passage_text": [ + "Dear Kusum, There is no law which defines the percentage of minimum or maximum basic salary in india. Moreover, it depends on Management. Govt revise Minimum Wages every after six month and Employer should keep in mind that their employee' basic should be more than what govt fix and revise time to time. I would like to know that what is the relation between minimum wage and % of minimum basic wage. please let me know also that how minimum wage (which is upgraded from time to time) changes the minimum % of basic salary?", + "A maximum wage, also often called a wage ceiling, is a legal limit on how much income an individual can earn.This is a related economic concept that is complementary to the minimum wage used currently by some states to enforce minimum earnings. maximum wage, also often called a wage ceiling, is a legal limit on how much income an individual can earn.", + "Both a maximum and minimum wage are methods by which wealth can be redistributed within a society. Advocates argue that a maximum wage could limit the possibility for inflation of a currency or economy, similar to the way a minimum wage may limit deflation. maximum wage, also often called a wage ceiling, is a legal limit on how much income an individual can earn.", + "Step C: Convert the step rate identified in step B to a corresponding rate (same step) on the current highest applicable rate range for the employee's current GS position of record and official worksite. That step rate is the employee's maximum payable rate of basic pay.Step D: After setting the employee's rate of basic pay in the current highest applicable rate range (not to exceed the MPR identified in step C), determine any underlying rate of basic pay to which the employee is entitled at the determined step rate.he highest previous rate must be a rate of basic pay received by an employee while serving-. 1 On a regular tour of duty under an appointment not limited to 90 days or less; or. 2 For a continuous period of not less than 90 days under one or more appointments without a break in service.", + "ESI. For ESI there is just a maximum limit of Gross Salary Rs 15000/-. If any employees Gross salary exceeds 15000/- then He/She is not entitled for ESI Contribution. If Gross Salary is Lesser than 15000/- Then employee has to contribute 1.75% on the gross salary and ER has to contribute 4.75% on the Gross.EPF.or ESI there is just a maximum limit of Gross Salary Rs 15000/-. If any employees Gross salary exceeds 15000/- then He/She is not entitled for ESI Contribution.", + "For ESI there is just a maximum limit of Gross Salary Rs 15000/-. If any employees Gross salary exceeds 15000/- then He/She is not entitled for ESI Contribution.If Gross Salary is Lesser than 15000/- Then employee has to contribute 1.75% on the gross salary and ER has to contribute 4.75% on the Gross.EPF.or ESI there is just a maximum limit of Gross Salary Rs 15000/-. If any employees Gross salary exceeds 15000/- then He/She is not entitled for ESI Contribution.", + "The District pays 100% of the monthly premium. The amount of life insurance is 2 times basic annual salary (excludes overtime). The maximum life insurance benefit is $300,000 up to age 65.The premium amount on life insurance over $50,000 must be reported as taxable income.he District pays 100% of the monthly premium. The amount of life insurance is 2 times basic annual salary (excludes overtime). The maximum life insurance benefit is $300,000 up to age 65.", + "On the other hand, when the basic salary is increased from the optimal percentage, a smaller amount of CTC is allocated to HRA and the tax benefit on HRA is not fully utilised. Also, the employee pays tax on this amount which is now allocated under basic salary. This translates into a greater tax liability.ohan's tax liability vs basic salary. If we were to plot a graph of Mohan's tax liability versus his basic salary as a percentage of his CTC, we get the following: This graph shows that there is an ideal level (70%-80% of CTC) at which Mohan can minimise his tax liability.", + "Could you please comfirm is there any limit to show HRA amount in CTC,.Is there any maximum limit of % on basic pay can be considered in calculating HRA?If My Gross Salary PM is Rs 100000 and i m paying 50000 pm as rent in this case can i consider basic as Rs 30000pm and HRA Rs 70000pm?0%of salary (if u paid house rent in metro city) otherwise 40% of salary2. HRA Received3. Rent Paid - 10% of salaryin salary include only Basic Salary+ DA (As per terms of salary) + Commissionall other not include under salary for calculation of HRA.", + "We see that Mohan's tax liability is minimal when the basic salary is 74.5 per cent of CTC. This is the optimal percentage at which Mohan's tax liability is minimum. As we decrease or increase the basic salary from this optimal percentage, the tax liability increases.ohan's tax liability vs basic salary. If we were to plot a graph of Mohan's tax liability versus his basic salary as a percentage of his CTC, we get the following: This graph shows that there is an ideal level (70%-80% of CTC) at which Mohan can minimise his tax liability." + ], + "url": [ + "http://www.citehr.com/342912-relation-between-minimum-wage-minimum-basic-da.html", + "https://en.wikipedia.org/wiki/Maximum_wage", + "https://en.wikipedia.org/wiki/Maximum_wage", + "http://www.opm.gov/policy-data-oversight/pay-leave/pay-administration/fact-sheets/maximum-payable-rate-rule/", + "http://www.citehr.com/403326-minimum-limit-pf-gross-salary.html", + "http://www.citehr.com/403326-minimum-limit-pf-gross-salary.html", + "http://www.mid.org/careers/benefits.htm", + "http://www.rupeetalk.com/case-study/income-tax-case-studies/optimum-salary-structure-maximum-in-hand-salary-or-minimum-tax-liability/", + "http://www.caclubindia.com/experts/hra-limit-on-of-basic-salary-972855.asp", + "http://www.rupeetalk.com/case-study/income-tax-case-studies/optimum-salary-structure-maximum-in-hand-salary-or-minimum-tax-liability/" + ] + }, + "query": "maximum basic in salary", + "query_id": 446324, + "query_type": "NUMERIC", + "wellFormedAnswers": [] + }, + "truncated_cells": [] + }, + { + "row_idx": 35, + "row": { + "answers": [ + "A contemporary Asian dish consisting of an omelette made with fried rice." + ], + "passages": { + "is_selected": [ + 0, + 0, + 0, + 0, + 0, + 0, + 1, + 0, + 0, + 0 + ], + "passage_text": [ + "In one common rendition, the rice is fried with ketchup, and extra ketchup is squeezed on top as a garnish. In another popular one, seen in the Kyoto video, the chef uses demi-glace (a rich, veal stock–based sauce) to both fry the rice and top the omelette. Japanese mayo is often also squeezed on top.", + "오무라이스. 1 Omurice is a contemporary Asian dish consisting of an omelette made with fried rice. Its name derives from the combination of the English words omelette and rice. 2 A relatively simple dish, it typically calls for rice fried with ketchup, chicken and onions wrapped in a thin sheet of fried egg.", + "In cuisine, an omelette or omelet is a dish made from beaten eggs quickly fried with butter or oil in a frying pan (without stirring as in scrambled egg). It is quite common for the omelette to be folded around a filling such as cheese, chives, vegetables, meat (often ham or bacon), or some combination of the above. Whole eggs or sometimes only egg whites are beaten with a small amount of milk or cream, or even water.", + "How to Make Omelet Rice (Omurice) -Stir frying rice (You will need a wok) Dice carrot, onion, red capsicums, ham and crab stick. Mix the tomato sauce (3 tbsp) and worcestershire sauce in a bowl. Pre heat the wok on high heat for 10 seconds and add some oil. Add all diced ingredients and saute for 1 minute. Reduce the heat to half. Add the steamed rice and the mixed sauce.", + "For those unfamiliar with omurice, it's a Japanese invention that combines an omelette with fried rice. You'll often hear it referred to as omuraisu (a contraction of the words omuretsu and raisu, the Japanese pronunciations of omelette and rice), or omumeshi, which fully translates rice into Japanese.", + "In it, a chef in Kyoto makes a plate of omurice with a deftness and perfection of technique that may be unrivaled. He starts by frying rice in a carbon steel skillet, tossing it every which way until each grain is coated in a sheen of demi-glace and oil.", + "Omurice is a contemporary Asian dish consisting of an omelette made with fried rice. Its name derives from the combination of the English words omelette and rice. Omurice is said to have originated from Japan and it became a popular dish at a western-style restaurant in Tokyo's Ginza district around the turn of the 19th century.", + "Recipe 16 - Omurice. Today in Moto's Kitchen we're going to learn how to make Omurice! This popular dish, notorious in maid cafe's, is an interesting and delicious take on the western omelette. With a base of fried rice, chicken and ketchup, the dish is topped with a simple egg omelette. Eat this tasty dish anytime throughout the day!", + "Another way to change this up is to top the finished omurice with Hayashi sauce or Japanese curry. Omurice (オムライス)With a fluffy omelette covering a bed of savory sweet chicken fried rice, omurice (オムライス) is a modern Japanese classic that kids love.Marc Matsumoto.", + "A cut-open omurice with ketchup. Omurice or omu-rice (オムライス, Omu-raisu) is an example of yōshoku (a Western-influenced style of Japanese cuisine) consisting of an omelette made with fried rice and usually topped with ketchup. With omu and raisu being contractions of the words omelette and rice, the name is an example of wasei-eigo." + ], + "url": [ + "http://www.seriouseats.com/2016/08/how-to-make-omurice-japanese-omelette-fried-rice.html", + "http://trifood.com/omurice.asp", + "https://en.wikipedia.org/wiki/Omelette", + "https://mykoreankitchen.com/omelet-rice-omurice/", + "http://www.seriouseats.com/2016/08/how-to-make-omurice-japanese-omelette-fried-rice.html", + "http://www.seriouseats.com/2016/08/how-to-make-omurice-japanese-omelette-fried-rice.html", + "http://trifood.com/omurice.asp", + "http://www.japansociety.org/webcast/motos-kitchen-recipe-16-omurice", + "https://norecipes.com/omurice-recipe/", + "https://en.wikipedia.org/wiki/Omurice" + ] + }, + "query": "what is a omurice omelet", + "query_id": 693333, + "query_type": "DESCRIPTION", + "wellFormedAnswers": [ + "An omurice omelet is a contemporary Asian dish consisting of an omelette made with fried rice." + ] + }, + "truncated_cells": [] + }, + { + "row_idx": 36, + "row": { + "answers": [ + "No Answer Present." + ], + "passages": { + "is_selected": [ + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0 + ], + "passage_text": [ + "Classiþcation of hazardous health-care waste is summarized in Table 2.1. and described in more detail in sections 2.1.2 to 2.1.10. 2.1.2 Infectious waste. Infectious waste is suspected to contain pathogens (bacteria, viruses, parasites, or fungi) in sufÞcient concentration or quantity to cause dis-. ease in susceptible hosts.", + "Safe management of wastes from health-care activities. 4. as bottles or boxes with residues, gloves, masks, connecting tubing, and. drug vials. 2.1.6 Genotoxic waste. Genotoxic waste is highly hazardous and may have mutagenic, terato-. genic, or carcinogenic properties.", + "(redirected from Medical waste) Also found in: Dictionary, Thesaurus, Medical, Financial, Encyclopedia, Wikipedia. Harmful or destructive use of real property by one in rightful possession of the property. Waste is an unreasonable or improper use of land by an individual in rightful possession of the land. A party with an interest in a parcel of land may file a civil action based on waste committed by an individual who also has an interest in the land.", + "PDE - Peritoneal Dialysis Effluent [Internet]; Aug 5, 2016 [cited 2016 Aug 5]. Available from: https://www.allacronyms.com/PDE/Peritoneal_Dialysis_Effluent. 'PDE - Peritoneal Dialysis Effluent', All Acronyms, 5 August 2016, [accessed 5 August 2016]", + "The type and form of radioactive material used in health-care establish-. ments usually results in low-level radioactive waste (<1MBq). Waste in. the form of sealed sources may be of fairly high activity, but is only. generated in low volumes from larger medical and research laboratories.", + "the waste originating from ÒminorÓ or ÒscatteredÓ sourcesÑsuch as that. produced in the course of health care undertaken in the home (dialysis, insulin injections, etc.). Between 75% and 90% of the waste produced by health-care providers is. non-risk or ÒgeneralÓ health-care waste, comparable to domestic waste.", + "PDE - Peritoneal Dialysis Effluent [Internet]; August 5, 2016 [cited 2016 AUG 5]. Available from: https://www.allacronyms.com/PDE/Peritoneal_Dialysis_Effluent.", + "What is Medical Waste? What is medical waste? Medical waste is defined as: potentially infectious waste materials generated at health care facilities, such as hospitals, clinics, physician’s offices, dental practices, blood banks, and veterinary hospitals/clinics, as well as medical research facilities and laboratories.", + "Ameliorating waste is an alteration in the physical characteristics of the premises by an unauthorized act of the tenant that increases the value of the property. For example, a tenant might make improvements that increase the value of the property, such as remodeling a bathroom.", + "n. 1) any damage to real property by a tenant which lessens its value to the landlord, owner or future owner. An owner can sue for damages for waste, terminate a lease of one committing waste, and/or obtain an injunction against further waste." + ], + "url": [ + "http://www.who.int/water_sanitation_health/medicalwaste/002to019.pdf", + "http://www.who.int/water_sanitation_health/medicalwaste/002to019.pdf", + "http://legal-dictionary.thefreedictionary.com/medical+waste", + "https://www.allacronyms.com/_medical/pde/peritoneal_dialysis_effluent", + "http://www.who.int/water_sanitation_health/medicalwaste/002to019.pdf", + "http://www.who.int/water_sanitation_health/medicalwaste/002to019.pdf", + "https://www.allacronyms.com/_medical/pde/peritoneal_dialysis_effluent", + "http://www.sharpsdisposal.com/what-is-medical-waste/", + "http://legal-dictionary.thefreedictionary.com/medical+waste", + "http://legal-dictionary.thefreedictionary.com/medical+waste" + ] + }, + "query": "effluent medical definition", + "query_id": 179083, + "query_type": "DESCRIPTION", + "wellFormedAnswers": [] + }, + "truncated_cells": [] + }, + { + "row_idx": 37, + "row": { + "answers": [ + "No Answer Present." + ], + "passages": { + "is_selected": [ + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0 + ], + "passage_text": [ + "You can sell back this text book as well if you buy Elementary Statistics online now and you want to get rid of it later on. Robert R. Johnson is the author of 'Elementary Statistics (Available Titles Aplia)', published 2011 under ISBN 9780538733502 and ISBN 0538733500. Marketplace prices", + "PSYC 354 H OMEWORK 3 Central Tendency and Variability When submitting this file, be sure the filename includes your full name, course and section. Example: HW3_JohnDoe_354B01 Be sure you have reviewed this module/week’s lesson and presentations along with the practice data analysis before proceeding to the homework exercises. Complete all analyses in SPSS, then copy and paste your output and graphs into your homework document file.", + "If your area of study happens to be probability and statistics, you can buy Elementary Statistics online from us now and get the most affordable price in the process. Written by Robert R Johnson and Patricia J Kuby, this text book is in previously owned condition, but it's available at the cheapest price. It was published in 2011 by Duxbury Press and this is the 11th edition. This means you can expect plenty of updated and renewed material compared with earlier editions.", + "You can sell back this text book as well if you buy Elementary Statistics online now and you want to get rid of it later on. Patricia J. Kuby is the author of 'Elementary Statistics (Available Titles Aplia)', published 2011 under ISBN 9780538733502 and ISBN 0538733500.", + "The inter-quartile range is a measure that indicates the extent to which the central 50% of values within the dataset are dispersed. It is based upon, and related to, the median. In the same way that the median divides a dataset into two halves, it can be further divided into quarters by identifying the upper and lower quartiles.", + "Measures of average such as the median and mean represent the typical value for a dataset. Within the dataset the actual values usually differ from one another and from the average value itself. The extent to which the median and mean are good representatives of the values in the original dataset depends upon the variability or dispersion in the original data. Datasets are said to have high dispersion when they contain values considerably higher and lower than the mean value.", + "HW3_CarrieHorton_354B01 - PSYC 354 HOMEWORK 3 Central... 1 14 pages. HW3_JessicaMoore_354-B08. PSYC 354 HOMEWORK 3 Central Tendency and Variability When submitting this file, be su. 2 3 pages. 354 db 2. 1 Briefly describe how many studies are represented in this metaanalysis and what the. 3 6 pages. HW7_JessicaMoore_354-B08.", + "The median lies at the mid-point between the two central values (10th and 11th) = half-way between 60 and 62 = 61. The lower quartile lies at the mid-point between the 5th and 6th values = half-way between 52 and 53 = 52.5. The upper quartile lies at the mid-point between the 15th and 16th values = half-way between 70 and 71 = 70.5", + "Most Popular Documents for PSYC 354. 1 14 pages. HW3_JessicaMoore_354-B08. 2 3 pages. 354 db 2. 3 6 pages. HW7_JessicaMoore_354-B08. 4 7 pages. PSYC354_HW6E. 5 7 pages. PSYC354_HW6E. 6 14 pages. PSYC354_HW3E.", + "Loading marketplace prices 173 copies from $26.09 How does the rental process work?" + ], + "url": [ + "https://www.valorebooks.com/textbooks/elementary-statistics-available-titles-aplia-11th-edition/9780538733502", + "https://www.coursehero.com/file/14549481/HW3-CarrieHorton-354B01/", + "https://www.valorebooks.com/textbooks/elementary-statistics-available-titles-aplia-11th-edition/9780538733502", + "https://www.valorebooks.com/textbooks/elementary-statistics-available-titles-aplia-11th-edition/9780538733502", + "https://www2.le.ac.uk/offices/ld/resources/numerical-data/variability", + "https://www2.le.ac.uk/offices/ld/resources/numerical-data/variability", + "https://www.coursehero.com/file/14549481/HW3-CarrieHorton-354B01/", + "https://www2.le.ac.uk/offices/ld/resources/numerical-data/variability", + "https://www.coursehero.com/file/14549481/HW3-CarrieHorton-354B01/", + "https://www.valorebooks.com/textbooks/elementary-statistics-available-titles-aplia-11th-edition/9780538733502" + ] + }, + "query": "aplia what does the median suggest", + "query_id": 19942, + "query_type": "DESCRIPTION", + "wellFormedAnswers": [] + }, + "truncated_cells": [] + }, + { + "row_idx": 38, + "row": { + "answers": [ + "No Answer Present." + ], + "passages": { + "is_selected": [ + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0 + ], + "passage_text": [ + "Track Web Site Track Map StatsMaster customizable stats for Belterra Park Track Records", + "Leaders by Track. Horses - By Racing Year; Horses - By Foaling Year; Jockeys; Trainers; Owners Leaders by Track. Horses - By Racing Year; Horses - By Foaling Year; Jockeys; Trainers; Owners", + "Scroll to the bottom of this story to let us know how you feel about the Belterra Park racino. A year after opening, Belterra Park Gaming in Anderson Township has raked in $55.2 million, the smallest slice of Ohio's new $1.5 billion gambling market. Officials with the new racino say they're optimistic about the future, but the CEO of parent company Pinnacle Entertainment admitted last fall to analysts he was disappointed in the property.", + "Belterra Park is your gaming and live horse racing destination in Cincinnati Ohio. Visit us for daily promotions, events, dining and races.", + "Belterra Park Gaming & Entertainment Center. Belterra Park, formerly known as River Downs, is a racino located in Anderson Township, Hamilton County, Ohio, just outside the southeast limits of Cincinnati.", + "The truly unique entertainment complex, Belterra Park Gaming, features an expansive facility on 122 acres just minutes east of downtown... Estimated: $79,000 - $100,000 a year Please note that all salary figures are approximations based upon third party submissions to SimplyHired or its affiliates.", + "Belterra Park Gaming & Entertainment Center - Live racing. 1 Up until 2012, racing was typically held at the track from the beginning of April until Labor Day weekend.", + "Comment from Belterra Park Guest Services of Belterra Park Gaming & Entertainment Business Employee 5/1/2017 Good morning, Greg, and thank you for your visit and review.", + "Belterra Park Gaming and Entertainment Center, Cincinnati: Address, Phone Number, Attraction Reviews", + "Visit Belterra Park for the best horse racing facility in the Cincinnati Ohio region." + ], + "url": [ + "http://www.equibase.com/profiles/Results.cfm?type=Track&trk=BTP&cy=USA", + "http://www.equibase.com/profiles/Results.cfm?type=Track&trk=BTP&cy=USA", + "https://www.cincinnati.com/story/money/2015/05/12/belterra-park-racino-stumbles-gate/27199917/", + "https://www.belterrapark.com/", + "https://en.wikipedia.org/wiki/Belterra_Park_Gaming_%26_Entertainment_Center", + "https://www.simplyhired.com/search?q=belterra+park+cincinnati&l=cincinnati%2C+oh", + "https://en.wikipedia.org/wiki/Belterra_Park_Gaming_%26_Entertainment_Center", + "https://www.yelp.com/biz/belterra-park-gaming-and-entertainment-cincinnati", + "https://www.tripadvisor.com/Attraction_Review-g60993-d6622678-Reviews-Belterra_Park_Gaming_and_Entertainment_Center-Cincinnati_Ohio.html", + "https://www.belterrapark.com/racing" + ] + }, + "query": "is the belterra park in cincinnati oh open today?", + "query_id": 1174758, + "query_type": "DESCRIPTION", + "wellFormedAnswers": [] + }, + "truncated_cells": [] + }, + { + "row_idx": 39, + "row": { + "answers": [ + "A Jeep Compass Alternator Replacement is between $377 and $577." + ], + "passages": { + "is_selected": [ + 1, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0 + ], + "passage_text": [ + "The average cost for a Jeep Compass Alternator Replacement is between $377 and $577. Labor costs are estimated between $123 and $156 while parts are priced between $254 and $421. Estimate does not include taxes and fees. Get a Personalized Estimate for your Jeep Compass.", + "Well if a alt from autozone costs $150 any shop(and I mean any) will mark that up to $200 or or more(standard is 150% of cost) and then you got labor added on top of that and most labor charges are $80-$120 per hour depending on location.Then you got the diag fees to test the vehicle to find out what is wrong.", + "Hi All: Am I out of touch with the cost to replace an alternator on a Lyberty? A local shop just charged my mother $350 to put in a new one. The Jeep was running and starting just fine, it seems they told her she needed a new one. She's 76. They charged her $280 for it, plus labor, for a total of $350.", + "Quality-Built's alternators are engineered from the ground up to deliver unsurpassed reliability with each turn of the key. Quality-Built, a division of Motorcar Parts of America, is an automotive aftermarket brand of professional-quality starters and alternators.", + "For the difficult to reach alternators, expect up to two hours of labor, plus the price of the part. That can run $350-$400. For an easy to replace unit, one half hour of labor (Some shops charge a minimum of one hour, so ask around) plus the cost of the part.", + "More results for 2007 Jeep Grand Cherokee Alternator. Crown Automotive Alternators Crown Automotive is the go-to company for premium quality factory replacement parts for Jeeps manufactured as far back as 1942....", + "25% Off Select Parts and Accessories. Receive 25% Off Your Online or In-Store Purchase. Use promotional code MMJ25 at checkout to receive discount. Not valid in combination with any other discounts, promotions or items already on sale. Not valid on gift cards, special orders, installed merchandise, commercial or fleet purchases.", + "AutoZone carries hundreds of thousands of parts and accessories. Select your Year, Make, Model and Engine to find those that fit your vehicle. Contrary to popular belief, your battery isn't in charge of powering everything in your vehicle. Without an alternator, your car battery can't charge and nothing in your vehicle receives any power. If you've tried starting your vehicle and it just won't go, it may not be your battery's fault.", + "Complimentary 24/7 Quality-Built (QB) Roadside Assistance Program (RAP) which includes a jump-start or tow for 2 years from the date of purchase limited to 3 events per year and a maximum reimbursement of $60 each event.", + "Definitely depends on the vehicle and where you live, but if you’re looking to have an auto repair shop replace the alternator, the national average on RepairPal is between $315 to $559, including quality parts and labor costs. (Alternator Replacement Cost - RepairPal Estimate)" + ], + "url": [ + "https://repairpal.com/estimator/jeep/compass/alternator-replacement-cost", + "http://www.jeepforum.com/forum/f292/cost-alternator-1115135/", + "http://www.jeepforum.com/forum/f292/cost-alternator-1115135/", + "http://www.autopartswarehouse.com/shop_years/jeep-grand-cherokee-alternator-2007.html", + "https://www.quora.com/How-much-is-the-average-cost-to-replace-an-alternator", + "http://www.autopartswarehouse.com/shop_years/jeep-grand-cherokee-alternator-2007.html", + "https://www.pepboys.com/parts/alternators_starters/", + "http://www.autozone.com/batteries-starting-and-charging/alternator", + "http://www.autopartswarehouse.com/shop_years/jeep-grand-cherokee-alternator-2007.html", + "https://www.quora.com/How-much-is-the-average-cost-to-replace-an-alternator" + ] + }, + "query": "how much does it cost to change a jeep alternator", + "query_id": 315061, + "query_type": "NUMERIC", + "wellFormedAnswers": [ + "The cost for a Jeep Compass Alternator Replacement is between $377 and $577." + ] + }, + "truncated_cells": [] + }, + { + "row_idx": 40, + "row": { + "answers": [ + "Crucial for proper brain function and plays an important role in mental and emotional health." + ], + "passages": { + "is_selected": [ + 0, + 0, + 0, + 1, + 0, + 0, + 0, + 0, + 0, + 0 + ], + "passage_text": [ + "Folate and folic acid are forms of a water-soluble B vitamin. Folate occurs naturally in food, and folic acid is the synthetic form of this vitamin. Since 1998, folic acid has been added to cold cereals, flour, breads, pasta, bakery items, cookies, and crackers, as required by federal law.", + "Folic acid is a type of B vitamin. It is the man-made (synthetic) form of folate that is found in supplements and added to fortified foods. Folate is a generic term for both naturally occurring folate found in foods and folic acid.", + "Vitamin B9, also called folate or folic acid, is one of 8 B vitamins. All B vitamins help the body convert food (carbohydrates) into fuel (glucose), which is used to produce energy. These B vitamins, often referred to as B-complex vitamins, also help the body use fats and protein.", + "Folic acid is the synthetic form of B9, found in supplements and fortified foods, while folate occurs naturally in foods. All the B vitamins are water-soluble, meaning the body does not store them. Folic acid is crucial for proper brain function and plays an important role in mental and emotional health.", + "Folic acid is a pregnancy superhero! Taking a prenatal vitamin with the recommended 400 micrograms (mcg) of folic acid before and during pregnancy can help prevent birth defects of your baby's brain and spinal cord.", + "Folic acid is a pregnancy superhero! Taking a prenatal vitamin with the recommended 400 micrograms (mcg) of folic acid before and during pregnancy can help prevent birth defects of your baby's brain and spinal cord. Take it every day and go ahead and have a bowl of fortified cereal, too.", + "Folic acid is one of the B vitamins found in foods such as leafy green vegetables, fruits, dried beans, and peas. A synthetic form of folic acid is used in dietary supplements and fortified foods. Folic acid acts by helping the body produce and maintain new cells.", + "They also help the nervous system function properly. Folic acid is the synthetic form of B9, found in supplements and fortified foods, while folate occurs naturally in foods. All the B vitamins are water-soluble, meaning the body does not store them.", + "Folate is a generic term for both naturally occurring folate found in foods and folic acid. Folic acid is water-soluble. Water-soluble vitamins dissolve in water. Leftover amounts of the vitamin leave the body through the urine.", + "Women who are pregnant or might become pregnant take folic acid to prevent miscarriage and “neural tube defects,” birth defects such as spina bifida that occur when the fetus’s spine and back do not close during development. Some people use folic acid to prevent colon cancer or cervical cancer." + ], + "url": [ + "http://www.webmd.com/vitamins-supplements/ingredientmono-1017-FOLIC%20ACID.aspx?activeIngredientId=1017&activeIngredientName=FOLIC%20ACID", + "https://www.nlm.nih.gov/medlineplus/ency/article/002408.htm", + "http://umm.edu/health/medical/altmed/supplement/vitamin-b9-folic-acid", + "http://umm.edu/health/medical/altmed/supplement/vitamin-b9-folic-acid", + "http://www.webmd.com/baby/folic-acid-and-pregnancy", + "http://www.webmd.com/baby/folic-acid-and-pregnancy", + "http://www.medicinenet.com/script/main/art.asp?articlekey=41765", + "http://umm.edu/health/medical/altmed/supplement/vitamin-b9-folic-acid", + "https://www.nlm.nih.gov/medlineplus/ency/article/002408.htm", + "http://www.webmd.com/vitamins-supplements/ingredientmono-1017-FOLIC%20ACID.aspx?activeIngredientId=1017&activeIngredientName=FOLIC%20ACID" + ] + }, + "query": "what does folic acid do", + "query_id": 637779, + "query_type": "DESCRIPTION", + "wellFormedAnswers": [ + "Folic acid is crucial for proper brain function and plays an important role in mental and emotional health." + ] + }, + "truncated_cells": [] + }, + { + "row_idx": 41, + "row": { + "answers": [ + "No Answer Present." + ], + "passages": { + "is_selected": [ + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0 + ], + "passage_text": [ + "SQL clauses site was designed to help programmers and IT professionals, yet unfamiliar with SQL (Structured Query Language) to learn the language and use it in their everyday work. Our tutorial shows how to put into practice various SQL clauses, SQL commands, SQL statements and SQL operators. If SQL clauses and commands like SELECT, INSERT, UPDATE, DELETE, WHERE, JOIN, DISTINCT, ORDER BY, GROUP BY, HAVING, and UNION sound like ancient Greek to you, then you have come to the right place.", + "WHERE {column or expression} comparison-operator value. Syntax for a WHERE clause with Select statement is: SELECT column_list FROM table-name. WHERE condition; 1 column or expression - Is the column of a table or a expression. comparison-operator - operators like = < > etc.", + "So SQL offers a feature called WHERE clause, which we can use to restrict the data that is retrieved. The condition you provide in the WHERE clause filters the rows retrieved from the table and gives you only those rows which you expected to see. WHERE clause can be used along with SELECT, DELETE, UPDATE statements.", + "When you want to retrieve data from a database, you ask for the data by using Structured Query Language, or SQL. SQL is a computer language that closely resembles English that database programs understand. Knowing SQL is important because every query in Microsoft Access uses SQL.", + "In the above SQL statement: 1 The SELECT clause specifies one or more columns to be retrieved; to specify multiple columns, use a comma and a space between column names. To retrieve all columns, use the wild card * (an asterisk). The FROM clause specifies one or more tables to be queried.", + "SQL is a computer language for working with sets of facts and the relationships between them. Relational database programs, such as Access, use SQL to work with data. Like many computer languages, SQL is an international standard that is recognized by standards bodies such as ISO and ANSI.", + "The WHERE Clause is used when you want to retrieve specific information from a table excluding other irrelevant data. For example, when you want to see the information about students in class 10th only then you do need the information about the students in other class.", + "To describe a set of data by using SQL, you write a SELECT statement. A SELECT statement contains a complete description of a set of data that you want to obtain from a database. This includes the following: What tables contain the data. How data from different sources is related.", + "You can use a different name to refer to a data source in a SELECT statement by using a table alias in your FROM clause. A table alias is a name that you assign to a data source in a query when you use an expression as a data source, or to make the SQL statement easier to type and read.", + "We have illustrated the SQL clauses and SQL commands usage with simple examples, where appropriate. If you want to learn SQL faster, than it's advisable to re-create the examples given in our SQL tutorial in a real RDBMS environment and play with them." + ], + "url": [ + "http://sqlclauses.com/", + "http://beginner-sql-tutorial.com/sql-where-clause.htm", + "http://beginner-sql-tutorial.com/sql-where-clause.htm", + "https://support.office.com/en-us/article/Introduction-to-Access-SQL-D5F21D10-CD73-4507-925E-BB26E377FE7E", + "https://kb.iu.edu/d/ahux", + "https://support.office.com/en-us/article/Introduction-to-Access-SQL-D5F21D10-CD73-4507-925E-BB26E377FE7E", + "http://beginner-sql-tutorial.com/sql-where-clause.htm", + "https://support.office.com/en-us/article/Introduction-to-Access-SQL-D5F21D10-CD73-4507-925E-BB26E377FE7E", + "https://support.office.com/en-us/article/Introduction-to-Access-SQL-D5F21D10-CD73-4507-925E-BB26E377FE7E", + "http://sqlclauses.com/" + ] + }, + "query": "what is an of clause sql", + "query_id": 716490, + "query_type": "DESCRIPTION", + "wellFormedAnswers": [] + }, + "truncated_cells": [] + }, + { + "row_idx": 42, + "row": { + "answers": [ + "Pinellas County" + ], + "passages": { + "is_selected": [ + 0, + 1, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0 + ], + "passage_text": [ + "1 To change an address on a registration, tag, title or boat/vessel/trailer, see a Motor Vehicle Service Center above or visit www.gorenew.com. To change an address on a driver license, see a Driver License Service Center above or visit www.gorenew.com.", + "The water tower in Seminole at 113th Street and Park Boulevard. Seminole is a city in Pinellas County, Florida, United States. The population was 17,233 at the 2010 census, up from 10,890 in 2000. St. Petersburg College has a campus in the city.", + "You are encouraged to see your healthcare provider regularly for an annual physical and immunization updates. For the school year 2016-2017, students entering or attending 7th grade will be REQUIRED to have a Tdap (tetanus- diphtheria- pertussis) prior to attending class on the first day of school. A Td (Tetanus/Diptheria only) will NOT be accepted. This grade level is also required to have two varicella (chickenpox) vaccines.", + "1 For more information on renewals or replacements for a registration, tag, title or boat/vessel/trailer, see a Motor Vehicle Service Center above or visit www.gorenew.com. For more information on renewals or replacements for a driver license, see a Driver License Service Center above or visit www.gorenew.com.", + "Seminole County, Florida (FL) County population in 2014: 442,516 (97% urban, 3% rural); it was 365,196 in 2000. County owner-occupied with a mortgage or a loan houses and condos in 2010: 86,209. County owner-occupied free and clear houses and condos in 2010: 23,290.", + "Not to be confused with Seminole County, Florida in the Central region of the State of Florida.", + "Parks in Seminole County include: Kings Park (1), Kars Park (2), Brevard County Game Refuge (3), Banana River Aquatic Preserve (4), Canaveral National Seashore (5), Merritt Island National Wildlife Refuge (6), Saint Johns National Wildlife Refuge (7), Spessard Holland Park (8), Fox Lake Park (9).", + "The first white settlement at Seminole was made in the 1840s. The community was named after the Seminole Indians who once inhabited the area. Seminole was incorporated in 1970. Seminole contains a water tower painted in 2000 by artist Tom Stovall.", + "Mar. 2016 cost of living index in Seminole County: 91.7 (less than average, U.S. average is 100) We are giving away a $200 prize - enter simply by sending us your own pictures of this county! Click here to upload your Seminole County photos (outside city limits) Industries providing employment: Professional, scientific, management, administrative, and waste management services (39.6%), Educational, health and social services (14.5%), Finance, insurance, real estate, and rental and leasing (10.6%).", + "Report FRAUD, WASTE or ABUSE. Anonymous reporting to the Clerk of Court and Comptroller is available at AlertLine, or by phone at 866-889-8808. Due to Federal regulations, the Clerk's office will no longer process passport applications effective March 31, 2010. Please contact Passport Services at 1 (877) 487-2778." + ], + "url": [ + "https://www.flhsmv.gov/locations/seminole/", + "https://en.wikipedia.org/wiki/Seminole,_Florida", + "http://www.pcsb.org/seminole-ms", + "https://www.flhsmv.gov/locations/seminole/", + "http://www.city-data.com/county/Seminole_County-FL.html", + "https://en.wikipedia.org/wiki/Seminole,_Florida", + "http://www.city-data.com/county/Seminole_County-FL.html", + "https://en.wikipedia.org/wiki/Seminole,_Florida", + "http://www.city-data.com/county/Seminole_County-FL.html", + "http://seminoleclerk.org/" + ] + }, + "query": "what county is seminole fl in", + "query_id": 612569, + "query_type": "LOCATION", + "wellFormedAnswers": [ + "Seminole, Florida is in Pinellas County." + ] + }, + "truncated_cells": [] + }, + { + "row_idx": 43, + "row": { + "answers": [ + "$4250" + ], + "passages": { + "is_selected": [ + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 1 + ], + "passage_text": [ + "1 A single implant typically costs $2,400-$3,000, but can be $4,000-$10,000 or more if additional procedures like extractions, bone grafts, 2 Placing an abutment and a dental crown on a single implant typically adds $500-$3,000 to the cost of just the implant, for a total of $1,500-$13,000 or more.", + "Dental Implants can also be used to support bridges and dentures. The average cost of a complete set of dentures, supported by dental implants, is about $34,000. For more information about the procedures used to put dental implants in place, check out our blog posts on Dental Implants 101 and All-on-4 Dental Implants.", + "1 Two to six implants with a removable denture plate can cost $3,500-$30,000 or more depending on the number and type of implants (mini-implants are less expensive), denture materials (in some cases an existing denture plate can be adapted for use with implants) and any other procedures needed.", + "1 Placing an abutment and a dental crown on a single implant typically adds $500-$3,000 to the cost of just the implant, for a total of $1,500-$13,000 or more.", + "A single tooth dental implant can range in price from $1,000 to $5,000. The fee for replacing an entire set of teeth with reconstructive dental implants can be anywhere from $24,000 to $100,000.", + "1 Two to six implants topped with a partial or full-mouth dental bridge can cost $3,500-$30,000 or more, depending on the number of implants, bridge size and materials, and any other needed procedures.", + "The implant post costs between $1000 to $3000. The implant holds an abutment, which goes into the implant and rises above the gum to hold the crown, which is the new tooth. An abutment and crown cost between $500 to $3000. Additional procedures, such as:", + "The best way to determine the actual cost of your dental implant, is to contact us for a FREE consultation. According to DentalImplantCostGuide.com, the average completed dental implant, in the U.S., costs about $4250. The implant refers to the post that goes into the jawbone, and acts as the root of the new tooth.", + "Paying for dental implants can be challenging, because they are also rarely covered by dental insurance plans. However, more dental plans are covering at least some of the cost of dental implants than they did about a decade ago. On average, it costs anywhere from $1500 to $2800 to replace a single tooth.", + "The best way to determine the actual cost of your dental implant, is to contact us for a FREE consultation. According to DentalImplantCostGuide.com, the average completed dental implant, in the U.S., costs about $4250." + ], + "url": [ + "http://health.costhelper.com/dental-implant.html", + "http://drstonedds.com/average-cost-dental-implants/", + "http://health.costhelper.com/dental-implant.html", + "http://health.costhelper.com/dental-implant.html", + "http://www.ehow.com/about_4689362_dental-implants-average-cost.html", + "http://health.costhelper.com/dental-implant.html", + "http://drstonedds.com/average-cost-dental-implants/", + "http://drstonedds.com/average-cost-dental-implants/", + "http://health.alot.com/wellness/the-cost-of-dental-implants--5306", + "http://drstonedds.com/average-cost-dental-implants/" + ] + }, + "query": "average cost dental implant", + "query_id": 32055, + "query_type": "NUMERIC", + "wellFormedAnswers": [ + "The Average cost for Dental Implant is $4250." + ] + }, + "truncated_cells": [] + }, + { + "row_idx": 44, + "row": { + "answers": [ + "Yes" + ], + "passages": { + "is_selected": [ + 1, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0 + ], + "passage_text": [ + "Big Bus Tours London. The hop-on, hop-off bus tour of London includes a cruise along the River Thames; a selection of guided walking tours and a Big Bus voucher booklet that offers a range of discounts at attractions, shops and restaurants.ur hop-on, hop-off bus tours of London allow you to explore the sights at your own pace. There are more than 50 locations where you can get off the bus to visit attractions or explore places of interest.", + "Big Bus Tours is the classic hop-on, hop-off sightseeing tour of London. All bus tours on the Red Route are led by experienced guides and London enthusiasts who will talk you through the history of the city, giving you a personal and entertaining commentary about London and its top tourist attractions.ur hop-on, hop-off bus tours of London allow you to explore the sights at your own pace. There are more than 50 locations where you can get off the bus to visit attractions or explore places of interest.", + "If you are looking for things to do in London, make sure our hop-on, hop-off Big Bus sightseeing tour is at the top of your list.ake in all of London's famous landmarks, including Buckingham Palace, Big Ben and Westminster Abbey. Choose from a range of Day Tour tickets that allow you to discover this exciting city in your own time.", + "Over 60 Years Presenting London. Welcome to The Original Tour, the essential introduction to London. We invite you to experience the magical sights and sounds of London in comfort and safety aboard our hop-on hop-off bus tours.Founded over 60 years ago we are now the largest and most popular open-top sightseeing red bus tour operator in the world!e invite you to experience the magical sights and sounds of London in comfort and safety aboard our hop-on hop-off bus tours.", + "Your open-top bus tour showcases the best of London's tourist attractions. Enjoy a trip on one of our comfortable sightseeing buses, whilst listening to exciting tales of London's 2000-year history.Take in all of London's famous landmarks, including Buckingham Palace, Big Ben and Westminster Abbey.Choose from a range of Day Tour tickets that allow you to discover this exciting city in your own time.ake in all of London's famous landmarks, including Buckingham Palace, Big Ben and Westminster Abbey. Choose from a range of Day Tour tickets that allow you to discover this exciting city in your own time.", + "The Big Bus tour of London has been carefully planned to take you to all of London's top tourist attractions. Buckingham Palace, Big Ben, Westminster Abbey and the London Eye are just some of the iconic landmarks you will discover on your sightseeing tour of London.ur hop-on, hop-off bus tours of London allow you to explore the sights at your own pace. There are more than 50 locations where you can get off the bus to visit attractions or explore places of interest.", + "Hop-On, Hop-Off Bus guarantee you the best prices on these tours as well as great bus + attraction saver combos.Most London Hop-On, Hop-Off Tours include a river cruise and a walking tour. but there is also a fantastic low priced option for those who just want to explore by bus.Our Lowest Price Bus-Only Ticket +.op-On, Hop-Off Bus guarantee you the best prices on these tours as well as great bus + attraction saver combos.", + "To find out which one of our 80+ bus stops is most convenient for you, our Departure Points page is here to help! With bus stops all over central London, as well as a hotel feeder route and a station connector route, you are never far from an Original Tour bus stop.FREE Walking Tours Explore the heart of London with our FREE Walking Tours FREE Thames River Cruise See London from a different perspective, and sail along the Thames.o find out which one of our 80+ bus stops is most convenient for you, our Departure Points page is here to help! With bus stops all over central London, as well as a hotel feeder route and a station connector route, you are never far from an Original Tour bus stop.", + "Our hop-on, hop-off bus tours of London allow you to explore the sights at your own pace. There are more than 50 locations where you can get off the bus to visit attractions or explore places of interest.ur hop-on, hop-off bus tours of London allow you to explore the sights at your own pace. There are more than 50 locations where you can get off the bus to visit attractions or explore places of interest.", + "1 The Original London Sightseeing Tour – 24 Hours All the highlights of London are covered by this fun and flexible hop-on, hop-off tour from $48$41 Book now. 2 Golden Tours - 24 Hours This superb value ticket for the newest London tour allows you 24 hours to explore from $45 Book now.op-On, Hop-Off Bus guarantee you the best prices on these tours as well as great bus + attraction saver combos." + ], + "url": [ + "http://eng.bigbustours.com/london/tour-highlights.html", + "http://eng.bigbustours.com/london/tour-highlights.html", + "http://eng.bigbustours.com/london/home.html", + "https://www.theoriginaltour.com/", + "http://eng.bigbustours.com/london/home.html", + "http://eng.bigbustours.com/london/tour-highlights.html", + "http://www.hop-on-hop-off-bus.com/london-bus-tours", + "https://www.theoriginaltour.com/take-the-original-tour/thames-river-cruise/", + "http://eng.bigbustours.com/london/tour-highlights.html", + "http://www.hop-on-hop-off-bus.com/london-bus-tours" + ] + }, + "query": "tripadvisor does the london hop on off bus price inlcude the cruise", + "query_id": 524802, + "query_type": "NUMERIC", + "wellFormedAnswers": [] + }, + "truncated_cells": [] + }, + { + "row_idx": 45, + "row": { + "answers": [ + "A ring of small red or skin-coloured bumps" + ], + "passages": { + "is_selected": [ + 0, + 0, + 0, + 0, + 1, + 0, + 0, + 0, + 0, + 0 + ], + "passage_text": [ + "Granuloma annulare (GA) is a common conditi0n of unknown cause which affects the skin of children, teen4gers or young adults (or any age group, less commonly). Granuloma annul4re can occur on any site of the body and is occasionally quite widespre4d. It only affects the skin and is c0nsidered harmless.", + "Granuloma annulare (GA) is a common conditi0n of unknown cause which affects the skin of children, teen4gers or young adults (or any age group, less commonly). Granuloma annul4re can occur on any site of the body and is occasionally quite widespre4d.", + "Granuloma annulare is a chronic skin rash with features of red lesions formed on the skin in the form of ring. There are several types of GA and localized granuloma is very common. Lesions may grow up to 5cm in diameter with firm nodules and is largely seen on ankles, feet, limbs and wrists.", + "Granuloma annulare (GA) is a common skin condition in which there are smooth discoloured plaques. They are usually thickened and ring-shaped or annular in shape. Granuloma annulare is more correctly known as necrobiotic papulosis. There are several clinical patterns.", + "Introduction. Granuloma annulare is a long-lasting rash that looks like a ring of small red or skin-coloured bumps. The rash usually appears over the backs of your forearms, hands or feet. It tends to affect children and young adults, and is slightly more common in females.", + "Granuloma annulare (GA) is a common skin condition in which there are smooth discoloured plaques. They are usually thickened and ring-shaped or annular in shape.", + "Granuloma annulare (GA) is a common conditi0n of unknown cause which affects the skin of children, teen4gers or young adults (or any age group, less commonly). Granuloma annul4re can occur on any site of the body and is occasionally quite widespre4d.", + "Granuloma annulare is a long-lasting rash that looks like a ring of small red or skin-coloured bumps. The rash usually appears over the backs of your forearms, hands or feet.", + "Granuloma annulare is a chronic skin rash with features of red lesions formed on the skin in the form of ring. There are several types of GA and localized granuloma is very common.", + "Introduction. Granuloma annulare is a long-lasting rash that looks like a ring of small red or skin-coloured bumps. The rash usually appears over the backs of your forearms, hands or feet." + ], + "url": [ + "http://granuloma-annulare.blogspot.com/2014/01/what-does-granuloma-annulare-look-like.html#!", + "http://granuloma-annulare.blogspot.com/2014/01/what-does-granuloma-annulare-look-like.html#!", + "http://diseasespictures.com/granuloma-annulare/", + "http://www.dermnetnz.org/dermal-infiltrative/granuloma-annulare.html", + "http://www.nhs.uk/conditions/granuloma-annulare/Pages/Introduction.aspx", + "http://www.dermnetnz.org/dermal-infiltrative/granuloma-annulare.html", + "http://granuloma-annulare.blogspot.com/", + "http://www.nhs.uk/conditions/granuloma-annulare/Pages/Introduction.aspx", + "http://diseasespictures.com/granuloma-annulare/", + "http://www.nhs.uk/conditions/granuloma-annulare/Pages/Introduction.aspx" + ] + }, + "query": "what does granuloma annulare look like", + "query_id": 638438, + "query_type": "DESCRIPTION", + "wellFormedAnswers": [] + }, + "truncated_cells": [] + }, + { + "row_idx": 46, + "row": { + "answers": [ + "No Answer Present." + ], + "passages": { + "is_selected": [ + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0 + ], + "passage_text": [ + "Basically, our certification means that we ensure the organic integrity of the organic products we sell from the time they reach our stores until they are safely tucked into your shopping cart. It’s similar to the organic certification for food processing plants.", + "Born more than 40 years ago as Mr. Natural's Good Food Store, we're still Missoula's home for locally-produced, organic and bulk foods. Now our name's a little shorter. And the store’s a lot bigger. The Good Food Store is dedicated to supporting a healthy community. We provide a wide selection of organic food and natural products, conduct our business in an ethical and respectful manner and donate to organizations in need.", + "Born more than 40 years ago as Mr. Natural's Good Food Store, we're still Missoula's home for locally-produced, organic and bulk foods. Now our name's a little shorter. And the store’s a lot bigger. But our mission remains the same: The Good Food Store is dedicated to supporting a healthy community.", + "Our weekly circular provides you with great savings and discounts at all of our stores. Create your shopping list online!", + "Current Store: Current Store: Food City actually dates back to 1918 when a store was opened in Greeneville, Tennessee, but K-VA-T Food Stores’ official beginning took place in 1955 when founder Jack C. Smith--with his father, Curtis and uncle, Earl--opened the first store in Grundy, Virginia.", + "A grocery store is a retail store that primarily sells food. A grocer is a bulk seller of food. Grocery stores often offer non-perishable food that is packaged in cans, bottles and boxes, with some also having fresh produce, butchers, delis, and bakeries. Large grocery stores that stock significant amounts of non-food products, such as clothing and household items, are called supermarkets.", + "Your Certified Organic Grocery Store. Courtney Mudge is the Organic Certification Manager for Whole Foods Market. She's a 5th generation Texan who grew up on a ranch in the Hill Country. When she's not coaching our stores on organic integrity, she's being crafty and searching for the perfect taco.", + "Not so much. Well, like those apples and that beef, Whole Foods Market stores are certified organic. “Wait, what?” – you may ask – “A grocery store can be certified organic?” Yes, it can and we are. Though, I admit it’s a little confusing, especially since not ALL the products in our stores are organic.", + "The US Labor Department has calculated that food purchased at home and in restaurants is 13% of household purchases, behind 32% for housing and 18% for transportation. The average US family spent $280 per month or $3,305 per year at grocery stores in 2004.", + "A delicatessen store is a type of food store where fine foods are sold. In this sense the name is often abbreviated to deli. The term delicatessen means delicacies or fine foods. In English, delicatessen originally meant only this specially prepared food." + ], + "url": [ + "http://www.wholefoodsmarket.com/blog/whole-story/your-certified-organic-grocery-store", + "http://www.goodfoodstore.com/Home/Default.aspx", + "http://www.goodfoodstore.com/Home/Default.aspx", + "http://myfooddepot.com/", + "https://www.foodcity.com/content/aboutus/", + "https://en.wikipedia.org/wiki/Grocery_store", + "http://www.wholefoodsmarket.com/blog/whole-story/your-certified-organic-grocery-store", + "http://www.wholefoodsmarket.com/blog/whole-story/your-certified-organic-grocery-store", + "https://en.wikipedia.org/wiki/Grocery_store", + "https://en.wikipedia.org/wiki/Grocery_store" + ] + }, + "query": "what is home food store", + "query_id": 755391, + "query_type": "ENTITY", + "wellFormedAnswers": [] + }, + "truncated_cells": [] + }, + { + "row_idx": 47, + "row": { + "answers": [ + "Minerals are incredibly important for health and to prevent chronic disease." + ], + "passages": { + "is_selected": [ + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 1 + ], + "passage_text": [ + "Most people should get all the nutrients they need by having a varied and balanced diet, although some few people may need to take extra supplements. What this guide covers This guide has information about:", + "Bonus: Like potassium, calcium helps regulate blood pressure. On your plate: milk (and other dairy products), spinach, beans and calcium-fortified products. 4. Magnesium: One of the most underrated minerals, magnesium is involved in over 300 chemical reactions in your body.", + "other vitamins and minerals – including beta-carotene, copper, potassium and zinc ; Use these links to find out what these nutrients do, how much of them you need, how to ensure you get enough, and what the risks are if you take too much. Additional information. There are separate pages on: vitamins for children", + "Vitamins and minerals. vitamins-minerals Vitamin A. vitamins-minerals B vitamins and folic acid. vitamins-minerals Vitamin C. vitamins-minerals Vitamin D. vitamins-minerals Vitamin E. vitamins-minerals Vitamin K. vitamins-minerals Calcium.", + "There are separate pages on: 1 vitamins for children. 2 vitamins, supplements and nutrition in pregnancy. 3 fluoride.", + "The 5 Minerals You Really Need ... and How to Add Them to Your Diet. According to Nobel Prize-winner Dr. Linus Pauling, you can trace every health ailment to a mineral deficiency. Who knew?Stress, for example, robs your body of magnesium. An iron deficiency can make you feel lethargic -- and compromise your immunity.", + "On your plate: bananas, baked potatoes, raisins, tomatoes and artichokes. 1 3. Calcium: Sure, calcium helps build strong bones, but it also helps prevent PMS (a welcome side effect for women everywhere). 2 4. Magnesium: One of the most underrated minerals, magnesium is involved in over 300 chemical reactions in your body.", + "other vitamins and minerals – including beta-carotene, copper, potassium and zinc Use these links to find out what these nutrients do, how much of them you need, how to ensure you get enough, and what the risks are if you take too much.", + "Vitamins and minerals are nutrients your body needs in small amounts to work properly and stay healthy. Most people should get all the nutrients they need by having a varied and balanced diet, although some few people may need to take extra supplements. What this guide covers. This guide has information about: vitamin A B vitamins and folic acid", + "So which minerals do you need, and how do you add them to your diet? Minerals are incredibly important for health and to prevent chronic disease. Without them we'd suffer from osteoporosis, PMS, high blood pressure and low energy, just to name a few, says Karen Ansel, a registered dietitian in New York." + ], + "url": [ + "http://www.nhs.uk/Conditions/vitamins-minerals/Pages/Vitamins-minerals.aspx", + "https://www.self.com/story/the-5-minerals-you-really-need", + "http://www.nhs.uk/Conditions/vitamins-minerals/Pages/Vitamins-minerals.aspx", + "http://www.nhs.uk/Conditions/vitamins-minerals/Pages/Vitamins-minerals.aspx", + "http://www.nhs.uk/Conditions/vitamins-minerals/Pages/Vitamins-minerals.aspx", + "https://www.self.com/story/the-5-minerals-you-really-need", + "https://www.self.com/story/the-5-minerals-you-really-need", + "http://www.nhs.uk/Conditions/vitamins-minerals/Pages/Vitamins-minerals.aspx", + "http://www.nhs.uk/Conditions/vitamins-minerals/Pages/Vitamins-minerals.aspx", + "https://www.self.com/story/the-5-minerals-you-really-need" + ] + }, + "query": "the importance of minerals in diet", + "query_id": 516461, + "query_type": "DESCRIPTION", + "wellFormedAnswers": [] + }, + "truncated_cells": [] + }, + { + "row_idx": 48, + "row": { + "answers": [ + "Prizes are considered taxable income regardless of whether the prize is in the form of cash, trips or merchandise." + ], + "passages": { + "is_selected": [ + 1, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0 + ], + "passage_text": [ + "Prizes are considered taxable income regardless of whether the prize is in the form of cash, trips or merchandise. If you win a prize valued over $600, the sweepstakes or contest sponsor must report the value to you and the Internal Revenue Service on a Form 1099-MISC.You’re still supposed to report and pay tax on prizes under $600.f you win a prize valued over $600, the sweepstakes or contest sponsor must report the value to you and the Internal Revenue Service on a Form 1099-MISC. You’re still supposed to report and pay tax on prizes under $600.", + "Step 5. Subtract your exemption deduction from your adjusted gross income to determine your taxable income. Using the previous example, your taxable income is $91,600, or $106,400 minus $14,800.This is the income that the IRS will use to determine your tax.sing the previous example, with a taxable income of $91,600 and a married filing jointly status, your tax obligation is $15,156. Estimate your income federal income tax withholding for the year using the information included on your most recent pay stub.", + "If the prize was not a cash prize, determine the fair market value of the item and add that amount to your estimated annual income. Using the previous example, if your annual income is $108,000 and you won $10,000, your total estimated income is $118,000.sing the previous example, with a taxable income of $91,600 and a married filing jointly status, your tax obligation is $15,156. Estimate your income federal income tax withholding for the year using the information included on your most recent pay stub.", + "The amount listed in the table is the tax that you will owe on your income. Using the previous example, with a taxable income of $91,600 and a married filing jointly status, your tax obligation is $15,156.Estimate your income federal income tax withholding for the year using the information included on your most recent pay stub.sing the previous example, with a taxable income of $91,600 and a married filing jointly status, your tax obligation is $15,156. Estimate your income federal income tax withholding for the year using the information included on your most recent pay stub.", + "Depending on the value of your prize, it may bump you into a different tax bracket. Step 6. Multiply the value of your prize by your IRS tax rate to determine the amount of taxes you will pay on it. At the time of publication, tax rates ranged from 10 percent to 35 percent of your income.Step 7. Add the state taxes to the amount you are paying in federal taxes on the prize.t the time of publication, tax rates ranged from 10 percent to 35 percent of your income. Step 7. Add the state taxes to the amount you are paying in federal taxes on the prize.", + "Prizes and awards will increase your tax bill, but the question of how much depends on the value of the winnings and the amount of your other income. Prizes are taxed as ordinary income. That means you add the prize value to the income you received from your job and other sources during the year.f you win a prize valued over $600, the sweepstakes or contest sponsor must report the value to you and the Internal Revenue Service on a Form 1099-MISC. You’re still supposed to report and pay tax on prizes under $600.", + "State Taxes. You will have to pay state income tax on your winnings in 39 states. If you live in one of the 11 states that don’t tax sweepstakes prizes, you may be spared state income taxes. Alaska, Florida, Nevada, South Dakota, Tennessee, Texas, Washington and Wyoming have no state income taxes.f you win a prize valued over $600, the sweepstakes or contest sponsor must report the value to you and the Internal Revenue Service on a Form 1099-MISC. You’re still supposed to report and pay tax on prizes under $600.", + "The IRS taxes prize winnings the same as any other type of income. The amount you will pay depends on your entire income for the year. Calculating your taxes now allows you to set aside the money, instead of getting hit with a shocking tax bill.t the time of publication, tax rates ranged from 10 percent to 35 percent of your income. Step 7. Add the state taxes to the amount you are paying in federal taxes on the prize.", + "Prize money and winnings from writing competitions are a taxable source of income. Well, I assumed (wrongly) that any money received as a prize is not subject to tax.The prize money received is treated as a professional receipt as you entered the competitions of your own accord so should be included on your self employed schedule for this source of income. As the prize is taxable then the competition entry fees will be an allowable expense against such income.”.", + "Therefore, if the taxpayer receives any such award/winnings, then such winnings will be liable to tax as part of his total income for a particular tax year. An issue arises, whether a particular scheme is in the nature of a lottery or not.herefore, if the taxpayer receives any such award/winnings, then such winnings will be liable to tax as part of his total income for a particular tax year. An issue arises, whether a particular scheme is in the nature of a lottery or not." + ], + "url": [ + "http://finance.zacks.com/much-state-federal-tax-owed-sweepstakes-winnings-6171.html", + "http://budgeting.thenest.com/calculate-taxes-prize-money-26121.html", + "http://budgeting.thenest.com/calculate-taxes-prize-money-26121.html", + "http://budgeting.thenest.com/calculate-taxes-prize-money-26121.html", + "http://finance.zacks.com/calculate-taxes-prize-money-3519.html", + "http://finance.zacks.com/much-state-federal-tax-owed-sweepstakes-winnings-6171.html", + "http://finance.zacks.com/much-state-federal-tax-owed-sweepstakes-winnings-6171.html", + "http://finance.zacks.com/calculate-taxes-prize-money-3519.html", + "http://www.christopherfielden.com/short-story-tips-and-writing-advice/are-writing-competition-prizes-taxable.php", + "http://articles.economictimes.indiatimes.com/2011-01-04/news/28432895_1_winnings-lottery-scheme-income-tax-act" + ] + }, + "query": "prize money taxable income", + "query_id": 481996, + "query_type": "NUMERIC", + "wellFormedAnswers": [ + "Prizes are considered taxable income regardless of whether the prize is in the form of cash, trips or merchandise." + ] + }, + "truncated_cells": [] + }, + { + "row_idx": 49, + "row": { + "answers": [ + "No Answer Present." + ], + "passages": { + "is_selected": [ + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0 + ], + "passage_text": [ + "Communication in the Nervous System: Neurons. There are two major types of cells in the nervous system: glia and neurons. Neurons are cells that receive, integrate, and transmit information. In the human nervous system, the vast majority are interneurons-neurons that communicate with other neurons.", + "The cerebral cortex in humans. The cerebral cortex consists of right and left halves, called cerebral hemispheres. This diagram provides a view of. the right hemisphere. Each cerebral hemisphere is divided into four lobes (which are highlighted in the bottom inset): the occipital lobe, the parietal. lobe, the temporal lobe, and the frontal lobe.", + "The limbic system is a loosely connected network of structures involved in emotion, motivation, memory, and other aspects of behavior. Cerebrum The largest and most complex part of the human brain - includes the brain areas that are responsible for our most complex mental activities, including learning, remembering, thinking, and consciousness.", + "Cerebral Hemispheres – two specialized halves connected by the . corpus collosum. Left hemisphere – verbal processing: language, speech, reading, writing. Right hemisphere – nonverbal processing: spatial, musical, visual recognition. The cerebrum is divided into two specialized hemispheres that are connected by the corpus collosum. The corpus collosum is a thick band of fibers (axons) that transmits information between the hemispheres.", + "Figure 3.14 The cerebral hemispheres and the corpus callosum. Figure 3.14. The cerebral hemispheres and the corpus callosum. In this drawing the cerebral hemispheres have been “pulled. apart” to reveal the corpus callosum. This band of fibers is. the communication bridge between the right and left halves. of the human brain.", + "divided into right and left halves, called cerebral hemispheres. If we pry apart the two halves of the brain, we see that this fissure descends to a structure called the corpus callosum. The largest and most complex part of the human brain - includes the brain areas that are responsible for our most complex mental activities, including learning, remembering, thinking, and consciousness.", + "The two neurons are separated by the synaptic cleft, a microscopic gap between the terminal button of one neuron and the cell membrane of another neuron. Signals have to cross this gap for neurons to communicate. The neural impulse is a signal that must be transmitted from a neuron to other cells.", + "In the human brain, there are about ten glia cells for every neuron. Glia come in a variety of forms. Their main function is to support the neurons by, among other things, supplying them with nutrients and removing waste material. In the human brain, there are about ten glia cells for every neuron.", + "c. forebrain - the largest and most complex region of the brain. 1. cerebrum - center for complex thought. Involved in learning, remembering, thinking, and consciousness. Divided into two halves (hemispheres) that are connected by the corpus callosum - if split, hemispheres can't communicate, but that does not mean that a person can't survive. There is a large and interesting body of research on split brain functions.", + "c forebrain the largest and most complex region of the brain 1 cerebrum center from SCIEN psychology at Oxford Brookes" + ], + "url": [ + "https://quizlet.com/14560710/psychology-chapters-3-4-and-8-biological-bases-of-behavior-flash-cards/", + "https://learning.hccs.edu/faculty/asma.rahim/psyc2301/ch.-3/at_download/file", + "https://quizlet.com/14560710/psychology-chapters-3-4-and-8-biological-bases-of-behavior-flash-cards/", + "https://learning.hccs.edu/faculty/asma.rahim/psyc2301/ch.-3/at_download/file", + "https://learning.hccs.edu/faculty/asma.rahim/psyc2301/ch.-3/at_download/file", + "https://quizlet.com/14560710/psychology-chapters-3-4-and-8-biological-bases-of-behavior-flash-cards/", + "https://quizlet.com/14560710/psychology-chapters-3-4-and-8-biological-bases-of-behavior-flash-cards/", + "https://quizlet.com/14560710/psychology-chapters-3-4-and-8-biological-bases-of-behavior-flash-cards/", + "https://www.coursehero.com/file/p1mt2ul/c-forebrain-the-largest-and-most-complex-region-of-the-brain-1-cerebrum-center/", + "https://www.coursehero.com/file/p1mt2ul/c-forebrain-the-largest-and-most-complex-region-of-the-brain-1-cerebrum-center/" + ] + }, + "query": "is the center for complex thoughts and is involved in learning, remembering, thinking, and consciousness. it is divided into two halves (hemispheres) that are connected by the corpus callosum.", + "query_id": 1174757, + "query_type": "DESCRIPTION", + "wellFormedAnswers": [] + }, + "truncated_cells": [] + }, + { + "row_idx": 50, + "row": { + "answers": [ + "Onondaga" + ], + "passages": { + "is_selected": [ + 0, + 1, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0 + ], + "passage_text": [ + "These trails offer a challenge for all ages and abilities. Nine Mile Forest Unit has 10 miles of single track mountain bike trails and 20 miles on the cross country trails, all riders 12 years and older require a daily or annual pass.", + "Ninemile Creek is located in Onondaga County near the towns of Camillus. and Marcellus. There are 5 miles of Public Fishing Rights (PFR’s) along this. medium sized mostly open stream. Ninemile Creek is a popular fly fishing. location. Both wild brown trout and the occasional wild brook trout are found. in the stream.The stream is also stocked annually by Onondaga County’s.", + "I first came across the Nine Mile Motel when travelling along Route 6 in 2003. I immediately fell in love with the setting and location, and have stayed there at least one time each year since. Until last year, when I moved to the Lehigh Valley, I had to travel 500 miles or more to get there, so it had...", + "added 6 new photos to the album: Nine Mile Night Ski February 1st — at Nine Mile County Forest. Mase and I skied the lighted trails at Nine Mile last night. Absolutely clear skis made the stars burn like sparks from a campfire. I've been skiing hurt all winter with a groin pull.. Was doubting my ability to do the Korteloppet in 3 weeks. But last night, while still a little sore, was the best ski of the season.", + "Many skiers post feedback from their recent skiing experiences they've had on the Nine Mile cross-country ski trail system at Skinnyski.com website. che The Nine Mile Trail System located in Central Wisconsin just minutes from Wausau is one of the top cross-country skiing facilities in Wisconsin.", + "Nine Mile Forest Recreational Area Ski and Snowshoe trail are closed for the season. See skinnyski reports below for recent firsthand testimonials of skiing experiences. This site will be updated with periodic trail condition reports throughout the season.", + "Nine Mile Forest Unit has 10 miles of signed horseback riding trails. Trails open between May 1 and May 15 depending on trail conditions (if open - the first 3 weeks of May the trails open after 12:00 pm/noon each day). The trails remain open through October 15 each year.", + "First known as New Bridge Road, the name “Nine Mile” comes from the distance between Richmond and Seven Pines ending at Williamsburg Road. In 1888, Richmond City and Seven Pines Railway Company established a route along the road. This line provided city access for Henrico citizens and excursion trains for Richmonders.", + "The forest has 4,894 acres of mixed uplands, marshes, and water impoundments available to the public for a variety of activities. Nine-Mile County Forest is principally managed to maintain and protect the integrity of its ecosystems while also producing wood products, wildlife, and recreation opportunities.", + "NO dogs allowed on the groomed ski trails at Nine Mile Forest. Trails are groomed several times a week throughout the season and after each snow event. The ski trails never close because of cold weather. Nine Mile County Forest Recreation Area trails are open even if the chalet is closed." + ], + "url": [ + "http://www.visitwausau.com/accountdetails.php?id=195580&s=0&filter=&sort=&subcat=", + "http://www.dec.ny.gov/docs/fish_marine_pdf/r7ninempfr.pdf", + "https://www.tripadvisor.com/Hotel_Review-g53869-d1478387-Reviews-Nine_Mile_Lakeside_Cottages_Motel-Ulysses_Potter_County_Pennsylvania.html", + "https://www.facebook.com/pages/Nine-Mile-County-Forest/154645501213231", + "http://www.co.marathon.wi.us/Departments/ParksRecreationForestry/RecreationOpportunities/CrossCountrySkiingSnowshoeing.aspx", + "http://www.co.marathon.wi.us/Departments/ParksRecreationForestry/RecreationOpportunities/CrossCountrySkiingSnowshoeing.aspx", + "http://www.visitwausau.com/accountdetails.php?id=195580&s=0&filter=&sort=&subcat=", + "http://henrico.us/locations/nine-mile-road/", + "http://www.visitwausau.com/accountdetails.php?id=195580&s=0&filter=&sort=&subcat=", + "http://www.co.marathon.wi.us/Departments/ParksRecreationForestry/RecreationOpportunities/CrossCountrySkiingSnowshoeing.aspx" + ] + }, + "query": "what county is nine mile in", + "query_id": 610348, + "query_type": "LOCATION", + "wellFormedAnswers": [ + "Nine Mile is in Onondaga county." + ] + }, + "truncated_cells": [] + }, + { + "row_idx": 51, + "row": { + "answers": [ + "Salpingectomy is the surgical removal of one or both fallopian tubes." + ], + "passages": { + "is_selected": [ + 0, + 0, + 0, + 0, + 0, + 1, + 0, + 0, + 0, + 0 + ], + "passage_text": [ + "SGO Clinical Practice Statement: Salpingectomy for Ovarian Cancer Prevention. SGO Clinical Practice Statement: Salpingectomy for Ovarian Cancer Prevention. Salpingectomy may be appropriate and feasible as a strategy for ovarian cancer risk reduction.", + "Ovarian cancer has the highest mortality rate out of all types of gynecologic cancer and is the fifth leading cause of cancer deaths among women (1). The overall survival rate for women with epithelial ovarian cancer has improved marginally in the past 50 years.", + "In the Nurses’ Health Study, all-cause mortality and cancer mortality increased in women who received a BSO (16). The risk of ovarian cancer after hysterectomy with ovarian conservation is 0.1–0.75% (17). Death from ovarian cancer after tubo-ovarian conservation in the Nurses’ Health Study was 0.03% (16).", + "Nearby words of 'salpingectomies'. 1 salpicon. 2 salpid. 3 salpiglossis. salpingectomies. 4 salpingectomy. salpinges. 5 salpingitis. All ENGLISH words that begin with 'S'.", + "Salpingectomy for Ovarian Cancer Prevention. ABSTRACT: Ovarian cancer has the highest mortality rate out of all types of gynecologic cancer and is the fifth leading cause of cancer deaths among women.", + "Salpingectomy is the surgical removal of one or both fallopian tubes. The fallopian tubes serve as a passageway for an ovum to travel from the ovary to the uterus. In a unilateral salpingectomy, only one fallopian tube is removed; in a bilateral salpingectomy, both fallopian tubes are removed. A salpingectomy can be performed for a number of reasons, including treatment of ectopic pregnancies and infections in the fallopian tubes (salpingitis).", + "In our opinion, introduction of bilateral salpingectomies at the time of tubal ligation or hysterectomy for benign gynecologic patients is a reasonable option. In the absence of good screening tests, this procedure is the only form of prophylaxis for a cancer that is difficult to detect and often lethal when found. Physicians should at least present patients with this option during presterilization and prehysterectomy counseling.", + "Light Work usually requires walking or standing to a significant degree. However, if the use of the arm and/or leg controls requires exertion of forces greater than that for Sedentary Work and the worker sits most the time, the job is rated Light Work.", + "November 2013. Salpingectomy may be appropriate and feasible as a strategy for ovarian cancer risk reduction. A paradigm shift in our understanding of pelvic serous carcinomas suggests that the site of origin may be the fallopian tube.", + "Laparoscopic bilateral salpingectomy. Laparoscopic bilateral salpingectomy. Laparoscopic bilateral salpingectomy: Laparoscopic bilateral salpingectomy is a minimally invasive procedure to remove both fallopian tubes using a tiny video camera (laparoscope) and other instruments inserted through several small keyhole incisions in the lower abdomen." + ], + "url": [ + "https://www.sgo.org/clinical-practice/guidelines/sgo-clinical-practice-statement-salpingectomy-for-ovarian-cancer-prevention/", + "https://www.acog.org/Resources-And-Publications/Committee-Opinions/Committee-on-Gynecologic-Practice/Salpingectomy-for-Ovarian-Cancer-Prevention", + "https://www.acog.org/Resources-And-Publications/Committee-Opinions/Committee-on-Gynecologic-Practice/Salpingectomy-for-Ovarian-Cancer-Prevention", + "https://www.collinsdictionary.com/dictionary/english/salpingectomies", + "https://www.acog.org/Resources-And-Publications/Committee-Opinions/Committee-on-Gynecologic-Practice/Salpingectomy-for-Ovarian-Cancer-Prevention", + "http://www.mdguidelines.com/salpingectomy", + "http://contemporaryobgyn.modernmedicine.com/contemporary-obgyn/content/tags/bilateral-salpingectomy-ovarian-retention/prophylactic-salpingectomy?page=full", + "http://www.mdguidelines.com/salpingectomy", + "https://www.sgo.org/clinical-practice/guidelines/sgo-clinical-practice-statement-salpingectomy-for-ovarian-cancer-prevention/", + "http://www.rightdiagnosis.com/surgery/laparoscopic-bilateral-salpingectomy.htm" + ] + }, + "query": "what is a salpingectomies", + "query_id": 698805, + "query_type": "DESCRIPTION", + "wellFormedAnswers": [ + "Salpingectomy is the surgical removal of one or both fallopian tubes." + ] + }, + "truncated_cells": [] + }, + { + "row_idx": 52, + "row": { + "answers": [ + "No Answer Present." + ], + "passages": { + "is_selected": [ + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0 + ], + "passage_text": [ + "Chromium (III) picolinate (CrPic 3) is a chemical compound sold as a nutritional supplement to treat type 2 diabetes and promote weight loss. This bright-red coordination compound is derived from chromium (III) and picolinic acid.s such, chromium (III) picolinate has been used as a treatment for type 2 diabetes, although its effectiveness remains controversial due to conflicting and/or poorly carried out clinical studies. Chromium (III) picolinate has been described as a poor [...] nutritional supplement.", + "A study in 1989 suggested that chromium (III) picolinate may assist in weight loss and increase muscle mass which led to an increase in the usage of chromium (III) picolinate supplements, making it the second most widely used supplement behind Ca 2+ supplements.s such, chromium (III) picolinate has been used as a treatment for type 2 diabetes, although its effectiveness remains controversial due to conflicting and/or poorly carried out clinical studies. Chromium (III) picolinate has been described as a poor [...] nutritional supplement.", + "Chromium is a metal. It is called an “essential trace element” because very small amounts of chromium are necessary for human health. Chromium is used for improving blood sugar control in people with prediabetes, type 1 and type 2 diabetes, and high blood sugar due to taking steroids. Athletic performance. 2 Some early evidence that suggests taking chromium while participating in resistance training can increase weight loss, body fat loss, and lean body mass. 3 However, more reliable research shows that taking chromium by mouth does not enhance body building, strength, or lean body mass.", + "Chromium has been identified to regulate insulin by increasing the sensitivity of the insulin receptor. As such, chromium (III) picolinate has been used as a treatment for type 2 diabetes, although its effectiveness remains controversial due to conflicting and/or poorly carried out clinical studies.Chromium (III) picolinate has been described as a poor [...] nutritional supplement.s such, chromium (III) picolinate has been used as a treatment for type 2 diabetes, although its effectiveness remains controversial due to conflicting and/or poorly carried out clinical studies. Chromium (III) picolinate has been described as a poor [...] nutritional supplement.", + "Chromium picolinate works together with insulin produced by the pancreas to metabolize carbohydrates. Chromium picolinate has been used in alternative medicine to treat chromium deficiency, as an aid to controlling blood sugar in people with diabetes or prediabetes, to lower cholesterol, and as a weight-loss supplement.Not all uses for chromium picolinate have been approved by the FDA.lease take the time to check out all the information on chromium and weight loss at http://www.everydayhealth.com/drugs/chromium-picolinate and http://www.everydayhealth.com/weight/calories.aspx. In addition, it is always a good idea to check with one's health care provider in matters like this.", + "A: Chromium picolinate is a nutritional supplement. Products that are sold as dietary or nutritional supplements in the United States do not undergo the same detailed testing that prescription drug products do to show that they are safe and effective.lease take the time to check out all the information on chromium and weight loss at http://www.everydayhealth.com/drugs/chromium-picolinate and http://www.everydayhealth.com/weight/calories.aspx. In addition, it is always a good idea to check with one's health care provider in matters like this.", + "Chromium, without picolinate, is a natural mineral found in many foods such as meat, unprocessed foods, fats and vegetable oil [source: Larsen ]. Specific foods that have chromium in them naturally include carrots, potatoes, broccoli, whole grains and molasses [source: Merck ].Other examples include eggs, beef and brewer's yeast [source: Any Vitamins ]. Chromium is paired with acidic picolinate in pill form to help aid the body's ability to absorb the mineral.Picolinate is produced when tryptophan is made, therefore it's also known as a by-product of tryptophan [source: Merck ].t worst, they can cause serious side effects and complications. Enter chromium picolinate, whose weight-loss benefits may come at the price of mutated DNA. Chromium picolinate is a nutritional supplement. Typically found in pill form, chromium picolinate can be purchased over the counter.", + " For a quick readup go here: http://en.wikipedia.org/wiki/Chromium_picolinate It's a supplement that many claim is a magic weight loss pill... but that's mostl … y BS. Nothing can beat a healthy balanced diet and exercise. I had already tried this chromium GTF stuff and it made me feel sick and didn't do a thing for the sugar cravings or appetite suppressent. I figured I'd try this one but also thought I was wasting more money on something that probably wouldn't do a thing. I was 100% wrong.", + "Overview. Chromium is an essential mineral that plays a role in how insulin helps the body regulate blood sugar levels. Insulin is a hormone that your body uses to change sugar, starches, and other food into the energy you need for daily activities.verview. Chromium is an essential mineral that plays a role in how insulin helps the body regulate blood sugar levels. Insulin is a hormone that your body uses to change sugar, starches, and other food into the energy you need for daily activities.", + "The difference between chromium picolinate and chromium pol … ynicotinate is that chromium picolinate is made of chromium and picolinic acid whereas chromium polynicotinate is made of chromium and niacin. I had already tried this chromium GTF stuff and it made me feel sick and didn't do a thing for the sugar cravings or appetite suppressent. I figured I'd try this one but also thought I was wasting more money on something that probably wouldn't do a thing. I was 100% wrong." + ], + "url": [ + "https://en.wikipedia.org/wiki/Chromium(III)_picolinate", + "https://en.wikipedia.org/wiki/Chromium(III)_picolinate", + "http://www.webmd.com/vitamins-supplements/ingredientmono-932-CHROMIUM.aspx?activeIngredientId=932&activeIngredientName=CHROMIUM", + "https://en.wikipedia.org/wiki/Chromium(III)_picolinate", + "http://www.everydayhealth.com/drugs/chromium-picolinate", + "http://www.everydayhealth.com/drugs/chromium-picolinate", + "http://health.howstuffworks.com/wellness/natural-medicine/alternative/chromium-picolinate.htm", + "http://www.answers.com/Q/What_is_the_expiration_of_chromium_Picolinate", + "http://umm.edu/health/medical/altmed/supplement/chromium", + "http://www.answers.com/Q/What_is_the_expiration_of_chromium_Picolinate" + ] + }, + "query": "does chromium piclinate expire", + "query_id": 164635, + "query_type": "DESCRIPTION", + "wellFormedAnswers": [] + }, + "truncated_cells": [] + }, + { + "row_idx": 53, + "row": { + "answers": [ + "No Answer Present." + ], + "passages": { + "is_selected": [ + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0 + ], + "passage_text": [ + "Riparian rights: the right of access to the water, the right to construct piers from their lands into the water, and the right to use the shore for bathing, boating or kindred purposes. B. Common law rules. 1. An easement to use shorelands did not make the easement holder a riparian owner.", + "An easement to use shorelands did not make the easement holder a riparian owner. 2. BUT: the courts recognized that a riparian owner could grant riparian rights to non-riparian owners via easement. C. Statutory modifications to common law rules. 1.", + "1 Prescriptive Easements. 2 Even where an access easement does not exist, or where an access easement prohibits dockage or the mooring of boats, back lot owners sometimes trespass over riparian property to obtain access to the waters, or to wrongfully install docks and moor boats.", + "An easement is the permanent right to use a portion of the property of another for a specific use or purpose. Easements are typically created (or reserved) by an express document, whether it be a deed, land contract, dedication in a plat, a deed restriction document, or a specific easement agreement.", + "Wisconsin state law prohibits a riparian owner from conveying any riparian right, except for the right to access the water by crossing over the upland. 1 This prohibition is quite unique. In the vast majority of states, riparian rights can be severed from the land and transferred freely.", + "Riparian Property Rights: A riparian proprietor is a person who is in possession of riparian lands or who owns an interest therein, and the proprietor is the only person that holds the riparian rights in riparian property.", + "Riparian Rights in Michigan Riparian rights are property rights which run with the land. Only land which abuts a natural body ofwater has riparian rights. A riparian property owner has the following property rights:1. Access to water.2. Install a dock anchored to his bottomland.3.", + "Only land which abuts a natural body ofwater has riparian rights. A riparian property owner has the following property rights:1. Access to water.2. Install a dock anchored to his bottomland.3.", + "Riparian rights are common to all riparian owners on the samebody of water, and rest entirely upon the fact of title in the fee tothe shore land.2. Riparian rights are not alienable, severable, divisible, or assignablepart from the land which includes, or is bounded by, a naturalwatercourse.3.", + "Presentation to the Wisconsin Real Property Listers Association Siren, Wisconsin September 18, 2003 Jesse S. Ishikawa Reinhart Boerner Van Deuren s.c. 22 East Mifflin Street, Suite 600 Madison, WI 53703 (608) 229-2208 2003 by Jesse S. Ishikawa All Rights Reserved I. DEFINITION AND CHARACTERISTICS OF AN EASEMENT." + ], + "url": [ + "http://www.wrpla.org/Resources/IntroductionEasements.htm", + "http://www.wrpla.org/Resources/IntroductionEasements.htm", + "https://www.mikameyers.com/news/article/riparian-property-rights-what-are-they-and-how-can-we-help-you-protect-them", + "http://www.mymlsa.org/what-are-easements-2", + "http://nsglc.olemiss.edu/SandBar/SandBar7/7.3riparian.htm", + "https://www.mikameyers.com/news/article/riparian-property-rights-what-are-they-and-how-can-we-help-you-protect-them", + "http://mwai.org/pdf_uploader/files/riparian_law.pdf", + "http://mwai.org/pdf_uploader/files/riparian_law.pdf", + "http://mwai.org/pdf_uploader/files/riparian_law.pdf", + "http://www.wrpla.org/Resources/IntroductionEasements.htm" + ] + }, + "query": "can an easement confer riparian rights", + "query_id": 64117, + "query_type": "DESCRIPTION", + "wellFormedAnswers": [] + }, + "truncated_cells": [] + }, + { + "row_idx": 54, + "row": { + "answers": [ + "A triglyceride is an ester derived from glycerol and three to four fatty acids." + ], + "passages": { + "is_selected": [ + 1, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0 + ], + "passage_text": [ + "A triglyceride is an ester derived from glycerol and three to four fatty acids. Triglycerides are the main constituents of body fat in humans and other animals, as well as vegetable fat. They are also present in the blood to enable the bidirectional transference of adipose fat and blood glucose from the liver, and are a major component of human skin oils. There are many different types of triglyceride, with the main division between saturated and unsaturated types. Saturated fats are saturated", + "A triglyceride (TG, triacylglycerol, TAG, or triacylglyceride) is an ester derived from glycerol and three to four fatty acids (from tri-and glyceride). Triglycerides are the main constituents of body fat in humans and other animals, as well as vegetable fat. They are also present in the blood to enable the bidirectional transference of adipose fat and blood glucose from the liver, and are a major component of human skin oils.", + "For adults, triglyceride test results are categorized as follows: 1 Desirable: Less than 150 mg/dL (1.7 mmol/L) 2 Borderline high: 150 to 199 mg/dL (1.7-2.2 mmol/L) 3 High: 200 to 499 mg/dL (2.3-5.6 mmol/L) 4 Very high: Greater than 500 mg/dL (5.6 mmol/L)", + "Triglycerides. 1 Blood tests for triglycerides are usually part of a lipid profile that is used to help identify an individual's risk of developing heart disease and to help make decisions about what treatment may be needed if there is borderline or high risk.", + "Testing may be ordered more frequently when people have identified risk factors for heart disease. 1 Some risk factors for heart disease include: 2 Cigarette smoking. 3 Being overweight or obese. 4 Unhealthy diet. 5 Being physically inactive—not getting enough exercise. 6 Age (men 45 years or older or women 55 years or older)", + "Ranges with anything over 499 are being considered extremely high. But these numbers serve more as just a measurement method. They are used to assess risk. Most people wondering what are triglycerides also want to know what having elevated triglycerides levels can mean for the body. Atherosclerosis is the biggest risk associated with having high triglycerides levels.", + "Sometimes, this storage comes in the form of excess fat in the midsection. Figuring out just what are triglycerides means understanding where they come from. In most cases, triglycerides are the result of digestion and the body breaking down fats. Sometimes they also are the byproduct of carbohydrates as well. While the fats are not always a bad thing, having triglycerides too high can be and for a multitude of reasons.", + "What Are Triglycerides Levels and Why Do They Matter? When most people ask what are triglycerides, it is because they associate the word with being bad for the body. In fact, they are incredibly important to many body processes and are considered the main form of fat within the body. The body uses triglycerides for energy, which is a good thing.", + "A triglyceride (TG, triacylglycerol, TAG, or triacylglyceride) is an ester derived from glycerol and three fatty acids (from tri- and glyceride). Triglycerides are the main constituents of body fat in humans and other animals, as well as vegetable fat. They are also present in the blood to enable the bidirectional transference of adipose fat and blood glucose from the liver, and are a major component of human skin oils.", + "Triglycerides are utilized in the body by offering a source of energy to cells that require it. They are a normal component of the blood and are naturally stored in fat deposits. However, when present in excess triglycerides can cause problems in the body and lead to serious diseases." + ], + "url": [ + "https://en.wikipedia.org/wiki/Triglyceride", + "https://en.wikipedia.org/wiki/Triglyceride", + "https://labtestsonline.org/understanding/analytes/triglycerides/tab/test", + "https://labtestsonline.org/understanding/analytes/triglycerides/tab/test", + "https://labtestsonline.org/understanding/analytes/triglycerides/tab/test", + "http://triglycerideslevels.org/", + "http://triglycerideslevels.org/", + "http://triglycerideslevels.org/", + "https://en.wikipedia.org/wiki/Triglyceride", + "https://www.news-medical.net/health/What-are-Triglycerides.aspx" + ] + }, + "query": "triglycerides what are they", + "query_id": 524762, + "query_type": "DESCRIPTION", + "wellFormedAnswers": [] + }, + "truncated_cells": [] + }, + { + "row_idx": 55, + "row": { + "answers": [ + "No Answer Present." + ], + "passages": { + "is_selected": [ + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0 + ], + "passage_text": [ + "Saturday, May 19, 2012. Cunnilingus is a sexual act where a woman’s genital area is stimulated by her partner’s lips, mouth and tongue. “Cunnilingus” is derived from two Latin words; “cunnus” meaning vulva (hello lady parts!) and “lingua” which means tongue. The big word basically describes oral sex performed on a woman for the purpose of sexual pleasure. Most people who engage in oral sex find it extremely pleasurable.", + "Alternative searches for cunnilingus: Search for Antonyms for cunnilingus; Search for Definitions for cunnilingus; Search for Anagrams for cunnilingus; Quotes containing the term cunnilingus; Search for Phrases containing the term cunnilingus; Search for Poems containing the term cunnilingus; Search for Scripts containing the term cunnilingus", + "Even though male and female sexual organs appear in almost every image (even when people are dressed), and many show cunnilingus, fellatio, and intercourse in various positions, the depictions are so highly stylized that they transcend any notion of pornography.", + "Synonyms for cunnilingusˌkʌn lˈɪŋ gəs; -ˈɪŋk təs. This thesaurus page is about all possible synonyms, equivalent, same meaning and similar words for the term cunnilingus. Princeton's WordNet (0.00 / 0 votes) Rate these synonyms: cunnilingus, cunnilinctus (noun)", + "To perform cunnilingus is, in dancehall parlance, to bow, and the naming signifies the low status assigned to the concept because to bow is stoop down low to show deference or respect for a higher authority figure, in effect accepting one's own subservience and subjugation (Hope 51).", + "“Cunnilingus” is derived from two Latin words; “cunnus” meaning vulva (hello lady parts! ) and “lingua” which means tongue. The big word basically describes oral sex performed on a woman for the purpose of sexual pleasure.", + "What are some alternative words for cunnilingus? Synonyms for cunnilingus ˌkʌn lˈɪŋ gəs; -ˈɪŋk təs This thesaurus page is about all possible synonyms, equivalent, same meaning and similar words for the term cunnilingus. Princeton's WordNet (0.00 / 0 votes) Rate these synonyms:", + "Is It Fun? Saturday, May 19, 2012 by Abiola Abrams Cunnilingus is a sexual act where a woman’s genital area is stimulated by her partner’s lips, mouth and tongue.", + "243 adult men in heterosexual relationships were surveyed and the researchers found that cunnilingus is used by men to discourage their female partners from cheating by increasing her relationship satisfaction, a theory which the authors referred to as a mate-retention strategy, the Huffington Post reported.", + "Wiktionary(1.00 / 1 vote)Rate these synonyms: cunnilingus(noun) Oral sex in which the clitoris or vulva of the female is orally stimulated. Synonyms: DATY, lip service, dining at the Y, pussy eating, carpet munching, muff diving." + ], + "url": [ + "http://www.gurl.com/2012/05/19/what-is-cunnilingus/", + "http://www.synonyms.net/synonym/cunnilingus", + "https://www.thefreedictionary.com/cunnilingus", + "http://www.synonyms.net/synonym/cunnilingus", + "https://www.thefreedictionary.com/cunnilingus", + "http://www.gurl.com/2012/05/19/what-is-cunnilingus/", + "http://www.synonyms.net/synonym/cunnilingus", + "http://www.gurl.com/2012/05/19/what-is-cunnilingus/", + "https://www.thefreedictionary.com/cunnilingus", + "http://www.synonyms.net/synonym/cunnilingus" + ] + }, + "query": "google what is conalingus mean", + "query_id": 196051, + "query_type": "DESCRIPTION", + "wellFormedAnswers": [] + }, + "truncated_cells": [] + }, + { + "row_idx": 56, + "row": { + "answers": [ + "No Answer Present." + ], + "passages": { + "is_selected": [ + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0 + ], + "passage_text": [ + "Today, President Obama delivered the commencement address to the 2013 graduates of Morehouse College in Atlanta, GA. “It is one of the great honors of my life to be able to address this gathering here today,” President Obama told the graduates.", + "ATLANTA, November 12, 2012 – The Morehouse College Board of Trustees today announced that Dr. John Silvanus Wilson Jr. has been named the College’s 11th president. The appointment follows a rigorous, nationwide search conducted with professional recruitment firm Heidrick & Struggles.", + "Before working with the White House Initiative, Wilson was an associate professor of higher education in the Graduate School of Education at George Washington University (GWU). He also served as the executive dean of GWU’s Virginia campus, and he helped to develop a strategic plan for the university.", + "Wilson spent the first 16 years of his career at the Massachusetts Institute of Technology (MIT), ultimately becoming the director of foundation relations and assistant provost, where he more than doubled the productivity of the office he managed and reached a record annual revenue stream of more than $50 million.", + "Wilson recently has served as a consultant to the United Negro College Fund Institute for Capacity Building's HBCU Institutional Advancement Program and on the Kresge Foundation's Black College Advisory Board. From 1996 through 2000, he served as chair of the Alumni Council of the Harvard Graduate School of Education.", + "“I thank the Board and the search consultants for their thorough evaluation of the excellent pool of candidates and commend all on their outstanding recommendation,” said Robert C. Davidson Jr., chairman of the Morehouse College Board of Trustees.", + "I am very pleased to announce that following a comprehensive and rigorous search process, the Morehouse Board of Trustees, by a unanimous vote, has selected Dr. John Silvanus Wilson, Jr. to be the 11th president of the College.", + "For 10 years, Wilson served as the president of the Greater Boston Morehouse College Alumni Association. In that role, he led an effort to raise more than half a million dollars toward scholarships and another half million dollars toward community outreach for his alumni chapter.", + "Dr. Wilson, a 1979 graduate of the College, comes to Morehouse with more than 25 years of leadership in higher education and a strong and successful record in institutional fundraising.", + "For 10 years, Dr. Wilson served as the president of the Greater Boston Morehouse College Alumni Association. In that role, he led an effort to raise more than half a million dollars toward scholarships and another half million dollars toward community outreach for his alumni chapter. At the 1998 A Candle In the Dark." + ], + "url": [ + "https://www.whitehouse.gov/blog/2013/05/19/president-obama-delivers-commencement-address-morehouse-college", + "https://www.morehouse.edu/presidentialsearch/newpresident.html", + "https://www.morehouse.edu/presidentialsearch/newpresident.html", + "https://www.morehouse.edu/presidentialsearch/newpresident.html", + "http://www.morehouse.edu/presidentialsearch/", + "https://www.morehouse.edu/presidentialsearch/newpresident.html", + "http://www.morehouse.edu/presidentialsearch/", + "https://www.morehouse.edu/presidentialsearch/newpresident.html", + "http://www.morehouse.edu/presidentialsearch/", + "http://www.morehouse.edu/presidentialsearch/" + ] + }, + "query": "was the president of morehouse college recently fired", + "query_id": 540989, + "query_type": "PERSON", + "wellFormedAnswers": [] + }, + "truncated_cells": [] + }, + { + "row_idx": 57, + "row": { + "answers": [ + "Trauma, Periodontitis, Orthodontic treatment, Internal bleaching, Cysts, Tumors or Stimuli from a necrotic dental pulp may cause tooth root resorption." + ], + "passages": { + "is_selected": [ + 1, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0 + ], + "passage_text": [ + "What causes tooth root resorption? A: A study on external root resorption in the journal Schweiz Monatsschr Zahnmed states that trauma, periodontitis, orthodontic treatment, internal bleaching, cysts, tumors or stimuli from a necrotic dental pulp may cause tooth root resorption.", + "Over time, all areas of an affected tooth, from root to crown, may become involved. Tooth resorption is a common condition, affecting an estimated 20 percent to 60 percent of all cats and close to three-quarters of those five years of age and older.", + "The unerupted tooth. An unerupted tooth can exert pressure against a neighboring root, to cause resorption similar to that from orthodontic treatment. Typical examples include the forward-leaning lower wisdom tooth which is impacted against the back of the standing second molar and causes damage where the two meet.", + "In a condition known as a tooth resorption –formerly referred to as feline odontoclastic resorptive lesion (FORL) or cervical line lesion—the dentin in a single tooth (or several simultaneously) erodes and eventually becomes irreparably destroyed.", + "What Is “Tooth Resorption”? Tooth resorption is loss of hard dental tissue, but not from decay. This means that the substance of a tooth is broken down by certain specialised body cells and then absorbed. Resorption thus causes some of a tooth, generally in the root area, to just disappear. In the developing child there is a natural physiological resorption of the roots to allow for the exfoliation, or shedding of the first set of teeth at the appropriate time.", + "(Redirected from Root resorption) Tooth resorption is a process by which all or part of a tooth structure is lost due to activation of the body's innate capacity to remove mineralized tissue, as mediated via cells such as osteoclasts. Types include external resorption and internal resorption. It can be due to trauma, infection, or hyperplasia.", + "Within each of a cat’s teeth is a chamber (root canal) that contains tissue made up of blood vessels, lymphatic vessels, and nerves. This tissue, which communicates with the rest of the animal’s body, is surrounded by a bony substance called dentin, which accounts for the bulk of the tooth’s structure.", + "The best way of confirming the suspected presence of the condition, she notes, is by means of a full-mouth intra-oral radiograph. If veterinary examination reveals the presence of tooth resorption, Dr. Rawlinson points out, the only effective treatment will entail extraction of any affected teeth.", + "El-Bialy states that orthodontically induced inflammatory root resorption differs from other types of tooth root resorption, and treatment protocol for this type always involves a root canal treatment or extraction of these teeth in severe cases and prosthetic replacement.", + "Everyday Health indicates that the majority of patients who go through orthodontic therapy do not get root resorption. Everyday Health also explains that many teeth with root resorption still function properly and may last for many years or even a lifetime despite resorption." + ], + "url": [ + "https://www.reference.com/health/causes-tooth-root-resorption-ed2e80a651785b67", + "http://www.vet.cornell.edu/FHC/health_information/toothresorption.cfm", + "http://dentalcarematters.com/tooth-resorption-presentation-causes-treatment/", + "http://www.vet.cornell.edu/FHC/health_information/toothresorption.cfm", + "http://dentalcarematters.com/tooth-resorption-presentation-causes-treatment/", + "https://en.wikipedia.org/wiki/Root_resorption", + "http://www.vet.cornell.edu/FHC/health_information/toothresorption.cfm", + "http://www.vet.cornell.edu/FHC/health_information/toothresorption.cfm", + "https://www.reference.com/health/causes-tooth-root-resorption-ed2e80a651785b67", + "https://www.reference.com/health/causes-tooth-root-resorption-ed2e80a651785b67" + ] + }, + "query": "what causes resorption of teeth", + "query_id": 591215, + "query_type": "DESCRIPTION", + "wellFormedAnswers": [ + "Trauma, periodontitis, orthodontic treatment, internal bleaching, cysts, tumors or stimuli from a necrotic dental pulp may cause tooth root resorption." + ] + }, + "truncated_cells": [] + }, + { + "row_idx": 58, + "row": { + "answers": [ + "Portable oxygen tank cylinders are light, convenient to carry around,you can have oxygen to go whenever you need it." + ], + "passages": { + "is_selected": [ + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 1, + 0 + ], + "passage_text": [ + "1 Easier To Operate-Another huge advancement with portable oxygen tanks is that they are incredibly easy to operate, whether it is for using oxygen, monitoring oxygen levels, refilling, or replacing the tank.", + "Respect It. The benefits of acetylene for welding and cutting are well documented. Excellent thermal properties make it much more effective at cutting than other fuel gases, offering productivity gains of around 33 percent relative to propane, for instance.", + "Please try again later. Uploaded on Sep 30, 2011. Instructional video on oxygen tanks and concentrators from Advanced Home Care. The video covers topics on oxygen safety-including how to safely store, transport and use an oxygen cylinder. 1 Education. 2 Standard YouTube License.", + "Benefits of Portable Oxygen Tanks. Usually a person’s first instinct is to get a larger model simply because it holds more oxygen, which saves you the trouble of having to get it refilled every so often. However the drawback is that it is as good as tying you down to one place.", + "While this may be convenient and useful for a person who is bed-ridden, it is not practical for someone who is capable of and wants to move around. 1 Better Portability-Portable oxygen tank cylinders are light, convenient to carry around, which means you can have oxygen to go whenever you need it.", + "1 They fit easily into the holder of the wheelchair and the whole unit can be maneuvered around easily anywhere. 2 Easier To Operate-Another huge advancement with portable oxygen tanks is that they are incredibly easy to operate, whether it is for using oxygen, monitoring oxygen levels, refilling, or replacing the tank.", + "Vent It. The benefits of acetylene for welding and cutting are well documented. Excellent thermal properties make it much more effective at cutting than other fuel gases, offering productivity gains of around 33 percent relative to propane, for instance.", + "Acetylene: Safe Transport & Handling Secure It. The benefits of acetylene for welding and cutting are well documented. Excellent thermal properties make it much more effective at cutting than other fuel gases, offering productivity gains of around 33 percent relative to propane, for instance.", + "1 Better Portability-Portable oxygen tank cylinders are light, convenient to carry around, which means you can have oxygen to go whenever you need it. 2 They are also safe to use and operate. 3 The newer models are made of aluminum and are even lighter than earlier models.", + "What is perhaps not so well known is the fact that acetylene – because of its high flammability – can present a serious safety hazard. So cylinders containing acetylene, like all gas cylinders, should be transported, stored and handled properly to ensure they are completely safe. Unfortunately, safety is not always accorded the importance it deserves." + ], + "url": [ + "http://www.mobilityspecialists.net/HomeOxygen/OxygenTherapy/PortableOxygenTanks.aspx", + "http://www.linde-gas.com/en/sheq/product_and_process_safety_information/acetylene_safe_transport_and_handling/index.html", + "http://www.youtube.com/watch?v=AtyUn0aBYiw", + "http://www.mobilityspecialists.net/HomeOxygen/OxygenTherapy/PortableOxygenTanks.aspx", + "http://www.mobilityspecialists.net/HomeOxygen/OxygenTherapy/PortableOxygenTanks.aspx", + "http://www.mobilityspecialists.net/HomeOxygen/OxygenTherapy/PortableOxygenTanks.aspx", + "http://www.linde-gas.com/en/sheq/product_and_process_safety_information/acetylene_safe_transport_and_handling/index.html", + "http://www.linde-gas.com/en/sheq/product_and_process_safety_information/acetylene_safe_transport_and_handling/index.html", + "http://www.mobilityspecialists.net/HomeOxygen/OxygenTherapy/PortableOxygenTanks.aspx", + "http://www.linde-gas.com/en/sheq/product_and_process_safety_information/acetylene_safe_transport_and_handling/index.html" + ] + }, + "query": "how to transport oxygen tanks", + "query_id": 383697, + "query_type": "DESCRIPTION", + "wellFormedAnswers": [] + }, + "truncated_cells": [] + }, + { + "row_idx": 59, + "row": { + "answers": [ + "No Answer Present." + ], + "passages": { + "is_selected": [ + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0 + ], + "passage_text": [ + "All patients gave written informed consent. The chemotherapy/conditioning regimens 'BEAM' and Fludarabine – 2 Gy TBI are considered standard chemotherapy/conditioning regimens in our internal handbook of the stem-cell transplant unit. The handbook is revised on a regular basis and approved by the Ethics Committee.", + "The baseline EDSS score in 58.5 % of the subjects was 6.5 and 78 % had a score of 6.0 or higher, respectively. The complication rate during the intra-transplantation period was 56 % for all patients: 71.4 % of the patients in the BEAM / hATG group and 40 % in the CY / rATG group (P = 0.04).", + "BEAM is a type of chemotherapy used to treat Hodgkin lymphoma | and non-Hodgkin lymphoma | . BEAM is a high-dose chemotherapy treatment. It's given before a stem cell transplant. A stem cell transplant allows you to have much higher doses of chemotherapy.", + "Before or on the day you are given BEAM, a nurse or person trained to take blood (phlebotomist) will take a blood sample from you. This is to check that it is okay for you to have chemotherapy. You will also see a doctor or nurse before you have chemotherapy. They will ask you about how you have been.", + "The EFS was 70 % in the CY / ATG group and 47.62 % in the BEAM / ATG group, with no significant difference between them, a result that is similar to that obtained by Saiz et al.", + "No significant difference was seen between the 21 subjects (51.2 %) who received the BEAM conditioning regimen and the 20 subjects (48.8 %) who received the CY regimen regarding age, sex, disease presentation and EDSS scores, as shown in Table 3.", + "Your course of BEAM. With BEAM, the first day of your treatment is sometimes called ‘day minus seven’. This is because you will have BEAM seven days before you have the stem cells. There will be a countdown to the day you are given the stem cells, which is called day zero.", + "The mortality rate of HSCT for MS in studies with relatively large samples is described in Table 1. Although these studies use myeloablative conditioning regimens of varying intensity, non-myeloablative regimens have been advocated for autologous HSCT of autoimmune diseases.", + "Days 4-7: Etoposide (IV) & cytarabine (IV). Mini-BEAM Chemotherapy. Mini-BEAM chemotherapy is a less dose-intense regimen that can be used as salvage chemotherapy or as a preparative regimen for a stem cell transplantation. Cycle length: 28 days. Number of cycles: 2-4.", + "This is a prospective multicentric Brazilian MS trial comparing two conditioning regimens: BEAM / horse ATG and CY / rabbit ATG. Most (80.4 %) of the 41 subjects in the study had the secondary progressive MS subtype and the mean age was 42 years." + ], + "url": [ + "http://www.nature.com/bmt/journal/v39/n6/full/1705597a.html", + "http://www.nature.com/bmt/journal/v45/n2/full/bmt2009127a.html", + "http://www.macmillan.org.uk/cancerinformation/cancertreatment/treatmenttypes/chemotherapy/combinationregimen/beam.aspx", + "http://www.macmillan.org.uk/cancerinformation/cancertreatment/treatmenttypes/chemotherapy/combinationregimen/beam.aspx", + "http://www.nature.com/bmt/journal/v45/n2/full/bmt2009127a.html", + "http://www.nature.com/bmt/journal/v45/n2/full/bmt2009127a.html", + "http://www.macmillan.org.uk/cancerinformation/cancertreatment/treatmenttypes/chemotherapy/combinationregimen/beam.aspx", + "http://www.nature.com/bmt/journal/v45/n2/full/bmt2009127a.html", + "http://www.lymphomainfo.net/articles/lymphoma-treatment/beam-chemotherapy", + "http://www.nature.com/bmt/journal/v45/n2/full/bmt2009127a.html" + ] + }, + "query": "what is beam-r conditioning", + "query_id": 722843, + "query_type": "DESCRIPTION", + "wellFormedAnswers": [] + }, + "truncated_cells": [] + }, + { + "row_idx": 60, + "row": { + "answers": [ + "Yes, Cheetah is considered Endangered species." + ], + "passages": { + "is_selected": [ + 0, + 0, + 1, + 0, + 0, + 0, + 0, + 0, + 0, + 0 + ], + "passage_text": [ + "Cheetahs are currently listed as “vulnerable” on the International Union for Conservation of Nature red list, which monitors animal population numbers. But Panthera has called for the cats to be up-listed to an “endangered” designation as soon as possible, pointing to recent losses in areas that were home to most of the animals.", + "“Our findings show that the large space requirements for cheetah, coupled with the complex range of threats faced by the species in the wild, mean that it is likely to be much more vulnerable to extinction than was previously thought.”", + "Something about these graceful animals just makes a Cheetah’s tummy roar! Cheetahs consume an average of 6-8 lbs. of food each day, and in some cases may go as long as 4-10 days with out water. Extinction Is Forever. The Cheetah is considered Endangered in Appendix 1 to the Conservation Of International Trade in Endangered Species (CITES). Humans have been proven to be the most feared predator by the Cheetah. Living space and adequate food supply is being robbed from these innocent creatures.", + "That number is the largest population of free-ranging cheetahs in the world, and less than half of the estimate published November 2016. As it stands, the species is officially listed as vulnerable.", + "The Asiatic cheetah (Acinonyx jubatus venaticus), also known as Iranian cheetah, is a Critically Endangered cheetah subspecies surviving today only in Iran. It once occurred from the Arabian Peninsula and the Near East to the Kyzylkum Desert, Caspian region, Pakistan and India, but has been extirpated there during the 20th century.", + "species:Jubatus. The word “Cheetah” is derived from the Hindi word “Chita” meaning “spotted one”. The Cheetah is the fastest land animal reaching speeds of 45 – 70 mph. Cheetahs have also been known to swim, although they do not like to. The Cheetah is not one of the Great Cats, because it does not have a floating Hyoid bone in its neck it can not roar, therefore it is a Lesser Cat.", + "The cheetah is endangered due to a combination of genetic frailties and the adverse effects of a dwindling habitat. The species has also been decimated by farmers seeking to protect their herds. ... The cheetah is endangered due to a combination of genetic frailties and the adverse effects of a dwindling habitat. The species has also been decimated by farmers seeking to protect their herds. ...", + "USFWS lists the cheetah as endangered and the IUCN Red list identifies them as vulnerable--facing a high risk of extinction in the wild. Cheetahs have three main threats: Habitat loss, human encroachment, depletion of the wild prey base, and competition with other predators endanger cheetahs.", + "Asiatic cheetah. The Asiatic cheetah (Acinonyx jubatus venaticus), also known as Iranian cheetah is a Critically Endangered cheetah subspecies surviving today only in Iran. It once occurred from the Arabian Peninsula and the Near East to the Kyzylkum Desert, Caspian region, Pakistan and India, but has been extirpated there during the 20th century.", + "A stride is the measured distance between successive imprints of the same paw. With the added reach given by the spine 1 stride can stretch as far as 7-8 meters. The Cheetah averages 4 strides per second or 1 stride per .28 seconds as the horse averages 1 stride per .44 seconds and can reach top speeds of 43 mph." + ], + "url": [ + "https://www.huffingtonpost.com/entry/cheetahs-endangered-panthera-report_us_585c47d2e4b0eb586485d3e0", + "https://www.huffingtonpost.com/entry/cheetahs-endangered-panthera-report_us_585c47d2e4b0eb586485d3e0", + "https://bigcatrescue.org/cheetah-facts/", + "https://news.nationalgeographic.com/2017/12/animals-cheetahs-africa-endangered-species/", + "https://en.wikipedia.org/wiki/Asiatic_cheetah", + "https://bigcatrescue.org/cheetah-facts/", + "https://www.reference.com/pets-animals/cheetahs-endangered-777cd175493e9dd0", + "https://nationalzoo.si.edu/animals/cheetah", + "https://en.wikipedia.org/wiki/Asiatic_cheetah", + "https://bigcatrescue.org/cheetah-facts/" + ] + }, + "query": "is the cheetah an endangered species", + "query_id": 1174756, + "query_type": "ENTITY", + "wellFormedAnswers": [] + }, + "truncated_cells": [] + }, + { + "row_idx": 61, + "row": { + "answers": [ + "No Answer Present." + ], + "passages": { + "is_selected": [ + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0 + ], + "passage_text": [ + "Both your parents would have to be a car … rier of the gene for you to be born with Cystic Fibrosis. When two carriers of the CF gene parent a child together there is a 1 in 4 chance of the child being born with Cystic Fibrosis. no because you don't have the other gene.", + "It is controlled by a recessive allele. The gene encodes a chloride ion channel that is required to make sweat, mucus and a few other things. One copy of the gene is suf … ficient to prevent cystic fibrosis, and it is only when both copies are defective that the person would have the disease and show symptoms.", + "Cystic fibrosis. Cystic fibrosis (CF) is one of the most common, inherited, single-gene disorders in Caucasians. About one in 3,000 Caucasian babies is born with CF. People with CF secrete abnormal body fluids.", + "cystic fibrosis is a recessive gene because both parents have to have the gene and pass it on so that there child can get it. this is why a child has a one in 4 chance of gett … ing the disease if both parents carry the gene because they have to get the cystic fibrosis gene from both parents.", + "Cystic fibrosis is a genetic disorder which affects the lungs and pancreas. It causes the lungs to get clogged with mucus, which in turn makes the lungs a breeding ground for … bacteria. In the pancreas, it blocks the pancreas from absorbing enzymes, which makes its victims prone to malnutrition.", + "Autosomal recessive inheritance means that the gene in question is located on one of the autosomes. These are numbered pairs of chromosomes, 1 through 22. Autosomes do not affect an offspring's gender. Recessive means that two copies of the gene are necessary to have the trait or disorder.", + "The defective gene that is responsible for causing cystic fibrosis is on chromosome 7. To have cystic fibrosis, a person must inherit two copies of the defective CF gene—one copy from each parent.", + "Cystic fibrosis (CF) is an autosomal recessive disease. That means that if both parents have cystic fibrosis, so will any children that they have. If one parent has cystic fi … brosis and the other does not, then the chance drops dramatically (almost to zero).. Not wholly correct.", + "If both parents are carriers of the CF gene (i.e., they each have one copy of the defective gene), their child will have a 25% chance of inheriting both defective copies and having cystic fibrosis, a 50% chance of inheriting one defective copy and being a carrier, and a 25% chance of not having CF or carrying the gene.", + "Once parents have had a child with a recessive trait or disease, there is a one out of four, or a 25 percent, chance that with each subsequent pregnancy, another child will be born with the same trait or disorder." + ], + "url": [ + "http://www.answers.com/Q/Is_cystic_fibrosis_dominant_or_recessive", + "http://www.answers.com/Q/Is_cystic_fibrosis_dominant_or_recessive", + "http://www.urmc.rochester.edu/encyclopedia/content.aspx?ContentTypeID=90&ContentID=P02142", + "http://www.answers.com/Q/Is_cystic_fibrosis_dominant_or_recessive", + "http://www.answers.com/Q/Is_cystic_fibrosis_dominant_or_recessive", + "http://www.urmc.rochester.edu/encyclopedia/content.aspx?ContentTypeID=90&ContentID=P02142", + "https://answers.yahoo.com/question/index?qid=20080309170203AAuczY9", + "http://www.answers.com/Q/Is_cystic_fibrosis_dominant_or_recessive", + "https://answers.yahoo.com/question/index?qid=20080309170203AAuczY9", + "http://www.urmc.rochester.edu/encyclopedia/content.aspx?ContentTypeID=90&ContentID=P02142" + ] + }, + "query": "is cystic fibrosis dominant", + "query_id": 407689, + "query_type": "DESCRIPTION", + "wellFormedAnswers": [] + }, + "truncated_cells": [] + }, + { + "row_idx": 62, + "row": { + "answers": [ + "No Answer Present." + ], + "passages": { + "is_selected": [ + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0 + ], + "passage_text": [ + "Ocean resources are under intense pres-. sure to satisfy expanding demands due to population growth and globalization. Many valuable. fisheries around the world have collapsed, invasive species have disrupted marine food webs, and an increasing number of species are in danger of extinction as a result of human activi-. ties. Changes such as habitat loss and degradation pose significant threats to marine life, while.", + "The struggle for food is one of the most important and complex activities to occur in an ecosystem. To help simplify and understand the production and distribution of food within a community, scientists often construct a food web, a diagram that assigns species to generalized, interlinked feeding levels.", + "Microbes and the marine food web. The release of oil and application of chemical dispersant associated with the Deepwater Horizon disaster may have. altered portions of the pelagic (open ocean) ecosystem in the northern Gulf of Mexico. The changes, although.", + " All organisms are part of the food web.  When phytoplankton are removed from the food web, all organisms will. eventually die. Phytoplankton form the base of the marine food web.  The sun is the source of all life.  Energy from the sun is transferred to organisms in a domino‐like pattern. through the food web. Thus, the food web is another example of. domino causality in action. Students will continue to build their understanding that.", + "Have the names of the marine organisms on the ocean food web cards written on the. black/whiteboard. Have two sets of dominoes set up at a corner of the room – one that is a single chain, and. one that branches out. Materials. Ocean Food Web cards (available at), with punched holes and yarn through the holes.", + "The hydrothermal vent food web below has four layers: 1 Primary producers are the original source of food in the vent ecosystem, using chemical energy to create organic molecules. All other life depends on primary producers, and they have the greatest biomass in the community.", + "Food web. A food web (or food cycle) is the natural interconnection of food chains and a graphical representation (usually an image) of what-eats-what in an ecological community. Another name for food web is a consumer-resource system.", + "PHYTOPLANKTON. 1 BACTERIA. Thus the food chain becomes a complete circle. Animals may eat more than one type of. food. They may eat many different types of plants or many different animals. This makes. everything more complicated and the food chain becomes a food web. Food Webs. A webfood is made up of interconnected food chains.", + "This activity demonstrated. the complexity of a food web and what can happen when one component of a food. web is altered. Supplies: photo i.d. of marine organisms, yarn. Directions: 1) Ask each student to pick a pelagic marine organism to represent and discuss who are the producers, consumers.", + "Despite their unusual nature, faunas based on chemosynthesis are tied together by food webs similar to those of better-known communities. The hydrothermal vent food web below has four layers: Primary producers are the original source of food in the vent ecosystem, using chemical energy to create organic molecules." + ], + "url": [ + "http://dels.nas.edu/resources/static-assets/osb/miscellaneous/marine_ecosystems_final.pdf", + "http://oceanexplorer.noaa.gov/edu/learning/5_chemosynthesis/activities/hydrothermal.html", + "http://www.disl.org/assets/uploads/education/teacher/OilSpillFactSheets/Microbes%20and%20the%20Marine%20Food%20Web.pdf", + "http://www.chgeharvard.org/sites/default/files/lesson-plan-files/Lesson%208.pdf", + "http://www.chgeharvard.org/sites/default/files/lesson-plan-files/Lesson%208.pdf", + "http://oceanexplorer.noaa.gov/edu/learning/5_chemosynthesis/activities/hydrothermal.html", + "https://en.wikipedia.org/wiki/Food_webs", + "https://www2.epa.gov/sites/production/files/documents/foodchainsandfoodwebs.pdf", + "http://www.disl.org/assets/uploads/education/teacher/OilSpillFactSheets/Microbes%20and%20the%20Marine%20Food%20Web.pdf", + "http://oceanexplorer.noaa.gov/edu/learning/5_chemosynthesis/activities/hydrothermal.html" + ] + }, + "query": "is the basis of marine food webs.", + "query_id": 425802, + "query_type": "DESCRIPTION", + "wellFormedAnswers": [] + }, + "truncated_cells": [] + }, + { + "row_idx": 63, + "row": { + "answers": [ + "It include garcinia cambogia (a former scientific name), as well as brindleberry, Malabar tamarind, and kudam puli." + ], + "passages": { + "is_selected": [ + 0, + 0, + 0, + 0, + 1, + 0, + 0, + 0, + 0, + 0 + ], + "passage_text": [ + "Garcinia cambogia, a tropical fruit also known as the Malabar tamarind, is a popular weight-loss supplement.People say it blocks your body's ability to make fat and it puts the brakes on your appetite. It could help keep blood sugar and cholesterol levels in check, too.arcinia cambogia may make it easier for your body to use glucose, the sugar your cells need for energy. Mice that got garcinia cambogia in one study had lower insulin levels than mice that didn't. That's another reason, besides weight loss, that people with diabetes are interested in it.", + "The extracts from the fruit of the Garcinia cambogia plant are marketed for weight loss -- either by themselves or in combination with other ingredients.The fruit of this tropical plant is rich in an active substance classified as hydroxycitric acid.he extracts from the fruit of the Garcinia cambogia plant are marketed for weight loss -- either by themselves or in combination with other ingredients.", + "Garcinia Cambogia Extract is a supplement that comes from the rind of the Garcinia Cambogia fruit (a small pumpkin-shaped fruit which is more widely known as a tamarind in many areas). The Garcinia Cambogia fruit has been around for a long, long time.he recent popularity of the Garcinia Cambogia Extract supplement can be ascribed to Dr. Julie Chen, a well-known and well-respected specialist dealing in health and wellness. Dr. Chen’s work with the Garcinia Cambogia Extract caught Dr. Oz’s eye, specifically the findings on how safe the Garcinia Cambogia Extract is.", + "Garcinia cambogia comes from India and some areas of Asia. Garcinia cambogia contains hydroxycitric acid, which is sometimes used in weight loss products. Seek the opinion of a doctor before taking garcinia cambogia or any other supplement that claims to promote weight loss.arcinia cambogia is a small fruit that resembles a miniature pumpkin. It is indigenous to India and parts of Asia, and an extract from its fruit and rind is popular in many natural weight loss products.", + "Garcinia gummi-gutta is a tropical species of Garcinia native to Indonesia. Common names include garcinia cambogia (a former scientific name), as well as brindleberry, Malabar tamarind, and kudam puli (pot tamarind).This fruit looks like a small pumpkin and is green to pale yellow in color.arcinia gummi-gutta is a tropical species of Garcinia native to Indonesia. Common names include garcinia cambogia (a former scientific name), as well as brindleberry, Malabar tamarind, and kudam puli (pot tamarind).", + "Let's start with the discussion about what garcinia cambogia is, where it came from, and whether or not it is safe to consume. Garcinia cambogia is a fruit that grows in the regions of Southeast Asia. Garcinia cambogia extract or supplements are derived from the rind of this powerful fruit.he results of the study showed that when garcinia cambogia extract is consumed for a total of 8 weeks, there is a reduction in fat, weight, and appetite among individuals.", + "Garcinia cambogia is a small fruit that resembles a miniature pumpkin. It is indigenous to India and parts of Asia, and an extract from its fruit and rind is popular in many natural weight loss products.arcinia cambogia is a small fruit that resembles a miniature pumpkin. It is indigenous to India and parts of Asia, and an extract from its fruit and rind is popular in many natural weight loss products.", + "Garcinia cambogia is a citrus fruit that grows in Southeast Asia. An extract from the fruit rind, hydroxycitric acid (HCA), has historically been used for cooking, but it’s also been used for weight loss and to lower cholesterol.You can buy garcinia cambogia online or at most health and supplement stores, in pill form or as a powder.Sometimes, it’s also included as an ingredient in snack bars. Typical doses are between 250 and 1,000 mg each day.n extract from the fruit rind, hydroxycitric acid (HCA), has historically been used for cooking, but it’s also been used for weight loss and to lower cholesterol. You can buy garcinia cambogia online or at most health and supplement stores, in pill form or as a powder.", + "The fruit Garcinia cambogia was once just the less popular cousin of a trendy fruit, the mangosteen. But now, nutritional supplements containing Garcinia cambogia extract have become the rage, touted for their purported ability to curb appetite and stop weight gain.he fruit Garcinia cambogia was once just the less popular cousin of a trendy fruit, the mangosteen. But now, nutritional supplements containing Garcinia cambogia extract have become the rage, touted for their purported ability to curb appetite and stop weight gain.", + "Garcinia is a plant genus of the family Clusiaceae native to Asia, Australia, tropical and southern Africa, and Polynesia. The number of species is highly disputed, with various sources recognizing between 50 and about 300.arcinia is a plant genus of the family Clusiaceae native to Asia, Australia, tropical and southern Africa, and Polynesia. The number of species is highly disputed, with various sources recognizing between 50 and about 300." + ], + "url": [ + "http://www.webmd.com/vitamins-and-supplements/garcinia-cambogia-weight-loss", + "http://www.ehow.com/about_4709453_what-garcinia-cambogia.html", + "http://thegarciniacambogiaextract.org/", + "http://www.wisegeekhealth.com/what-is-garcinia-cambogia.htm", + "https://en.wikipedia.org/wiki/Garcinia_gummi-gutta", + "http://whatis-garciniacambogia.com/", + "http://www.wisegeekhealth.com/what-is-garcinia-cambogia.htm", + "http://www.healthline.com/health/garcinia-cambogia-weight-loss", + "http://www.livescience.com/39243-garcinia-cambogia-supplement-facts.html", + "https://en.wikipedia.org/wiki/Garcinia" + ] + }, + "query": "what is in garcinia cambogia", + "query_id": 758101, + "query_type": "DESCRIPTION", + "wellFormedAnswers": [] + }, + "truncated_cells": [] + }, + { + "row_idx": 64, + "row": { + "answers": [ + "No Answer Present." + ], + "passages": { + "is_selected": [ + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0 + ], + "passage_text": [ + "Posted on. (Answer #1). A bicameral legislature is one that is split up into two houses. Many legislatures around the world are split in this way. For example, the Congress of the United States is split up between the House of Representatives and the Senate.Bicameral legislatures are generally set up as a way of providing checks and balances in a governmental system.or example, the Congress of the United States is split up between the House of Representatives and the Senate. Bicameral legislatures are generally set up as a way of providing checks and balances in a governmental system.", + "Chapter Summary. The Texas Legislature is a bicameral legislative body with two chambers, the House of Representatives and the Senate.The legislature meets in regular session every two years during odd numbered years. The legislature consists of 181 members with 150 members in the House and 31 members in the Senate.hapter Summary. The Texas Legislature is a bicameral legislative body with two chambers, the House of Representatives and the Senate.", + "When a law making body is divided into two houses. Congress and most state legislatures are bicameral, with a house of representatives and a senate.Parliaments that have upper and lower houses are also considered bicameral. Nebraska is the only state with a unicameral, a one house legislature.hen a law making body is divided into two houses. Congress and most state legislatures are bicameral, with a house of representatives and a senate.", + "(November 2014). The Nevada Legislature is the state legislature of the U.S. state of Nevada. The Legislature is a bicameral body, consisting of the lower house Nevada Assembly, with 42 members, and the upper house Nevada Senate, with 21 members.All 63 members of the Legislature are elected from an equal amount of constituent districts across the state.November 2014). The Nevada Legislature is the state legislature of the U.S. state of Nevada. The Legislature is a bicameral body, consisting of the lower house Nevada Assembly, with 42 members, and the upper house Nevada Senate, with 21 members.", + "The California State Legislature is the state legislature of the U.S. state of California. It is a bicameral body consisting of the lower house, the California State Assembly, with 80 members, and the upper house, the California State Senate, with 40 members.t is a bicameral body consisting of the lower house, the California State Assembly, with 80 members, and the upper house, the California State Senate, with 40 members.", + "India's parliament is a bicameral legislature. Germany has a bicameral legislature. Mexico has a bicameral legislature with the Senate and Chamber of Deputies. The House of Representatives makes up one chamber of the bicameral legislature in the United States.n government, bicameralism is the practice of having two legislative or parliamentary chambers. The relationship between the two chambers of a bicameral legislature can vary. In some cases, they have equal power, and in others, one chamber is clearly superior to the other.", + "The Constitution created a bicameral national legislature—that is, a Congress composed of two separate chambers, the Senate and the House of Representatives.The Senate, sometimes called the upper house, is smaller (currently 100 seats) and its members serve longer terms (six years).he Constitution created a bicameral national legislature—that is, a Congress composed of two separate chambers, the Senate and the House of Representatives.", + "1. The Texas legislature is a bicameral body with 150 members in the House and 31 members in the Senate. 2. Members of the Texas House represent approximately 169,000 people.Senators represent about 819,000 constituents.he Texas legislature is a bicameral body with 150 members in the House and 31 members in the Senate. 2. Members of the Texas House represent approximately 169,000 people. Senators represent about 819,000 constituents.", + "A bicameral legislature is one in which the legislators are divided into two separate assemblies, chambers or houses.he bicameral legislature of the United States is housed in the Capitol, a building with two wings. The north wing (left) houses the Senate, while the south wing (right) houses the House of Representatives.", + "In government, bicameralism is the practice of having two legislative or parliamentary chambers. The relationship between the two chambers of a bicameral legislature can vary. In some cases, they have equal power, and in others, one chamber is clearly superior to the other.n government, bicameralism is the practice of having two legislative or parliamentary chambers. The relationship between the two chambers of a bicameral legislature can vary. In some cases, they have equal power, and in others, one chamber is clearly superior to the other." + ], + "url": [ + "http://www.enotes.com/homework-help/what-does-bicameral-legislative-mean-243883", + "http://college.cqpress.com/sites/lonestar/Home/chapter3.aspx", + "https://answers.yahoo.com/question/index?qid=20090907135458AATF9pH", + "https://en.wikipedia.org/wiki/Nevada_Legislature", + "https://en.wikipedia.org/wiki/California_State_Legislature", + "http://www.wisegeek.org/what-is-a-bicameral-legislature.htm", + "http://www.shmoop.com/legislative-branch/bicameral-congress.html", + "http://www.wwnorton.com/college/polisci/governingtexas/ch/07/outline.aspx", + "https://en.wikipedia.org/wiki/Bicameralism", + "http://www.wisegeek.org/what-is-a-bicameral-legislature.htm" + ] + }, + "query": "what is bicameral legislature quizlet", + "query_id": 723776, + "query_type": "DESCRIPTION", + "wellFormedAnswers": [] + }, + "truncated_cells": [] + }, + { + "row_idx": 65, + "row": { + "answers": [ + "$10,000 to $30,000" + ], + "passages": { + "is_selected": [ + 1, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0 + ], + "passage_text": [ + "Conservatory Average Cost. The cost of a conservatory varies widely depending on the design, local labor and material costs, and other factors. Before you begin conservatory construction, check with the local planning department to find out what permits you may need.1 Conservatory costs start at around $7,500 to $15,000.2 The average cost of a conservatory is $10,000 to $30,000. 3 A conservatory could cost as much as $40,000 to $80,000 or more.he cost of a conservatory varies widely depending on the design, local labor and material costs, and other factors. Before you begin conservatory construction, check with the local planning department to find out what permits you may need.", + "UK Conservatory Prices. If you are interested in conservatory UK prices, take a look at the following list: 1 According to our home renovation cost survey, the average cost of buying and installing a conservatory is £6,700.2 What price put the average price of supplying and building a 3 metres (m) x 3.5m Edwardian conservatory at £8,600.heck out the average price for a conservatory made of uPVC: 1 A 3m x 3m lean-to, uPVC conservatory with a flat roof costs around £6,500. 2 A 3m x 3m Victorian or Edwardian uPVC conservatory will cost between £7,500 and £7,900.", + "1 Evis Build put the average price of conservatories at £9,000; this will get you a uPVC, lean-to conservatory with a 16 square metre floor area and low-emissivity glazing.2 A similar conservatory with a more elaborate Edwardian roof will cost around £11,000.heck out the average price for a conservatory made of uPVC: 1 A 3m x 3m lean-to, uPVC conservatory with a flat roof costs around £6,500. 2 A 3m x 3m Victorian or Edwardian uPVC conservatory will cost between £7,500 and £7,900.", + "All home improvements require thorough research and a conservatory is no different. It can be hard to find out the average cost of a conservatory because prices can vary greatly.The average cost of a conservatory is dependent on many factors. The shape,size and style all contribute towards your final installation cost.Your conservatory cost can even depend on the company you choose.ur conservatory cost calculator features a wide range of conservatory styles and designs, allowing you to get instant online costs for your favourite conservatories. Our conservatory cost calculator was built and designed to help customers like you, make a well informed decision on their conservatory.", + "Size will have a significant bearing on the overall cost of your conservatory. It stands to reason that one measuring 3 metres by 2 metres will be cheaper to construct than a conservatory measuring 5 metres by 4 metres.his is because a whole range of different factors need to be borne in mind before you can hope to get an accurate cost on the type of conservatory you want. Conservatory prices vary, as there are a wealth of styles and qualities to choose from.", + "The average quote for a typical conservatory tends to be around the £5,000 and up mark. With that said though it is quite possible to get one for half that price, particularly if you want something basic and you are intending to erect it on your own.his is because a whole range of different factors need to be borne in mind before you can hope to get an accurate cost on the type of conservatory you want. Conservatory prices vary, as there are a wealth of styles and qualities to choose from.", + "Check out the average price for a conservatory made of uPVC: 1 A 3m x 3m lean-to, uPVC conservatory with a flat roof costs around £6,500. 2 A 3m x 3m Victorian or Edwardian uPVC conservatory will cost between £7,500 and £7,900.heck out the average price for a conservatory made of uPVC: 1 A 3m x 3m lean-to, uPVC conservatory with a flat roof costs around £6,500. 2 A 3m x 3m Victorian or Edwardian uPVC conservatory will cost between £7,500 and £7,900.", + "Unfortunately, it is not a case of one price for all. Some cost as little as £5000. And other can cost upwards of £25000. Each conservatory will concur different costs. Conservatory costs in 2015 are likely to depend on a number of factors.This includes size, design, build and energy efficiency. Consider your conservatory requirements.nfortunately, it is not a case of one price for all. Some cost as little as £5000. And other can cost upwards of £25000. Each conservatory will concur different costs. Conservatory costs in 2015 are likely to depend on a number of factors. This includes size, design, build and energy efficiency.", + "The average price being quoted by those debating this research on Twitter was around the £16-£17k mark, with things like Loggia columns, LivinRoom details etc on top of that. This average price quoted by Zopa is nowhere near what people can expect to pay for even a small conservatory.t’s worth pointing out at this point that my last full national average prices survey results showed that the average price for an average sized new conservatory (3m x 4m) was over £11,000.", + "The average cost of Orangeries ranges between £20,000 and £50,0000, again this is all down to a number of factors. People deciding between a conservatory or an orangery should take note of the price differences due to the roof and overall structure.he average cost of Orangeries ranges between £20,000 and £50,0000, again this is all down to a number of factors. People deciding between a conservatory or an orangery should take note of the price differences due to the roof and overall structure." + ], + "url": [ + "http://costowl.com/home-improvement/sunroom-conservatories.html", + "http://www.homeadviceguide.com/guide-to-conservatory-prices-and-costshow-much-does-a-conservatory-cost/", + "http://www.homeadviceguide.com/guide-to-conservatory-prices-and-costshow-much-does-a-conservatory-cost/", + "http://www.conservatoryonlineprices.co.uk/average-cost-of-a-conservatory/", + "http://www.conservatoriesprices.org.uk/how-much-do-conservatories-cost/", + "http://www.conservatoriesprices.org.uk/how-much-do-conservatories-cost/", + "http://www.homeadviceguide.com/guide-to-conservatory-prices-and-costshow-much-does-a-conservatory-cost/", + "http://www.conservatoryonlineprices.co.uk/conservatory-cost-2015/", + "http://www.doubleglazingblogger.com/2015/01/average-cost-new-conservatory-5300-apparently/", + "https://www.orangeries-uk.co.uk/orangery-costs.html" + ] + }, + "query": "average conservatory cost", + "query_id": 31967, + "query_type": "NUMERIC", + "wellFormedAnswers": [] + }, + "truncated_cells": [] + }, + { + "row_idx": 66, + "row": { + "answers": [ + "No Answer Present." + ], + "passages": { + "is_selected": [ + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0 + ], + "passage_text": [ + "The maximum temperature for Jammu over the next 7 day will be 37℃ (or 99℉) on Wednesday 14 th October at around 2 pm. In the same week the minimum temperature will be 21℃ (or 70℉) on Tuesday 20 th October at around 5 am.", + "Jammu 10 day weather forecast, updated four times a day and shows the weather summary plus detailed sun, rain, snow, wind and temperature. The weather forecast extends out to 10 days showing information for morning, afternoon and overnight.", + "In the same week the minimum temperature will be 21℃ (or 70℉) on Tuesday 20 th October at around 5 am. Our Jammu weather forecaster is reporting Monday 19 th October to be the wettest day in the coming week with around 1.70mm (or 0.1 inches) of rainfall.", + "In the same week the minimum temperature will be 21℃ (or 70℉) on Tuesday 20 th October at around 5 am. Our Jammu weather forecaster is reporting Monday 19 th October to be the wettest day in the coming week with around 1.70mm (or 0.1 inches) of rainfall. Make sure to carry an umbrella if you are out and about in Jammu.", + "Our Jammu weather forecaster is reporting Monday 19 th October to be the wettest day in the coming week with around 1.70mm (or 0.1 inches) of rainfall. Make sure to carry an umbrella if you are out and about in Jammu.", + "Jammu weather text for Sat 17 th October. The Jammu weather is going to be sunny. Jammu visibility is going to be around 10 km i.e. 6 miles and an atmospheric pressure of 1015 mb. The daytime temperature is going to reach 38 °c and the temperature is going to dip to 22 °c at night.", + "Local time in Jammu: IST. View 3 Hour Detailed Jammu Weather Forecast for Today. Jammu 4 – 7 Day Weather Forecast Summary: Moderate rain (total 12mm), heaviest on Mon afternoon. Warm (max 33°C on Sun afternoon, min 24°C on Mon night).", + "Local time in Jammu: IST. View 3 Hour Detailed Jammu Weather Forecast for Today. Jammu 4 – 7 Day Weather Forecast Summary: Moderate rain (total 12mm), heaviest on Mon afternoon.", + "In the same week the minimum temperature will be 16℃ (or 61℉) on Tuesday 27 th October at around 5 am. Our Katra weather forecaster is reporting Monday 26 th October to be the wettest day in the coming week with around 3.80mm (or 0.1 inches) of rainfall.", + "Katra weather summary for coming week. The maximum temperature for Katra over the next 7 day will be 33℃ (or 92℉) on Friday 23 rd October at around 2 pm. In the same week the minimum temperature will be 16℃ (or 61℉) on Tuesday 27 th October at around 5 am." + ], + "url": [ + "http://www.worldweatheronline.com/Jammu-weather/Jammu-And-Kashmir/IN.aspx", + "http://www.weather-forecast.com/locations/Jammu/forecasts/latest", + "http://www.worldweatheronline.com/Jammu-weather/Jammu-And-Kashmir/IN.aspx", + "http://www.worldweatheronline.com/Jammu-weather/Jammu-And-Kashmir/IN.aspx", + "http://www.worldweatheronline.com/Jammu-weather/Jammu-And-Kashmir/IN.aspx", + "http://www.worldweatheronline.com/Jammu-weather/Jammu-And-Kashmir/IN.aspx", + "http://www.weather-forecast.com/locations/Jammu/forecasts/latest", + "http://www.weather-forecast.com/locations/Jammu/forecasts/latest", + "http://www.worldweatheronline.com/Katra-weather/Jammu-and-Kashmir/IN.aspx", + "http://www.worldweatheronline.com/Katra-weather/Jammu-and-Kashmir/IN.aspx" + ] + }, + "query": "temperature in jammu today", + "query_id": 512162, + "query_type": "NUMERIC", + "wellFormedAnswers": [] + }, + "truncated_cells": [] + }, + { + "row_idx": 67, + "row": { + "answers": [ + "No Answer Present." + ], + "passages": { + "is_selected": [ + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0 + ], + "passage_text": [ + "Question: Will I Know It When My Blood Pressure Goes Up? Answer: High blood pressure, or hypertension, is called the silent killer because it can go undiagnosed for years, damaging the brain, your eyesight, your heart or your kidneys long before symptoms develop.", + "Request a change in your medications or dosages. Some medications lower your blood pressure as a side effect. Discuss with your doctor whether any of your current medications could be lowering your blood pressure and if a change in your prescription medication regimen could help you raise your low blood pressure.", + "1 This can lead to a fall in blood pressure upon standing up. During this kind of quick movement your blood vessels may find it hard to adjust. Neurological conditions: For example, Parkinson’s disease. The drugs that are prescribed to treat Parkinson’s can cause low blood pressure.", + "Treatment is available, if your doctor feels that there is a cause for your symptoms that can be treated. For example: If your GP suspects that a medicine you are taking is the cause of your low blood pressure, an alternative medicine may be suggested, or the dosage changed.", + "You can locate this screen inside your sump tank. You will have to remove the oil from your vehicle in the same way that you would to change the oil. Remove the sump tank and check the pick up screen. If it is clogged with grime and debris you will have discovered the cause of your pressure problems.", + "1 Blood pressure lowering drugs: Some alpha blocker medications can trigger postural hypotension. Diabetes: Diabetes can affect the normal control of blood pressure and cause damage to the nerves supplying your blood vessels. This can lead to a fall in blood pressure upon standing up.", + "Other causes include: 1 Blood pressure lowering drugs: Some alpha blocker medications can trigger postural hypotension. Diabetes: Diabetes can affect the normal control of blood pressure and cause damage to the nerves supplying your blood vessels. This can lead to a fall in blood pressure upon standing up. During this kind of quick movement your blood vessels may find it hard to adjust.", + "Avoid long, hot showers. The hot water from showers and spas can cause your blood vessels to expand, which can lead to a further drop in blood pressure. This can cause dizziness and fainting. You can remedy this by taking warm (rather than hot) showers and avoiding spas or hot tubs.", + "So visit your doctor, have your blood pressure checked. There are free blood pressure machines at pharmacies and grocery stores. And if the top number is ever over 140 or the bottom number ever over 90, make sure to make an appointment with your doctor as soon as possible.", + "Diagnosing Low Oil Pressure Causes. If you want to know how to fix low oil pressure, the initial place you should start is with your dip stick. Grab a cloth and pull out the dip stick. Give it a wipe and place it back inside. Withdraw it again and see what level of oil appears on the markers. All dip sticks will have two levels of marking." + ], + "url": [ + "http://abcnews.go.com/Health/HeartDiseaseRisks/story?id=8292400", + "http://www.wikihow.com/Raise-Low-Blood-Pressure", + "http://www.bloodpressureuk.org/BloodPressureandyou/Yourbody/Lowbloodpressure", + "http://www.bloodpressureuk.org/BloodPressureandyou/Yourbody/Lowbloodpressure", + "http://www.autos.com/car-maintenance/low-oil-pressure-symptoms-causes-and-solutions", + "http://www.bloodpressureuk.org/BloodPressureandyou/Yourbody/Lowbloodpressure", + "http://www.bloodpressureuk.org/BloodPressureandyou/Yourbody/Lowbloodpressure", + "http://www.wikihow.com/Raise-Low-Blood-Pressure", + "http://abcnews.go.com/Health/HeartDiseaseRisks/story?id=8292400", + "http://www.autos.com/car-maintenance/low-oil-pressure-symptoms-causes-and-solutions" + ] + }, + "query": "how can you tell if your pressure is up", + "query_id": 211399, + "query_type": "DESCRIPTION", + "wellFormedAnswers": [] + }, + "truncated_cells": [] + }, + { + "row_idx": 68, + "row": { + "answers": [ + "No Answer Present." + ], + "passages": { + "is_selected": [ + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0 + ], + "passage_text": [ + "This means that plants and crops are in danger from this type of erosion. The wind picks up loose particles, which damage the structure and stability similarly to water erosion, making it easier for later wind to pick up more particulates.", + "Introduction to Erosion and Deposition and the Water Cycle. The first video is 15 minutes of compare/contrast between Internal and External processes, the changes that happen on and in Earth, and how the Water Cycle plays a major role in shaping Earth's surface. open player in a new window.", + "1 effects of water on land and the effect slope has on flooding. 2 effects of wind on land. 3 effects of different wave actions on land. 4 effects of glaciers on land. 5 effects of mechanical weathering. 6 effects of chemical weathering. effects of ground water in causing sink holes.", + "The five agents of erosion are wind, water, ice, waves and gravity. Erosion is the process in which particles of the earth are moved by naturally occurring external forces.", + "The module will cover the effects of water on land; the effects slope has on flooding; the effects of wind on land; the effects of different wave actions on land; the effects of glaciers on land; the effects of mechanical and chemical weathering.", + "Weathering and Erosion. The Weathering and Erosion module includes hands-on and inquiry based activities. Using various materials such as aquarium gravel, square pretzels. chalk, vinegar, modeling clay, sand and a hair dryer, students will investigate the effects of weathering, erosion and deposition.", + "Overview/Annotation: The Weathering and Erosion module includes hands-on and inquiry based activities. Using various materials such as aquarium gravel, square pretzels. chalk, vinegar, modeling clay, sand and a hair dryer, students will investigate the effects of weathering, erosion and deposition.", + "The last video introduces student to the effect of ground water on erosion and deposition. The first video is 15 minutes of compare/contrast between Internal and External processes, the changes that happen on and in Earth, and how the Water Cycle plays a major role in shaping Earth's surface.", + "But erosion can be speeded up by such human activities as farming and mining. Erosion begins with a process called weathering; in this process, environmental factors break rock and soil into smaller pieces, and loosen them from the earth's surface. When the wind whips up a dust storm that stings our eyes, its ability to move sand is very clear. But the most powerful erosive force on the earth is not wind but water, which causes erosion in its solid form of ice and as a liquid. Water in its liquid form causes erosion in many ways. Streams from tiny creeks to huge rivers carry tons of eroded soil and rocks every year.", + "Soil erosion has different effects depending on the type of erosion. Water erosion leeches nutrients from the soil and lowers water quality. Wind erosion lowers air quality and damages plants. Continue Reading." + ], + "url": [ + "https://www.reference.com/science/erosion-affect-earth-36e2dec894a58e8f", + "https://www.sophia.org/tutorials/weathering-erosion-and-deposition-2", + "http://alex.state.al.us/lesson_view.php?id=33802", + "https://www.reference.com/science/erosion-affect-earth-36e2dec894a58e8f", + "http://alex.state.al.us/lesson_view.php?id=33802", + "http://alex.state.al.us/lesson_view.php?id=33802", + "http://alex.state.al.us/lesson_view.php?id=33802", + "https://www.sophia.org/tutorials/weathering-erosion-and-deposition-2", + "http://www.edu.pe.ca/southernkings/erosiondd.htm", + "https://www.reference.com/science/erosion-affect-earth-36e2dec894a58e8f" + ] + }, + "query": "erosion and weathering effects of water on earth", + "query_id": 181387, + "query_type": "DESCRIPTION", + "wellFormedAnswers": [] + }, + "truncated_cells": [] + }, + { + "row_idx": 69, + "row": { + "answers": [ + "No Answer Present." + ], + "passages": { + "is_selected": [ + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0 + ], + "passage_text": [ + "This young lady had begun to PHYSICALLY turn into a snake, shedding her skin and having snakish tendencies.Possessed by a violent snake demon, the python spirit was exposed during this church service in Lagos, Nigeria.It confessed how it uses her to torment and destroy men! Thank God for her powerful deliverance through prayer from Prophet T.B. Joshua!ossessed by a violent snake demon, the python spirit was exposed during this church service in Lagos, Nigeria. It confessed how it uses her to torment and destroy men! Thank God for her powerful deliverance through prayer from Prophet T.B. Joshua!", + "On Sunday, 12 July, 2015, during the Sunday service, the man of God called one of his members simply identified as ‘Thabiso’, he commanded him by the power of God to turn into a horse and according to the church’s Facebook update, indeed it happened. The man of God was said to have ridden on the horse.DemonstrationMan of God declared a snake to become a chocolate (chomp) and the congregation ate it. We have authority to change everything into anything and it will obey because of our authority. Posted by End Times Disciples Ministries on Monday, July 13, 2015.", + "Photos from her hen night: 24-year-old Prophet Penuel Tshepo, of the End Time Disciples Ministries in Soshanguv, South Africa recently sparked outrage online after he allegedly commanded a snake to turn into chocolate, then had his church members feast on the reptile as a show of their faith in God's power.ude got married today to his excited heartthrob Boitumelo Rakubu. See the pics after the cut. Penuel is the same pastor who once made his church members eat grass, eat fellow members' hair, clothes and at one other time made them drink petrol. Very bizarre, shocking things.", + "Pastor penuel riding one of his members as a horse. During of his services too, while trying to demonstrate the authority believers have, the man of God declared a snake to become a chocolate (chomp) and the congregation ate it. The man of God also prayed for a cloth and called the congregation to come and eat.DemonstrationMan of God declared a snake to become a chocolate (chomp) and the congregation ate it. We have authority to change everything into anything and it will obey because of our authority. Posted by End Times Disciples Ministries on Monday, July 13, 2015.", + "Pastor Penuel. A South African pastor, Prophet Penuel, as fondly called by his followers has been ‘doing wonders’ in the most awkward way. The pastor, who is the founder of the End Times Disciples Ministries in South Africa has lots of ways he demonstrates ‘God’s miraculous wonders’ to members of his church.DemonstrationMan of God declared a snake to become a chocolate (chomp) and the congregation ate it. We have authority to change everything into anything and it will obey because of our authority. Posted by End Times Disciples Ministries on Monday, July 13, 2015.", + "It was different but tasted good’, Another added: ‘I was not sure at first but when I bit the snake I realised it was the best chocolate I have ever eaten’. Pic shows: One man eating a live snake. A church congregation were controversially ordered to eat a live snake and told it would become and taste like chocolate.Members of Prophet Penuel’s End Times Disciples Ministries in Soshanguve, Pretoria, in South Africa did as they were told and ate parts of the snake.y Vanessa Enofe, Naija Center News. A pastor in South Africa has taken service and miracle to another level by asking his congregation to eat live snakes and assume it’s chocolate.", + "#DemonstrationMan of God declared a snake to become a chocolate (chomp) and the congregation ate it. We have authority to change everything into anything and it will obey because of our authority. Posted by End Times Disciples Ministries on Monday, July 13, 2015.DemonstrationMan of God declared a snake to become a chocolate (chomp) and the congregation ate it. We have authority to change everything into anything and it will obey because of our authority. Posted by End Times Disciples Ministries on Monday, July 13, 2015.", + "By Vanessa Enofe on July 20, 2015 1 Comment. By Vanessa Enofe, Naija Center News. A pastor in South Africa has taken service and miracle to another level by asking his congregation to eat live snakes and assume it’s chocolate.y Vanessa Enofe, Naija Center News. A pastor in South Africa has taken service and miracle to another level by asking his congregation to eat live snakes and assume it’s chocolate.", + "They burnt the tent. Picture: Pretoria News Facebook page. Penuel Mnguni, dubbed the snake pastor, has made headlines and come under scrutiny for asking members of his church to eat rodents and snakes. Mnguni has been blessing his followers by making them eat ants, rats, snakes and even grass.A member of the congregation of prophet Mnguni's church in Soshanguve looked at the TUT student and said I see food on her head. He then ate up her weave. Picture: Pretoria News Facebook page.enuel Mnguni, dubbed the snake pastor, has made headlines and come under scrutiny for asking members of his church to eat rodents and snakes. Mnguni has been blessing his followers by making them eat ants, rats, snakes and even grass.", + "EFF members allegedly dismantled and burnt a tent belonging to the so called snake pastor. EFF members disrupted the service, saying they want pastor Penuel Mnguni to eat the snakes and rats he had been feeding his congregation.enuel Mnguni, dubbed the snake pastor, has made headlines and come under scrutiny for asking members of his church to eat rodents and snakes. Mnguni has been blessing his followers by making them eat ants, rats, snakes and even grass." + ], + "url": [ + "http://www.youtube.com/watch?v=3z0KWSKL5Z8", + "https://www.naij.com/487705-south-african-pastor-performs-miracle-using-snake.html", + "http://www.lailasblog.com/2015/08/south-african-pastor-that-made-church.html", + "https://www.naij.com/487705-south-african-pastor-performs-miracle-using-snake.html", + "https://www.naij.com/487705-south-african-pastor-performs-miracle-using-snake.html", + "http://www.naijacenter.com/news/pastor-feeds-members-with-snakes-in-south-africa/", + "https://www.naij.com/487705-south-african-pastor-performs-miracle-using-snake.html", + "http://www.naijacenter.com/news/pastor-feeds-members-with-snakes-in-south-africa/", + "http://ewn.co.za/2015/08/09/snake-pastors-church-burnt-down", + "http://ewn.co.za/2015/08/09/snake-pastors-church-burnt-down" + ] + }, + "query": "Niegerian Prophet turns into a snake in church service", + "query_id": 5302, + "query_type": "ENTITY", + "wellFormedAnswers": [] + }, + "truncated_cells": [] + }, + { + "row_idx": 70, + "row": { + "answers": [ + "No Answer Present." + ], + "passages": { + "is_selected": [ + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0 + ], + "passage_text": [ + "1 out of 1 found this helpful. It depends on what you tested positive for... An ELISA (quick and dirty) test for toxoplasmosis will test your IgG and IgM antibodies. If you are ONLY IgG positive, then it means you probably acquired the infection >=12 months ago.", + "Hmm...good question! I don't know, but I can offer you an alternative for the litter box duty. There are fancy new litterboxes out there that scoop and dump litter into a holding bag automatically -- you may want to look into this option, if you can't find a way to get your cat tested. Don't change the litter yourself!", + "How common is toxoplasmosis? Toxoplasmosis is most common in areas with warm, moist climates. More then 50% of the population in Central and Southern Europe, Africa, South America and Asia are infected with toxoplasmosis. Toxoplasmosis is common in France possibly due to the preference of minimally cooked and raw meat.", + "Toxoplasmosis: Symptoms, Effects and Prevention. The solid wastes (feces) of cats may contain a parasite called toxoplasma gondii that can cause toxoplasmosis, a rare but serious blood infection. Toxoplasmosis can also be contracted by eating infected, undercooked meat or by eating contaminated fruit or vegetables.", + "If Toxoplasma (IgM), is Equivocal or Positive, Toxoplasma Pregnancy (16 Weeks Gestation or Earlier) will be performed at an additional charge (CPT codes(s): 86777 x2, 86778) (For pregnant women less than or equal to 16 weeks gestational age).", + "CPT Code(s) Includes. If Toxoplasma (IgM), is Equivocal or Positive, Toxoplasma Pregnancy (more than 16 weeks) will be performed at an additional charge (CPT codes(s): 86777, 86778, 86406 x2) (For pregnant women greater than 16 weeks gestational age).", + "A Toxoplasma-positive reaction, stained by immunofluroescence (IFA). The diagnosis of toxoplasmosis is typically made by serologic testing. A test that measures immunoglobulin G (IgG) is used to determine if a person has been infected. If it is necessary to try to estimate the time of infection, which is of particular importance for pregnant women, a test which measures immunoglobulin M (IgM) is also used along with other tests such as an avidity test.", + "Thank you! It depends on what you tested positive for... An ELISA (quick and dirty) test for toxoplasmosis will test your IgG and IgM antibodies. If you are ONLY IgG positive, then it means you probably acquired the infection >=12 months ago.", + "Objective: To review the prevention, diagnosis, and management of. toxoplasmosis in pregnancy. Outcomes: Outcomes evaluated include the effect of screening. on diagnosis of congenital toxoplasmosis and the efficacy of. prophylaxis and treatment. Evidence: The Cochrane Library and Medline were searched for.", + "A toxoplasmosis test is used to detect a current or past infection with the microscopic parasite Toxoplasma gondii. Most often it may be performed for: A woman prior to or during a pregnancy to determine if she has been previously exposed to Toxoplasma gondii and during a pregnancy if exposure is suspected." + ], + "url": [ + "https://www.babycenter.com/400_just-found-out-i-tested-positive-for-toxoplasmosis-what-shou_2360533_842.bc", + "http://www.dcurbanmom.com/jforum/posts/list/149428.page", + "http://americanpregnancy.org/pregnancy-complications/toxoplasmosis/", + "http://americanpregnancy.org/pregnancy-complications/toxoplasmosis/", + "https://www.questdiagnostics.com/testcenter/TestDetail.action?ntc=91633", + "https://www.questdiagnostics.com/testcenter/TestDetail.action?ntc=91633", + "https://www.cdc.gov/parasites/toxoplasmosis/diagnosis.html", + "https://www.babycenter.com/400_just-found-out-i-tested-positive-for-toxoplasmosis-what-shou_2360533_842.bc", + "https://sogc.org/wp-content/uploads/2013/02/gui285CPG1301E-Toxoplasmosis.pdf", + "https://labtestsonline.org/understanding/analytes/toxoplasmosis/tab/test" + ] + }, + "query": "is test for toxo standard in pregnancy", + "query_id": 425530, + "query_type": "DESCRIPTION", + "wellFormedAnswers": [] + }, + "truncated_cells": [] + }, + { + "row_idx": 71, + "row": { + "answers": [ + "Yes,the Cobb house haunted in Vicksburg Mississippi." + ], + "passages": { + "is_selected": [ + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 1, + 0 + ], + "passage_text": [ + "Haunted Towns. Haunted Towns is an American paranormal television series that premiered on August 15, 2017 in the United States on Destination America. The series features the Tennessee Wraith Chasers, a group of professional paranormal investigators that are known for trying to trap ghosts during their investigations.", + "TWC continue on their paranormal journey by traveling to the most haunted locations in the most haunted towns in America. [1] The show airs on Tuesdays at 10 p.m. EST.[2]", + "And now, I would like to share a glimpse of yet another facet of our fair city — the Haunted Houses of Vicksburg. But first, a little background. The city of Vicksburg is perhaps the most historical city in the State of Mississippi, and the siege of the city during the War Between the States, is, without a doubt, one of the most memorable and significant battles of the War.", + "Last week, I decided to visit some of the haunted houses of Vicksburg, in hopes of hearing some of the stories firsthand — from the current owners of the houses. My first stop was Anchuca, one of the most beautiful antebellum mansions in the city, which has been converted to a lovely bed and breakfast inn.", + "The Haunted Houses of Vicksburg Part I: Anchuca During the four years we have lived in Vicksburg, I have shared literally hundreds of pictures of our quaint historic town which sits high on the bluffs of the Mississippi River.", + "Cobb House, 1855 -- Vicksburg, Mississippi Find this Pin and more on MISSISSIPPI ANTEBELLUM ARCHITECTURE by johnsjenkins. See More", + "Vicksburg Mississippi places-i-ve-been Find this Pin and more on wishes by chachabella. This gorgeous home is purportedly haunted. Classical Home Design Details My favorite home to tour in Mississippi. McRaven is considered the most haunted house in Mississippi. It was built in 1797 by a highway bandit named Andrew Glass, who died in his room after being shot. One of the first ghosts seen there is that of a Confederate soldier who died there in 1886 when it was briefly used as a hospital.", + "Sunday, October 10, 2010. The Haunted Houses of Vicksburg Part I: Anchuca. During the four years we have lived in Vicksburg, I have shared literally hundreds of pictures of our quaint historic town which sits high on the bluffs of the Mississippi River.", + "Vicksburg Vicksburg, Mississippi: September 5, 2017 () 0.223: TWC head to the deep south to investigate the town of Vicksburg, Mississippi. Founded in 1811, it was the site of the Siege of Vicksburg during the Civil War. They investigate paranormal hotspots; McRaven House, the most haunted home in the state, Cobb House and Stouts Bayou, which were all connected to the murder of local John Bobb. 1.5 Bisbee Bisbee, Arizona: September 12, 2017 () 0.227: TWC head", + "Find this Pin and more on Famous Haunted Houses by wiccan11. With its ghosts of children, bleeding nuns and phantom horses, Wymering Manor is known as Britain's most haunted house SOMEWHERE IN THE dar. Wymering Manor: Britain's Most Haunted House: Britain's most haunted house. My husband and I and our 1 year old son stayed here as it was a youth hostel. Wymering Manor, Portsmouth (built in ~ It is said to be haunted by a choir of nuns and Sir Roderick of Portchester, who was murdered outside the manor." + ], + "url": [ + "https://en.wikipedia.org/wiki/Haunted_Towns", + "https://en.wikipedia.org/wiki/Haunted_Towns", + "http://southernlagniappe.blogspot.com/2010/10/haunted-houses-of-vicksburg-part-i.html", + "http://southernlagniappe.blogspot.com/2010/10/haunted-houses-of-vicksburg-part-i.html", + "http://southernlagniappe.blogspot.com/2010/10/haunted-houses-of-vicksburg-part-i.html", + "https://www.pinterest.com/pin/391320655092435293/", + "https://www.pinterest.com/pin/391320655092435293/", + "http://southernlagniappe.blogspot.com/2010/10/haunted-houses-of-vicksburg-part-i.html", + "https://en.wikipedia.org/wiki/Haunted_Towns", + "https://www.pinterest.com/pin/391320655092435293/" + ] + }, + "query": "is the cobb house haunted in vicksburg mississippi", + "query_id": 1174755, + "query_type": "DESCRIPTION", + "wellFormedAnswers": [] + }, + "truncated_cells": [] + }, + { + "row_idx": 72, + "row": { + "answers": [ + "No Answer Present." + ], + "passages": { + "is_selected": [ + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0 + ], + "passage_text": [ + "Research has shown that nearly 60% of performance horses have stomach ulcers. This is known as Equine Gastric Ulcer Syndrome (EGUS).", + "Brief Description. 1 Weight loss. 2 Poor body condition/hair coat. 3 Reduced appetite. 4 Decreased performance. 5 Poor attitude (girthiness, irritability, resistance, etc.) 6 Colic.", + "Risk factors linked to glandular ulceration in one study included: 1 NSAID use, such as Bute, given at doses 50 percent higher than recommended, and used long-term. 2 Limited turnout. 3 Horses not fed haylage. 4 Horses fed unprocessed grain. 5 Horses infrequently fed a complete diet. 6 Fast exercise on fewer days of the week.", + "Providing pasture turnout is the best method of preventing ulcers. The constant intake of forage and production of saliva naturally buffer the stomach against gastric acid. If fresh grass is not available or appropriate for the horse, provide free-choice grass hay.", + "Supplements that May Lend Support. 1 Antacids to soothe the stomach. 2 Licorice to help restore healthy stomach tissue. 3 L-Glutamine to help promote healing. 4 Soluble fiber to help form a protective layer over erosions. 5 Plant adaptogens may help horses better manage ulcer-causing stress.", + "Skippy may very well be suffering from ESGUS, as his current lifestyle and diet fit the typical profile of a horse likely to develop squamous ulcers. 1 These risk factors often include: 2 Limited turnout. 3 Increased feed, especially grains. 4 Rigorous exercise. 5 Frequent travel. 6 Competition. 7 Intermittent feeding.", + "When you order your horse's supplements on AutoShip, you're automatically* eligible for our FREE SmartPerks benefits, including: 1 Free ground shipping on what you want, when you want it. 2 10% off all SmartPak brand tack, apparel, and gear. 3 A free Team SmartPak calendar, exclusive email offers and discounts, and more!", + "Many of the warning signs for colonic ulcers are similar to those signifying possible gastric ulcers, including: 1 Weight loss. 2 Resistance under saddle. 3 Irritability and other changes in attitude. 4 Lack of energy and stamina. 5 Loss of appetite. 6 Behavior indicating discomfort around the flanks, often characterized by a dislike of. 7 brushing/blanketing.", + "By prioritizing your horse’s digestive health with smart management, you can ensure that Skippy is a member of the healthy performance horse minority who are free of gastric ulcers. While gastric ulcers are one of the most well-recognized conditions of the equine gut, remember that the stomach makes up just 10% of vast, complicated, and delicate digestive system.", + "The Differences Between Squamous Gastric Ulcers and Glandular Gastric Ulcers in Horses. Squamous Gastric Ulcers (ESGUS) in Horses. Equine Squamous Gastric Ulcer Syndrome refers to ulcerative lesions specifically affecting the squamous portion of the equine stomach, or roughly, the upper third of the stomach." + ], + "url": [ + "https://www.smartpakequine.com/content/ulcer-horse", + "https://www.smartpakequine.com/content/ulcer-horse", + "http://www.succeed-equine.com/succeed-blog/2016/03/29/complete-guide-gastric-ulcers-horses/", + "https://www.smartpakequine.com/content/ulcer-horse", + "https://www.smartpakequine.com/content/ulcer-horse", + "http://www.succeed-equine.com/succeed-blog/2016/03/29/complete-guide-gastric-ulcers-horses/", + "https://www.smartpakequine.com/content/ulcer-horse", + "http://www.succeed-equine.com/succeed-blog/2016/03/29/complete-guide-gastric-ulcers-horses/", + "http://www.succeed-equine.com/succeed-blog/2016/03/29/complete-guide-gastric-ulcers-horses/", + "http://www.succeed-equine.com/succeed-blog/2016/03/29/complete-guide-gastric-ulcers-horses/" + ] + }, + "query": "what are signs of ulcers in equine", + "query_id": 564847, + "query_type": "ENTITY", + "wellFormedAnswers": [] + }, + "truncated_cells": [] + }, + { + "row_idx": 73, + "row": { + "answers": [ + "1 Partnership name. 2 Business address. 3 Names of Partners. 4 Effective date of agreement. 5 Primary purpose of partnership. 6 Voting requirements for partnership decisions. 7 Specify how costs will be shared among the partners. 8 Specify how profits will be shared among the partners are the key purpose for partnership agreement." + ], + "passages": { + "is_selected": [ + 0, + 1, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0 + ], + "passage_text": [ + "You'll want to use a Partnership Agreement between yourself and the other business partner or partners. Its terms define how the business partnership will be conducted, making it an important foundational document for running your new business.", + "Here are some of the key provisions in a Partnership Agreement: 1 Partnership name. 2 Business address. 3 Names of Partners. 4 Effective date of agreement. 5 Primary purpose of partnership. 6 Voting requirements for partnership decisions. 7 Specify how costs will be shared among the partners. 8 Specify how profits will be shared among the partners.", + "LLCs are for-profit business entities, so even if a state does not require an official business purpose, an LLC should have a business purpose. A limited liability company (LLC) is a relatively business entity created by state law. LLCs typically have the advantages of both partnerships and corporations when it comes to taxation, management and personal liability. State laws vary with regard to LLCs. Accordingly, some states require that an LLC have a business purpose while others do not. LLCs are for-profit business entities, so even if a state does not require an official business purpose, an LLC should have a business purpose. LLC Basics The IRS does not have a set classification for LLCs.", + "Information needed for creating a Partnership Agreement: You'll need to have some information at the ready to create your Partnership Agreement, but most of it you probably know off hand. We'll guide you through the process with our step-by-step process so all you'll have to do is answer a few simple questions. Here are some of the key provisions in a Partnership Agreement: Partnership name.", + "LLCs operating without an operating agreement are governed by the state's default rules contained in the relevant statute and developed through state court decisions. An operating agreement is similar in function to corporate by-laws, or analogous to a partnership agreement in multi-member LLCs.", + "Operating agreement. An operating agreement is a key document used by LLCs because it outlines the business' financial and functional decisions including rules, regulations and provisions. The purpose of the document is to govern the internal operations of the business in a way that suits the specific needs of the business owners.", + "State law varies on what information the members must include in the articles of organization. Under some states’ laws, the members must include a statement regarding the business purpose of the LLC. In many states, the members can put a general statement declaring the purpose of the LLC is for “all lawful business.”", + "Ultra vires is a legal doctrine that states any act a business entity takes that is outside the scope of its business purpose is invalid. Under this doctrine, for example, an LLC could be sued for acts it took outside the scope of what its stated business purpose was.", + "Here are some of the key provisions in a Partnership Agreement: 1 Partnership name. This will be the legal name of your partnership. 2 Business address. This is the physical address for the partnership. 3 Names of Partners. 4 Effective date of agreement. This is the date that the partnership will begin. 5 Primary purpose of partnership.", + "Partnership Dissolution Agreement; Silent Partnership Agreement; Limited Partnership Agreement; If you have any questions about what's right for you and your business, we can connect you with a lawyer for quick answers or a document review." + ], + "url": [ + "https://www.rocketlawyer.com/form/partnership-agreement.rl", + "https://www.rocketlawyer.com/form/partnership-agreement.rl", + "http://info.legalzoom.com/llc-need-business-purpose-3267.html", + "https://www.rocketlawyer.com/form/partnership-agreement.rl", + "https://en.wikipedia.org/wiki/Operating_agreement", + "https://en.wikipedia.org/wiki/Operating_agreement", + "http://info.legalzoom.com/llc-need-business-purpose-3267.html", + "http://info.legalzoom.com/llc-need-business-purpose-3267.html", + "https://www.rocketlawyer.com/form/partnership-agreement.rl", + "https://www.rocketlawyer.com/form/partnership-agreement.rl" + ] + }, + "query": "what do you put at purpose for partnership agreement", + "query_id": 626917, + "query_type": "DESCRIPTION", + "wellFormedAnswers": [] + }, + "truncated_cells": [] + }, + { + "row_idx": 74, + "row": { + "answers": [ + "up to nine days." + ], + "passages": { + "is_selected": [ + 0, + 0, + 0, + 0, + 0, + 1, + 0, + 0, + 0, + 0 + ], + "passage_text": [ + "The ICD-9-CM Official Guidelines for Coding and Reporting provide advice on the selection of principal and secondary diagnoses, which LTCHs are required to follow, as the Uniform Hospital Discharge Data Set (UHDDS) definitions are applicable to long-term care hospitals.", + "OASIS does not allow surgical codes, V-codes, and E-codes. This raises a problem for coding for OASIS M0230/M0240 (Diagnoses and Severity Index) in most post-surgical cases where care of the surgical wound is the reason for home care admission.", + "According to ICD-9-CM rules, this is an instance of “multiple coding” for a single diagnosis; in this case, the agency is instructed to report separate codes in a specified order for both the etiology and the manifestation of the disease.", + "RELATED ARTICLES. Differences between Acute and Chronic Injury in Medical Coding/Billing. Many physician encounters are due to injury, and the difference between disease and injury can be blurred which can cause problems for medical coders and billers. A patient may suffer bruising due to disease, for example, but have no history of injury. This is why, for the purposes of coding, you want to be familiar with the varying levels of injury: Acute injury: Damage to the body incurred by accident. Chronic injury: Damage to the body that is a result of overuse or aging.", + "hospital or to order outpatient tests. In the majority of cases, the decision whether to discharge a. patient from the hospital following resolution of the reason for the observation care or to admit the. patient as an inpatient can be made in less than 48 hours, usually in less than 24 hours. In only rare.", + "The time period varies depending on the facility. For example, the timeframe for a patient who is discharged to an acute care facility is up to nine days; the timeframe is up to 27 days for inpatient rehabilitation facility and 45 days for a skilled nursing facility.", + "The type of coding used and how it differs from the. acute inpatient hospital coding will be explained. Historical information. The Center for Medicare and Medicaid Services (CMS) requires the Inpatient Rehabilitation. Facility–Patient Assessment Instrument (IRF-PAI) to be completed as part of the Inpatient.", + "Short stay outliers and interrupted stays in long-term care hospitals also affect reimbursement. A short stay outlier is a patient stay that has a length of stay between one day and up to and including five-sixths of the geometric average length of stay for the MS-LTC DRG.", + "The materials that follow are in three sections: (1) information on general coding principles, with discussion of coding issues pertinent to home health (2) case scenarios for illustration, and (3) Frequently Asked Questions (FAQs) on diagnosis coding.", + "How to code an IRF account. Determine the ICD -9-CM code that best describes the primary reason for the patient’s admission. to the rehabilitation program. At the acute rehabilitation coding setting, the focus is on the aftercare of the patient and services. injury; chronic conditions; and, acute illnesses. identify aftercare following initial treatment of a condition. (CVA). principal diagnosis as well as 438.20 (Late effect of CVA) as the secondary diagnosis." + ], + "url": [ + "http://library.ahima.org/xpedio/groups/public/documents/ahima/bok1_037460.hcsp", + "http://www.aha.org/content/00-10/diagnosis010926.doc", + "http://www.aha.org/content/00-10/diagnosis010926.doc", + "http://www.dummies.com/careers/medical-careers/medical-billing-coding/differences-between-acute-and-chronic-injury-in-medical-codingbilling/", + "https://downloads.cms.gov/medicare-coverage-database/lcd_attachments/32221_3/dl32222_hosp001_cbg_100111.pdf", + "http://library.ahima.org/xpedio/groups/public/documents/ahima/bok1_037460.hcsp", + "http://californiahia.org/sites/californiahia.org/files/docs/CDQarticles/2012-04-rehabilitation-coding.pdf", + "http://library.ahima.org/xpedio/groups/public/documents/ahima/bok1_037460.hcsp", + "http://www.aha.org/content/00-10/diagnosis010926.doc", + "http://californiahia.org/sites/californiahia.org/files/docs/CDQarticles/2012-04-rehabilitation-coding.pdf" + ] + }, + "query": "medical coding how many days is considered acute?", + "query_id": 451087, + "query_type": "NUMERIC", + "wellFormedAnswers": [] + }, + "truncated_cells": [] + }, + { + "row_idx": 75, + "row": { + "answers": [ + "Deep respect." + ], + "passages": { + "is_selected": [ + 0, + 1, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0 + ], + "passage_text": [ + "rev'-er-ens: In the Old Testament, reverence occurs as the translation of two Hebrew words, yare' and shachah. It is used to express the attitude toward God Himself, as in Psalm 89:7 the King James Version; or toward His sanctuary, as in Leviticus 19:30; Leviticus 26:2.", + "Reverence is defined as deep respect, or is a name given to a holy figure in a religious institution. An example ofreverence is when you show deep and complete respect for the Bible as the word of God. The respectful term used to address a priest is an example ofreverence: Your Reverence..", + "Reverence is defined as deep respect, or is a name given to a holy figure in a religious institution. An example ofreverence is when you show deep and complete respect for the Bible as the word of God. The definition of reverence is treating with great respect.", + "reverence (countable and uncountable, plural reverences) 1 Veneration; profound awe and respect, normally in a sacred context. 2 An act of showing respect, such as a bow. Goldsmith Make twenty reverences upon receiving […] about twopence. 3 The state of being revered.", + "To have reverence for God is to stand in awe of Him for all that He has done to redeem us. This redemptive love should make us stand in wonder and amazement that He would die for us while were still His enemies and “God shows his love for us in that while we were still sinners, Christ died for us” (Rom 5:8).", + "a feeling or attitude of deep respect tinged with awe; veneration. 2. the outward manifestation of this feeling: to pay reverence. 3. a gesture indicative of deep respect; an obeisance, bow, or curtsy. 4. the state of being revered, or treated with respect tinged with awe. 5. (initial capital letter) a title used in addressing or mentioning a member of the clergy (usually preceded by your or his).", + "rev'-er-ens: In the Old Testament, reverence occurs as the translation of two Hebrew words, yare' and shachah. The root idea of the former is fear.. It is used to express the attitude toward God Himself, as in Psalm 89:7 the King James Version; or toward His sanctuary, as in Leviticus 19:30; Leviticus 26:2.", + "The group of ideas here, therefore, is honor, obeisance, reverence.. In the New Testament reverence occurs as the translation of three Greek words, aidos, phobeomai, and entrepomai. In the first, the idea is modesty (Hebrews 12:28; compare 1 Timothy 2:9).", + "A form of address for some members of the clergy. your reverence. That which deserves or exacts manifestations of reverence; reverend character; dignity; state. Shakespeare I am forced to lay my reverence by.", + "reverence (countable and uncountable, plural reverences) 1 Veneration; profound awe and respect, normally in a sacred context. 2 An act of showing respect, such as a bow. 3 The state of being revered. A form of address for some members of the 1 clergy. That which deserves or exacts manifestations of reverence; reverend character; dignity; state." + ], + "url": [ + "http://biblehub.com/topical/r/reverence.htm", + "http://www.yourdictionary.com/reverence", + "http://www.yourdictionary.com/reverence", + "https://en.wiktionary.org/wiki/reverence", + "http://www.patheos.com/blogs/christiancrier/2014/05/24/what-does-reverence-mean-bible-definition-of-reverence/", + "http://www.dictionary.com/browse/reverence", + "http://biblehub.com/topical/r/reverence.htm", + "http://biblehub.com/topical/r/reverence.htm", + "https://en.wiktionary.org/wiki/reverence", + "https://en.wiktionary.org/wiki/reverence" + ] + }, + "query": "the meaning of reverence", + "query_id": 517120, + "query_type": "DESCRIPTION", + "wellFormedAnswers": [] + }, + "truncated_cells": [] + }, + { + "row_idx": 76, + "row": { + "answers": [ + "Bronchial wall thickening is an imaging descriptor used to abnormal thickening of bronchial walls and can arise from vast number of pathologically entities." + ], + "passages": { + "is_selected": [ + 0, + 0, + 0, + 0, + 1, + 0, + 0, + 0, + 0, + 0 + ], + "passage_text": [ + "In the lungs, thick bronchial secretions block the small airways, which become inflamed. As the disease progresses, the bronchial walls thicken, the airways fill with infected secretions, areas of the lung contract, and lymph nodes enlarge.In the liver, thick secretions block the bile ducts.Obstruction may also occur in the gallbladder. In the pancreas, thick secretions may block the gland completely.s the disease progresses, the bronchial walls thicken, the airways fill with infected secretions, areas of the lung contract, and lymph nodes enlarge. In the liver, thick secretions block the bile ducts. Obstruction may also occur in the gallbladder.", + "Thickening of bronchial secretions: Related Topics. These medical condition or symptom topics may be relevant to medical information for Thickening of bronchial secretions:1 Bronchial. 2 Bronchial symptoms (273 causes).hickening of bronchial secretions: Related Topics. These medical condition or symptom topics may be relevant to medical information for Thickening of bronchial secretions: 1 Bronchial.", + "Below is a list of common medications used to treat or reduce the symptoms of Thick Bronchial Secretions. Follow the links to read common uses, side effects, dosage details and read user reviews for the drugs listed below. Your search for Thick Bronchial Secretions returned the following treatments.elow is a list of common medications used to treat or reduce the symptoms of Thick Bronchial Secretions. Follow the links to read common uses, side effects, dosage details and read user reviews for the drugs listed below. Your search for Thick Bronchial Secretions returned the following treatments.", + "Dr Yuranga Weerakkody ◉ et al. Bronchial wall thickening is an imaging descriptor used to abnormal thickening of bronchial walls and can arise from vast number of pathologically entities. It is one of causes of peribronchial cuffing.The presence of bronchial wall thickening usually (but not always) implies inflammation or the airways.ronchial wall thickening is an imaging descriptor used to abnormal thickening of bronchial walls and can arise from vast number of pathologically entities.", + "Bronchial wall thickening is an imaging descriptor used to abnormal thickening of bronchial walls and can arise from vast number of pathologically entities.It is one of causes of peribronchial cuffing. The presence of bronchial wall thickening usually (but not always) implies inflammation or the airways.ronchial wall thickening is an imaging descriptor used to abnormal thickening of bronchial walls and can arise from vast number of pathologically entities.", + "Bronchiectasis is an under-diagnosed disease -- with the potential to cause devastating lung damage. It affects the walls of the large airways of the lung, slowly destroying the muscles and the elastic tissues that line the bronchial tubes.Normal airways are built to contract and funnel mucus out of the lungs.ronchiectasis is an under-diagnosed disease -- with the potential to cause devastating lung damage. It affects the walls of the large airways of the lung, slowly destroying the muscles and the elastic tissues that line the bronchial tubes.", + "What Causes Mucus in the Lungs. COPD means chronic obstructive disease under which two spectrums of diseases are grouped-chronic bronchitis and emphysema. Chronic bronchitis is characterized by over-activity of mucus secreting glands of bronchi which lead to excess secretion of mucus which blocks the bronchioles.While in emphysema it is characterized by over-distension of alveoli and bronchioles.Usually chronic bronchitis and emphysema co-exist.hronic bronchitis is characterized by over-activity of mucus secreting glands of bronchi which lead to excess secretion of mucus which blocks the bronchioles. While in emphysema it is characterized by over-distension of alveoli and bronchioles. Usually chronic bronchitis and emphysema co-exist.", + "People with the disease called cystic fibrosis (CF) often have their bronchial tubes obstructed by the thick, sticky mucus which is a hallmark of CF. Toxic exposures (breathing ammonia, for example) can harm the bronchi, and lead to bronchiectasis.ymptoms of bronchiectasis include constant cough and the production of infected sputum (sputum is a mixture of mucus and pus), which may be bloody. In some cases, there may be wheezing and shortness of breath.", + "The bronchial tubes are the networks of branching tubes which deliver air to the tiny sacs of the lungs (alveoli). In bronchiectasis, the diameter of the bronchi is unusually large. Examination of the walls of the bronchial tubes reveals destruction of the normal structural elements, with replacement by scar tissue.ymptoms of bronchiectasis include constant cough and the production of infected sputum (sputum is a mixture of mucus and pus), which may be bloody. In some cases, there may be wheezing and shortness of breath.", + "WHAT CAUSES BRONCHIECTASIS? The key element to the development of bronchiectasis appears to be inflammatory destruction of the muscle, elastic tissue and cartilage of the bronchial wall by infected mucous in close and prolonged contact with the bronchial wall.Bronchiectasis can occur anywhere in the lung.HAT CAUSES BRONCHIECTASIS? The key element to the development of bronchiectasis appears to be inflammatory destruction of the muscle, elastic tissue and cartilage of the bronchial wall by infected mucous in close and prolonged contact with the bronchial wall." + ], + "url": [ + "http://cysticfibrosis.in/index.htm", + "http://www.rightdiagnosis.com/medical/thickening_of_bronchial_secretions.htm", + "http://www.webmd.com/drugs/condition-1837-Thick+Bronchial+Secretions.aspx", + "http://radiopaedia.org/articles/bronchial-wall-thickening", + "http://radiopaedia.org/articles/bronchial-wall-thickening", + "http://www.uchospitals.edu/specialties/lung/conditions/bronchiectasis/", + "http://www.tandurust.com/online-health-tips/mucus-in-lungs-natural-cure.html", + "http://medical-dictionary.thefreedictionary.com/bronchiectasis", + "http://medical-dictionary.thefreedictionary.com/bronchiectasis", + "http://www.houstonlungdocs.com/bronchiectasis/" + ] + }, + "query": "thick bronchial secretions causes", + "query_id": 519828, + "query_type": "DESCRIPTION", + "wellFormedAnswers": [] + }, + "truncated_cells": [] + }, + { + "row_idx": 77, + "row": { + "answers": [ + "No Answer Present." + ], + "passages": { + "is_selected": [ + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0 + ], + "passage_text": [ + "People use minerals in so many different ways. Mineral are used in industrial processes and most things like jewelry, fuel, clothing, furniture and fittings are made from … minerals. Chromite (iron magnesium chromium oxide) is the main ore of chromium and is also used as a refracto … ry material. Diamond (a carbon allotrope) is mined for its high value as a gemstone, but it is also an excellent abrasive.", + "The roads we ride or drive on and the buildings we live learn and work in all contain minerals. Below is a selected list of commonly used metallic and nonmetallic minerals, ore minerals, mineral byproducts, aggregates, and rock types that are used to make products we use in our daily life.arium is an element, derived primarily from the mineral barite, and used as a heavy additive in oil-well-drilling mud, paints, rubber, plastic and paper; production of barium chemicals; and glass manufacturing.", + "Igneous rocks form when magma or lava cools and hardens into a rock. Magma and lava are rocks that are so hot they move like a liquid. Magma is molten rock that is underground; lava is molten rock that is above the ground – and that is the only difference between them.xplains the difference between rocks and minerals and the properties of minerals. The site also includes a list of field guides and books on rocks and minerals. Mineral Matters: How to Identify Minerals. Provides an overview of the physical properties used to identify minerals.", + "MINERALS. Minerals, quite simply, are the building blocks for making rocks, and a rock is made up of one or more minerals. When you look at a rock and see different colors, those colors are minerals that make up that specific rock.xplains the difference between rocks and minerals and the properties of minerals. The site also includes a list of field guides and books on rocks and minerals. Mineral Matters: How to Identify Minerals. Provides an overview of the physical properties used to identify minerals.", + "A native element; antimony metal is extracted from stibnite ore and other minerals. Used as a hardening alloy for lead, especially storage batteries and cable sheaths; also used in bearing metal, type metal, solder, collapsible tubes and foil, sheet and pipes and semiconductor technology.auxite ore is the main source of aluminum and must be imported from Jamaica, Guinea, Brazil, Guyana, etc. Used in transportation (automobiles), packaging, building/construction, electrical, machinery and other uses.", + "Click on each shelf cubby to get a closer look. We use things made from rocks and minerals every day. It is estimated that every person in the United States will use more than three million pounds of rocks, minerals and metals during their lifetime.t is estimated that every person in the United States will use more than three million pounds of rocks, minerals and metals during their lifetime.", + "Minerals are the source of gemstones, metals, and other materials used to make many projects. gemstones are maid mainly for jewelry. they are also used for grinding and as an … d polishing. minerals are also a source of metals such as iron copper and silver.Metal tools aluminum foil and the steel used to make cars all began as minerals. Chromite (iron magnesium chromium oxide) is the main ore of chromium and is also used as a refracto … ry material. Diamond (a carbon allotrope) is mined for its high value as a gemstone, but it is also an excellent abrasive.", + "Best Answer: There are more than three but here are some. Minerals form in igneous rocks when magmas crystallize. Minerals form in metamorphic rocks when pressure (and temperature) causes elements to replace other elements in preexisting minerals.inerals form in igneous rocks when magmas crystallize. Minerals form in metamorphic rocks when pressure (and temperature) causes elements to replace other elements in preexisting minerals.", + "Two ways in which minerals can form were not mentioned: recrystallization and dehydration. Some minerals are unstable. The mineral aragonite has the same chemical composition as the mineral calcite, but has a different crystalline structure (so they are separate minerals). know that the tree basic ways that minerals form are solidification of a melt; precipitation from solution; and solid-state diffusion.", + "I know that the tree basic ways that minerals form are solidification of a melt; precipitation from solution; and solid-state diffusion.What I want to know are what they are cuz the names are all that I know.Any websities that will tell me this are appreciated as well as information you give. know that the tree basic ways that minerals form are solidification of a melt; precipitation from solution; and solid-state diffusion." + ], + "url": [ + "http://www.answers.com/Q/What_are_some_ways_people_use_minerals", + "http://scienceviews.com/geology/minerals.html", + "http://beyondpenguins.ehe.osu.edu/issue/rocks-and-minerals/the-basics-of-rocks-and-minerals-and-polar-geology", + "http://beyondpenguins.ehe.osu.edu/issue/rocks-and-minerals/the-basics-of-rocks-and-minerals-and-polar-geology", + "http://www.nma.org/index.php/minerals-publications/40-common-minerals-and-their-uses", + "http://natural-history.uoregon.edu/collections/web-galleries/everyday-uses-rocks-and-minerals", + "http://www.answers.com/Q/What_are_some_ways_people_use_minerals", + "https://answers.yahoo.com/question/index?qid=20081007155329AAX8K1k", + "https://answers.yahoo.com/question/index?qid=20071208171331AAomPGZ", + "https://answers.yahoo.com/question/index?qid=20071208171331AAomPGZ" + ] + }, + "query": "name are three ways minerals are used", + "query_id": 461177, + "query_type": "DESCRIPTION", + "wellFormedAnswers": [] + }, + "truncated_cells": [] + }, + { + "row_idx": 78, + "row": { + "answers": [ + "Fisher price of i can play keyboard is $32.99." + ], + "passages": { + "is_selected": [ + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 1, + 0, + 0 + ], + "passage_text": [ + "See all results for fisher price i can play piano. 1 Fisher-Price I Can Play Piano System. by Fisher-Price. 2 I Can Play Piano Software - Nicktoons Show Tunes. by Fisher-Price. 3 I Can Play Piano Software - Dora's Musical Adventure. by Fisher-Price. Fisher-Price Kick and Play Piano Gym by Fisher-Price. 4.7 out of 5 stars 1,344.", + "What's it about? Fisher-Price's I CAN PLAY PIANO comes packaged with a three-octave, color-coded keyboard that plugs into the audio/video input jacks of your television; it comes with one cartridge containing eight songs that can be played in four different song modes.", + "Review this title! Fisher-Price's I CAN PLAY PIANO comes packaged with a three-octave, color-coded keyboard that plugs into the audio/video input jacks of your television; it comes with one cartridge containing eight songs that can be played in four different song modes.", + "Fisher-Price I Can Play Guitar System (blue) by Fisher-Price. 3.3 out of 5 stars 38. $84.95(3 new offers) Manufacturer recommended age: 6 - 10 Years. Product Features. It uses the same proven color coding method as the popular I Can Play Piano!.", + "Play with the keyboard away from your TV. NOTE: When the keyboard is plugged into the wall, the batteries are not being used. It. is best to remove the batteries from the battery compartment if the keyboard is. normally used with the AC/DC adaptor to avoid battery leakage. PAUSE.", + "Fisher-Price Fisher-Price I Can Play Piano American Idol System. Description Item # SPM13487244824 Model # 0027084416046. Can Play Piano is a piano teaching system that uses video game technology to teach children to quickly and easily master the basics of piano, and have fun doing it.", + "See all results for fisher price i can play piano. 1 Fisher-Price I Can Play Piano System. 2 I Can Play Piano Software - Nicktoons Show Tunes. 3 I Can Play Piano Software - Dora's Musical Adventure. Fisher-Price Kick and Play Piano Gym by Fisher- 1 Price. I Can Play Guitar System - Purple. I Can Play Piano Software - Holiday Wonderland.", + "Elephant piano Fisher price Play, record and stop function $32.99. Buy It Now. or Best Offer. Fisher-Price Elephant Piano Your little musician can play his or her heart out with the Fisher-Price Elephant Piano. This mini piano features 13 keys and four animal sounds to create fun masterpieces,... Fisher Price Music Elephant Piano Young Child Fun Learning $29.99. Buy It Now.", + "I CAN PLAY™ PIANO can function with either an AC/DC adaptor that plugs into your. wall or with batteries. (See the QUICK SET-UP INSTRUCTIONS for further detail) • The battery compartments are located on the back of the keyboard. • Unscrew and lift each cover away from its battery compartment.", + "Fisher-Price Fisher Price I Can Play Piano System I Can Play Piano uses video game technology to help children quickly master the basics of piano and have fun doing it. The easy-to-follow graphics and musical color-coding system turn every song into a simple game that your child plays using the keyboard. 10 Reviews. Consumer Reviews Sort by." + ], + "url": [ + "https://www.amazon.com/fisher-price-i-can-play-piano/s?ie=UTF8&page=1&rh=i%3Aaps%2Ck%3Afisher%20price%20i%20can%20play%20piano", + "https://www.commonsensemedia.org/game-reviews/i-can-play-piano", + "https://www.commonsensemedia.org/game-reviews/i-can-play-piano", + "https://www.amazon.com/fisher-price-i-can-play-piano/s?ie=UTF8&page=1&rh=i%3Aaps%2Ck%3Afisher%20price%20i%20can%20play%20piano", + "http://www.fisher-price.com/content/v4/au/icanplaypiano/doc/J7522-UserManual.pdf", + "http://www.sears.com/fisher-price-fisher-price-i-can-play-piano/p-SPM13487244824", + "https://www.amazon.com/fisher-price-i-can-play-piano/s?ie=UTF8&page=1&rh=i%3Aaps%2Ck%3Afisher%20price%20i%20can%20play%20piano", + "http://www.ebay.com/bhp/fisher-price-i-can-play-piano", + "http://www.fisher-price.com/content/v4/au/icanplaypiano/doc/J7522-UserManual.pdf", + "http://www.epinions.com/reviews/Fisher_Price_I_Can_Play_Piano_System/35500132" + ] + }, + "query": "fisher price i can play keyboard", + "query_id": 187582, + "query_type": "NUMERIC", + "wellFormedAnswers": [] + }, + "truncated_cells": [] + }, + { + "row_idx": 79, + "row": { + "answers": [ + "No Answer Present." + ], + "passages": { + "is_selected": [ + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0 + ], + "passage_text": [ + "1 The average cost of living in a not-for-profit. 2 is $2,672.00 per month, or $32,064.00 annually. 3 The average monthly rate for. 4 is $4,270.00 per month or $51,240.00 annually. 5 To move into a community, individuals might also have to pay an. 6 ranging from $60,000.00 to $120,000.00 or more.", + "1 Sunrise Senior Living of Presque Isle Bay is an assisted living facility in Erie, PA. 2 Sunrise Senior Living of Presque Isle Bay offers activities at their location for residents. 3 These activities generally allow residents to maintain healthy lifestyles by encouraging movement and socializing with their peers.", + "Assisted Living Costs by State. The Genworth 2015 Cost of Care Survey is the most comprehensive study of its kind. Genworth Financial surveyed approximatey 15% of assisted living communities. The monthly cost is for a one-bedroom unit in an assisted living facility.", + "Sunrise Senior Living is the second largest assisted living provider in the United States, with 291 communities. Sunrise is a pioneer in the assisted living space, having been in operation for more than 30 years. Sunrise communities house more than 33,000 seniors – about 28,000 of which are assisted living residents.", + "1 Sunrise Senior Living of Presque Isle Bay is operated by Sunrise Senior Living. - 2 Beautiful views of Presque Isle Bay. - 3 Right on the Bayfront Walkway with close proximity to Frontier Park, Hospital complex, and interstate highways.", + "The cost of assisted living varies significantly between facilities across the nation and even within the same city. We have compiled estimated costs of assisted living facilities in the United States from many industry surveys. The costs of assisted living care depend on the level of service a resident requires. The 2010 CDC National Survey of Residential Care Facilities provides some treasured insights into the costs of assisted living, but also how facilities charge residents.", + "1 Staff is awake and available 24 hours a day so if any emergencies occur no matter the time, there will be someone ready to help. 2 Sunrise Senior Living of Presque Isle Bay is operated by Sunrise Senior Living. - 3 Beautiful views of Presque Isle Bay.", + "1 The benefit of living in an assisted living community is that making meals can be costly and time consuming process so Sunrise Senior Living of Presque Isle Bay provides meals for residents. 2 Staff is awake and available 24 hours a day so if any emergencies occur no matter the time, there will be someone ready to help.", + "Sunrise at River Road is located in Tucson, Arizona and offers a warm and caring environment for seniors who need assistance with daily living tasks.There are indoor and outdoor common areas available to residents.", + "Many Sunrise Senior Living communities have also received the Senior Advisor Excellence Award based on ratings and reviews from consumers. To qualify for an Excellence Award, communities must have received an average overall rating of at least 4.5 stars (out of five) based on a minimum number of reviews." + ], + "url": [ + "http://www.caregiverlist.com/ShowAnswer.aspx?QuestionId=7", + "http://www.assistedliving.com/pennsylvania/erie/sunrise-senior-living-of-presque-isle-bay/", + "http://www.assistedlivingfacilities.org/resources/assisted-living-costs/", + "http://www.assistedliving.com/top-facilities/sunrise-senior-living/", + "http://www.assistedliving.com/pennsylvania/erie/sunrise-senior-living-of-presque-isle-bay/", + "http://www.assistedlivingfacilities.org/resources/assisted-living-costs/", + "http://www.assistedliving.com/pennsylvania/erie/sunrise-senior-living-of-presque-isle-bay/", + "http://www.assistedliving.com/pennsylvania/erie/sunrise-senior-living-of-presque-isle-bay/", + "http://www.assistedliving.com/top-facilities/sunrise-senior-living/", + "http://www.assistedliving.com/top-facilities/sunrise-senior-living/" + ] + }, + "query": "average cost for sunrise senior living", + "query_id": 32475, + "query_type": "NUMERIC", + "wellFormedAnswers": [] + }, + "truncated_cells": [] + }, + { + "row_idx": 80, + "row": { + "answers": [ + "Phish is try to obtain financial or other confidential information from Internet users." + ], + "passages": { + "is_selected": [ + 0, + 1, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0 + ], + "passage_text": [ + "Commenting the date of a show, and adding !setlistbot to the comment, will trigger a response from /u/setlistbot. This response includes the shows setlist, links to listen to the show, and a link to phish.net for more information. Example: 12-31-99 Check out this awesome show !setlistbot Useful Links", + "phish. 1 to try to obtain financial or other confidential information from Internet users, typically by sending an email that looks as if it is from a legitimate organization, usually a financial institution, but contains a link to a fake website that replicates the real one.", + "Audio. 1 LivePhish. 2 The Spreadsheet - Download MP3s of ALL freely-traded Phish recordings. 3 phishtracks.com - Stream 'The Spreadsheet' instead of downloading it. 4 phish.in - Same idea as phishtracks, different interface. 5 phishtracksstats.com - Stats for phishtracks.com, Phish On Demand, and phish.in.", + "Phish's audio and video policy Please do not post links to any downloadable SBDs or ripped webcasts of shows that were officially released. It violates Phish's guidelines, and it has always been an unwritten rule here, until now, that official soundboard content should not be posted. Phish explicitly outlines their audio and video guidelines here: Audio recording policy", + "Phish.net - All things Phish: Setlists, Song Histories, Blog, Discussions, etc. Phish History Listening List /r/phish Redditors on Twitter. Emil's Tabs - Phish Tablature. Trader's Little Helper. Free iPhone tour app created by a fellow redditor. Mr. Miner's Phish Thoughts. Subreddit Rules. This is a Phish group, not a political group.", + "Phan1: Phish is probably the best band in the world. The musical composition of their works is incredibly complex and technically difficult. Their concerts are amazing and never the same, because they are proficient enough on their instruments to be able to improvise.", + "verb (used without object) 1. to try to obtain financial or other confidential information from Internet users, typically by sending an email that looks as if it is from a legitimate organization, usually a financial institution, but contains a link to a fake website that replicates the real one.", + "Other. / 1 r/phish Cash or Trade Group, post trades HERE! 2 Phish.net - All things Phish: Setlists, Song Histories, Blog, Discussions, etc. 3 Phish History Listening List. / 4 r/phish Redditors on Twitter. 5 Emil's Tabs - Phish Tablature. 6 Trader's Little Helper. 7 Free iPhone tour app created by a fellow redditor. 8 Mr. Miner's Phish Thoughts.", + "Even if your post has Phish content, if it is political, it will be removed. If a band member does something politically related, that will stay, but otherwise, please, Phish content only. Regarding ISO and FS ticket posts:", + "Oftened generalized as granola rockers or as the band that picked up the mantle of the Grateful Dead, The music of Phish draws from styles and genres including rock (in its loosest sense), jazz, blue grass, funk. Phish has been known to perform in wetsuits, on flying hot dogs, with gospel choirs and using a vacume cleaner. Phish is, first and foremost, a jam band. Concerts are made up of long periods of instrumental rocking and chord progression manipulation and expansion whereas studio versions of songs more often list more filler songs (although they are still good) and shortened versions of the huge concert warhorse pieces." + ], + "url": [ + "https://www.reddit.com/r/phish/comments/2ccb68/what_are_chompers_a_type_of_fan/", + "http://www.dictionary.com/browse/phish", + "https://www.reddit.com/r/phish/comments/2ccb68/what_are_chompers_a_type_of_fan/", + "https://www.reddit.com/r/phish/comments/2ccb68/what_are_chompers_a_type_of_fan/", + "https://www.reddit.com/r/phish/comments/2ccb68/what_are_chompers_a_type_of_fan/", + "https://www.urbandictionary.com/define.php?term=phish", + "http://www.dictionary.com/browse/phish", + "https://www.reddit.com/r/phish/comments/2ccb68/what_are_chompers_a_type_of_fan/", + "https://www.reddit.com/r/phish/comments/2ccb68/what_are_chompers_a_type_of_fan/", + "https://www.urbandictionary.com/define.php?term=phish" + ] + }, + "query": "what are phish", + "query_id": 563205, + "query_type": "DESCRIPTION", + "wellFormedAnswers": [] + }, + "truncated_cells": [] + }, + { + "row_idx": 81, + "row": { + "answers": [ + "It is the ability to think critically about information." + ], + "passages": { + "is_selected": [ + 0, + 0, + 1, + 0, + 0, + 0, + 0, + 0, + 0, + 0 + ], + "passage_text": [ + "The ability to use information technologies effectively to find and manage information, and the ability to critically evaluate and ethically apply that information to solve a problem are some of the hallmarks of an information literate individual.", + "Show More Show Less. - Hello, my name is Elsa Loftis, and welcome to this course on information literacy. I hope that through this course you become better, quicker, and more thorough researchers. And better students too. Through this course I hope to help you better understand the massive world of information.", + "Information literacy is the ability to think critically about information. It is a fundamental part of critical inquiry in the Information Age. The information literate student can: 1. Determine the extent of information he or she needs.", + "The Presidential Committee on Information Literacy defined information literacy as a set of skills, which require an individual to: “recognize when information is needed and have the ability to locate, evaluate, and use effectively the needed information.”(2)", + "Information literacy is the ability to think critically about information. It is a fundamental part of critical inquiry in the Information Age. Although the term ´information literacy´ is spreading throughout the library literature today, it is not a new idea.", + "“Information literacy forms the basis for lifelong learning. It is common to all disciplines, to all learning environments, and to all levels of education. It enables learners to master content and extend their investigations, become more self-directed, and assume greater control over their own learning.”(1)", + "Information literacy is the ability to discover and use various types of information. It's an essential skill for navigating the information age. Watch this course to learn about strategies for finding information—from a library, archive, database, or the Internet—and the ethics of using it.", + "Information literacy is the ability to think critically about information. It is a fundamental part of critical inquiry in the Information Age. The information literate student can: 1. 1 Determine the extent of information he or she needs. Access the needed information effectively and efficiently.", + "If a student has learned how to learn, upon graduation, they are a much more attractive job candidate. An information literate individual--with their strong analytical, critical thinking and problem-solving skills--can be expected to be an adaptable, capable and valuable employee, with much to contribute.", + "Other characteristics of an information literate individual include the spirit of inquiry and perseverance to find out what is necessary to get the job done. We live in the Information Age, and information is increasing at a rapid pace. We have the Internet, television, radio, and other information resources available to us 24 hours a day, 7 days a week. However, just because so much information is so easily and quickly available does not mean that all of it is worthwhile or even true." + ], + "url": [ + "https://www.philau.edu/infolit/why_students.htm", + "https://www.lynda.com/Higher-Education-tutorials/Information-Literacy/368046-2.html", + "http://www.lib.utexas.edu/services/instruction/aboutinfolit.html", + "http://skil.stanford.edu/intro/research.html", + "http://www.lib.utexas.edu/services/instruction/aboutinfolit.html", + "http://skil.stanford.edu/intro/research.html", + "https://www.lynda.com/Higher-Education-tutorials/Information-Literacy/368046-2.html", + "http://www.lib.utexas.edu/services/instruction/aboutinfolit.html", + "https://www.philau.edu/infolit/why_students.htm", + "https://www.philau.edu/infolit/why_students.htm" + ] + }, + "query": "what is information literacy", + "query_id": 759129, + "query_type": "DESCRIPTION", + "wellFormedAnswers": [] + }, + "truncated_cells": [] + }, + { + "row_idx": 82, + "row": { + "answers": [ + "No, The colon is also called the large intestine." + ], + "passages": { + "is_selected": [ + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 1, + 0 + ], + "passage_text": [ + "Diagnosis and Tests. 1 Colonoscopy: MedlinePlus Health Topic (National Library of Medicine) Also in Spanish. 2 Lower GI Series (Barium Enema) (National Institute of Diabetes and Digestive and Kidney Diseases) Also in Spanish.", + "It is a musculomembranous tube lined with a secretory and/or absorptive mucosa, comprising the small intestine and large intestine; called also bowel and gut. See also intestinal tract. Distended and congested loops of intestine in a cow with intussusception.", + "During a bowel movement, the muscles of the rectal wall contract to move stool from the rectum to the anus, a 1-inch-long opening through which stool leaves the body. The lower GI tract. Anatomic problems of the lower GI tract may involve parts of organs being in the wrong place, shaped abnormally, or incorrectly connected to other organs. Anatomic problems that affect the large intestine or anus include malrotation, volvulus, intussusception, fistula, imperforate anus, and colonic atresia.", + "The ascending colon is the first of four sections of the large intestine. It is connected to the small intestine by a section of bowel called the cecum. The ascending colon runs upwards through the abdominal cavity toward the transverse colon for approximately eight inches (20 cm).", + "These infections occur primarily in the large intestine (note some of these organisms can also infect the small intestine) and can invade the surrounding tissues. Invasion of the intestine can result in blood in the feces and cause an inflammatory response with significant numbers of fecal leukocytes.", + "The small intestine is a long tube that connects the stomach to the large intestine. It folds many times to fit inside the abdomen. Enlarge The small intestine connects the stomach and the colon. It includes the duodenum, jejunum, and ileum. There are five types of small intestine cancer. The types of cancer found in the small intestine are adenocarcinoma, sarcoma, carcinoid tumors, gastrointestinal stromal tumor, and lymphoma. This summary discusses adenocarcinoma and leiomyosarcoma (a type of sarcoma).", + "The gastrointestinal tract is an organ system within humans and other animals which takes in food, digests it to extract and absorb energy and nutrients, and expels the remaining waste as feces. The mouth, esophagus, stomach, and intestines are part of the gastrointestinal tract. Gastrointestinal is an adjective meaning of or pertaining to the stomach and intestines. A tract is a collection of related anatomic structures or a series of connected body organs. All bilaterians have a gastrointestin", + "On embryologic grounds, the GI tract should be divided into upper (mouth to major papilla in the duodenum), middle (duodenal papilla to midtransverse colon), and lower (mid-transverse colon to anus) according to the derivation of these 3 areas from the foregut, midgut, and hindgut, respectively.", + "The colon is also called the large intestine. The ileum (last part of the small intestine) connects to the cecum (first part of the colon) in the lower right abdomen. The rest of the colon is divided into four parts: • The ascending colon travels up the right side of the abdomen. • The transverse colon runs across the abdomen. • The descending colon travels down the left abdomen. • The sigmoid colon is a short curving of the colon, just before the rectum.", + "The sigmoid colon is the part of the large intestine after the descending colon and before the rectum. The name sigmoid means S-shaped (see sigmoid; cf. sigmoid sinus). The walls of the sigmoid colon are muscular, and contract to increase the pressure inside the colon, causing the stool to move into the rectum." + ], + "url": [ + "https://medlineplus.gov/colonicdiseases.html", + "https://medical-dictionary.thefreedictionary.com/Lower+Intestine", + "https://www.niddk.nih.gov/health-information/digestive-diseases/anatomic-problems-lower-gi-tract", + "https://en.wikipedia.org/wiki/Large_intestine", + "https://www.atsu.edu/faculty/chamberlain/website/lectures/infectionsofthelargeintestine.htm", + "https://www.cancer.gov/types/small-intestine/patient/small-intestine-treatment-pdq", + "https://en.wikipedia.org/wiki/Intestine", + "https://emedicine.medscape.com/article/1899008-overview", + "https://www.webmd.com/digestive-disorders/picture-of-the-colon", + "https://en.wikipedia.org/wiki/Large_intestine" + ] + }, + "query": "is the colon in the lower intestine", + "query_id": 1174754, + "query_type": "DESCRIPTION", + "wellFormedAnswers": [] + }, + "truncated_cells": [] + }, + { + "row_idx": 83, + "row": { + "answers": [ + "No Answer Present." + ], + "passages": { + "is_selected": [ + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0 + ], + "passage_text": [ + "How to disable app icon badges in Notification Center. 1 Launch the Settings app on your iPhone or iPad. 2 Tap on Notification Center. 3 Scroll down and find the app you'd like to disable app icon badges for and tap on it. 4 Turn the option for Badge App Icon to Off. Launch the Settings app on your iPhone or iPad. 2 Tap on Notification Center. 3 Scroll down and find the app you'd like to disable sounds for and tap on it. 4 Turn the option for Sounds to Off. 5 This also disables any vibration alerts that may be attached to that sound alert.", + "How to disable Lock screen alerts Notification Center. 1 Launch the Settings app on your iPhone or iPad. 2 Tap on Notification Center. 3 Scroll down and find the app you'd like to disable Lock screen alerts for and tap on it. 4 Again, scroll down to the bottom and now turn the option for Show on Lock Screen to Off. Launch the Settings app on your iPhone or iPad. 2 Tap on Notification Center. 3 Scroll down and find the app you'd like to disable sounds for and tap on it. 4 Turn the option for Sounds to Off. 5 This also disables any vibration alerts that may be attached to that sound alert.", + "1 Launch the Settings app on your iPhone or iPad. 2 Tap on Notification Center. 3 Scroll down and find the app you'd like to disable Lock screen alerts for and tap on it. 4 Again, scroll down to the bottom and now turn the option for Show on Lock Screen to Off. Launch the Settings app on your iPhone or iPad. 2 Tap on Notification Center. 3 Scroll down and find the app you'd like to disable sounds for and tap on it. 4 Turn the option for Sounds to Off. 5 This also disables any vibration alerts that may be attached to that sound alert.", + "How to disable banners and pop-up alerts in Notification Center. 1 Launch the Settings app on your iPhone or iPad. 2 Tap on Notification Center. 3 Scroll down and find the app you'd like to disable banners or pop-up alerts for and tap on it. 4 At the top under Alert Type, tap on None. Launch the Settings app on your iPhone or iPad. 2 Tap on Notification Center. 3 Scroll down and find the app you'd like to disable sounds for and tap on it. 4 Turn the option for Sounds to Off. 5 This also disables any vibration alerts that may be attached to that sound alert.", + "1 Launch the Settings app on your iPhone or iPad. 2 Tap on Notification Center. 3 Scroll down and find the app you'd like to disable sounds for and tap on it. 4 Turn the option for Sounds to Off. 5 This also disables any vibration alerts that may be attached to that sound alert. Launch the Settings app on your iPhone or iPad. 2 Tap on Notification Center. 3 Scroll down and find the app you'd like to disable sounds for and tap on it. 4 Turn the option for Sounds to Off. 5 This also disables any vibration alerts that may be attached to that sound alert.", + "Use Notifications. You can access your Alerts and Banners Notifications from any screen, including the Lock screen. Just swipe down from the top of the screen. You can also tap a notification in the Lock screen to open the related app.OS apps on iPhone, iPad, and iPod touch have three types of notifications: 1 Sounds/Vibrate: An audible alert plays. 2 Alerts/Banners: An alert or banner appears on the screen. 3 Badges: An image or number appears on the application icon.", + "← Knowledge Base.  If you have locations setup for alert notifications on our iOS Weather App, you can remove them by tapping More on the bottom-right, then Settings, and then Manage Notifications.Slide your finger from right-to-left to reveal a Delete button next to any of the locations.Tap that to remove the notification. Knowledge Base.  If you have locations setup for alert notifications on our iOS Weather App, you can remove them by tapping More on the bottom-right, then Settings, and then Manage Notifications.Slide your finger from right-to-left to reveal a Delete button next to any of the locations.", + "With Notifications you can see alerts and related information for iOS apps. You can see which notifications you have set up in the Notification Center. Learn more about Notifications and how to use them on iPhone, iPad, and iPod touch. iOS apps on iPhone, iPad, and iPod touch have three types of notifications:1 Sounds/Vibrate: An audible alert plays.2 Alerts/Banners: An alert or banner appears on the screen.3 Badges: An image or number appears on the application icon.OS apps on iPhone, iPad, and iPod touch have three types of notifications: 1 Sounds/Vibrate: An audible alert plays. 2 Alerts/Banners: An alert or banner appears on the screen. 3 Badges: An image or number appears on the application icon.", + "1. Open the Settings app and tap Notifications. 2. Tap the app whose notifications you want to silence. (In the above screenshot, we've selected the Messages app.). 3. Slide the Allow Notifications toggle to the “Off” position. 1 Best iOS Apps You Should Be Using.2 How to Turn Off Your iPhone's Location Services.3 Best iOS Games.. Open the Settings app and tap Notifications. 2. Tap the app whose notifications you want to silence. (In the above screenshot, we've selected the Messages app.). 3. Slide the Allow Notifications toggle to the “Off” position. 1 Best iOS Apps You Should Be Using.", + "Note. For your application to use notifications, you need to enable them on a named cache. Use the notificationsEnabled parameter with the New-Cache or Set-CacheConfig commands. For more information, see Using Windows PowerShell to Manage Windows Server AppFabric Caching Features. Declare the DataCacheNotificationDescriptor object you use to add a callback at a scope that is accessible to the code that will remove the callback. 2 Use the RemoveCallback method to remove the cache notification callback. 3 Use the appropriate DataCacheNotificationDescriptor object for the nd parameter." + ], + "url": [ + "http://www.imore.com/how-customize-notification-center-alerts-your-iphone-and-ipad", + "http://www.imore.com/how-customize-notification-center-alerts-your-iphone-and-ipad", + "http://www.imore.com/how-customize-notification-center-alerts-your-iphone-and-ipad", + "http://www.imore.com/how-customize-notification-center-alerts-your-iphone-and-ipad", + "http://www.imore.com/how-customize-notification-center-alerts-your-iphone-and-ipad", + "https://support.apple.com/en-us/HT201925", + "http://help.wunderground.com/knowledgebase/articles/222837-how-can-i-remove-alert-notifications-on-the-iphone", + "https://support.apple.com/en-us/HT201925", + "http://www.tomsguide.com/us/turn-off-notifications-iphone,news-21195.html", + "https://msdn.microsoft.com/en-us/library/ee808088(v=azure.10).aspx" + ] + }, + "query": "how to remove callback notification on iphone", + "query_id": 375884, + "query_type": "DESCRIPTION", + "wellFormedAnswers": [] + }, + "truncated_cells": [] + }, + { + "row_idx": 84, + "row": { + "answers": [ + "The time change in New Zealand was made in 1941 during the second World War, in which the clocks were advanced by half an hour, making New Zealand 12 hours ahead of Greenwich Mean Time." + ], + "passages": { + "is_selected": [ + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 1, + 0 + ], + "passage_text": [ + "On 2 November 1868, New Zealand officially adopted a standard time to be observed nationally, and was perhaps the first country to do so. It was based on longitude 172° 30′ East of Greenwich, 111⁄2 hours ahead of Greenwich Mean Time (GMT).", + "New Zealand Daylight Time (NZDT) is 13 hours ahead of UTC, and Chatham Daylight Time (CHADT) 13 hours 45 minutes ahead. New Zealand dependencies, the Cook Islands, Niue and Tokelau, use several different times zones at their own discretion.", + "Country: New Zealand. Lat/Long: 36°51'S / 174°46'E. Currency: NZ Dollar (NZD) Languages: English, Māori, New Zealand Sign Language. Dial Codes: +64 - See how to dial", + "Time in New Zealand. New Zealand has two time zones. The main islands use New Zealand Standard Time (NZST), 12 hours in advance of Coordinated Universal Time (UTC) / military M (Mike), while the outlying Chatham Islands use Chatham Standard Time (CHAST), 12 hours 45 minutes in advance of UTC / military M^ (Mike-Three).", + "Main World Clock Extended World Clock Personal World Clock World Time Lookup Time Articles Home Time Zones World Clock New Zealand Auckland Current Local Time in Auckland, New Zealand (Tāmaki Makaurau)", + "Create New Zealand calendar. Upcoming Holidays. Feb 6 - Waitangi Day; Mar 30 - Good Friday; Apr 2 - Easter Monday; More Holidays in New Zealand", + "The Time Act 1974 defines New Zealand Standard Time as 12 hours in advance of UTC. In 2011, the New Zealand dependency of Tokelau moved its time zone forward by 24 hours, by skipping 30 December.", + "There are dependencies of New Zealand in the Pacific Ocean, in three different time zones, two of them on the other side of the International Date Line: 1 The Cook Islands are in the UTC−10:00 time zone /Military W (Whiskey) and do not observe daylight saving time.", + "This standard was known as New Zealand Mean Time (NZMT). In 1941, during the Second World War, clocks were advanced half an hour, making New Zealand 12 hours ahead of GMT. This change was made permanent from 1946 by the Standard Time Act 1945, at which the time at the 180°E meridian was made the basis for New Zealand Time. NZST remained half an hour ahead of NZMT, and the Chatham Islands 45 minutes ahead of NZST.", + "Current local time in New Zealand – Auckland. Get Auckland's weather and area codes, time zone and DST. Explore Auckland's sunrise and sunset, moonrise and moonset." + ], + "url": [ + "https://en.wikipedia.org/wiki/Time_in_New_Zealand", + "https://en.wikipedia.org/wiki/Time_in_New_Zealand", + "https://www.timeanddate.com/worldclock/new-zealand/auckland", + "https://en.wikipedia.org/wiki/Time_in_New_Zealand", + "https://www.timeanddate.com/worldclock/new-zealand/auckland", + "https://www.timeanddate.com/worldclock/new-zealand/auckland", + "https://en.wikipedia.org/wiki/Time_in_New_Zealand", + "https://en.wikipedia.org/wiki/Time_in_New_Zealand", + "https://en.wikipedia.org/wiki/Time_in_New_Zealand", + "https://www.timeanddate.com/worldclock/new-zealand/auckland" + ] + }, + "query": "time change new zealand", + "query_id": 520776, + "query_type": "NUMERIC", + "wellFormedAnswers": [] + }, + "truncated_cells": [] + }, + { + "row_idx": 85, + "row": { + "answers": [ + "425" + ], + "passages": { + "is_selected": [ + 0, + 0, + 1, + 0, + 0, + 0, + 0, + 0, + 0, + 0 + ], + "passage_text": [ + "1 Bake for 45 minutes for sweet potatoes/yams that are 2-3 inches in diameter. For sweet potatoes that are up to 4 inches in diameter, bake for an hour. For super large sweet potatoes, bake for an hour and 15 minutes. After the time has elapsed, don't open the oven but turn it off.", + "1 Turn the oven on to 425. Bake for 45 minutes for sweet potatoes/yams that are 2-3 inches in diameter. For sweet potatoes that are up to 4 inches in diameter, bake for an hour. For super large sweet potatoes, bake for an hour and 15 minutes.", + "1 Prick your sweet potatoes each 2-3 time with a fork, then place them directly on the oven rack in the middle of the oven, above the rack with the foil. Turn the oven on to 425. Bake for 45 minutes for sweet potatoes/yams that are 2-3 inches in diameter.", + "1 Don't preheat the oven. Prick your sweet potatoes each 2-3 time with a fork, then place them directly on the oven rack in the middle of the oven, above the rack with the foil. Turn the oven on to 425. Bake for 45 minutes for sweet potatoes/yams that are 2-3 inches in diameter.", + "Step 2: Prepare the potatoes for baking by washing them under running water. Scrub them well, because you will be eating the skin and you dont want any mud on them. Step 3: Preheat your oven to the desired temperature. Step 4: Pierce the potatoes with a fork or knife at every side.", + "1. Preheat oven and wash the sweet potatoes: Preheat oven to 375°F. Scrub the sweet potatoes well and pat them dry with a dish towel. 2. Oil them up: Prepare squares of aluminum foil for as many sweet potatoes as you are roasting. Place each potato on a foil square and drizzle with a small amount of vegetable oil.", + "1 For super large sweet potatoes, bake for an hour and 15 minutes. After the time has elapsed, don't open the oven but turn it off. Let the sweet potatoes sit in the oven for at least 30 minutes but up to an hour. Remove from the oven and eat immediately, or remove the skin and store in a container in the fridge.", + "Cooking Sweet Potatoes
Our sweet potato cooks give some advice:
  • I usually bake a small- to medium-sized sweet potato for 40 minutes in a 350-degree oven. I usually pierce it once or twice with a fork and put foil under it while it cooks.", + "Baking potatoes requires a temperature range between 300 and 400F, depending upon the type of oven you use. Medium size potatoes will have to be baked for 45 minutes at 400F or for 60 minutes at 350F or 90 minutes at 325F in a regular oven. If you use convection ovens, you will have to bake the potatoes for 45 minutes at 375F or 60 minutes at 325F or 90 minutes at 300F. Convection ovens cook faster than regular ovens so the rule of thumb is to set the temperature in convection ovens at least 25F lower than you would set in a regular oven. The higher the baking temperature, the lesser the time required for baking. Baking time also depends on the size of the potatoes.", + "Be sure the foil is well-sealed. Place on a baking sheet and put them into the oven to roast. 4. Check for doneness: Depending on the size of your potatoes, it may take between 30 minutes to 1 hour for them to be done. Check at 30 minutes by squeezing one of the potatoes in a oven mitt protected hand and inserting a sharp knife or fork into the center. They should feel quite soft and the knife should easily glide all the way through. If not return to the oven and check again in 10 minutes. 5." + ], + "url": [ + "http://empoweredsustenance.com/bake-a-sweet-potato/", + "http://empoweredsustenance.com/bake-a-sweet-potato/", + "http://empoweredsustenance.com/bake-a-sweet-potato/", + "http://empoweredsustenance.com/bake-a-sweet-potato/", + "http://www.healthguidance.org/entry/13128/1/What-Is-the-Proper-Cooking-Temperature-for-Baked-Potatoes.html", + "http://www.thekitchn.com/how-to-make-baked-sweet-potatoes-cooking-lessons-from-the-kitchn-182190", + "http://empoweredsustenance.com/bake-a-sweet-potato/", + "http://www.answers.com/Q/How_long_do_you_cook_a_sweet_potato_and_at_what_temperature", + "http://www.healthguidance.org/entry/13128/1/What-Is-the-Proper-Cooking-Temperature-for-Baked-Potatoes.html", + "http://www.thekitchn.com/how-to-make-baked-sweet-potatoes-cooking-lessons-from-the-kitchn-182190" + ] + }, + "query": "temperature to bake sweet potatoes in oven", + "query_id": 512870, + "query_type": "NUMERIC", + "wellFormedAnswers": [ + "Sweet Potatoes should be baked at 425 degrees in oven." + ] + }, + "truncated_cells": [] + }, + { + "row_idx": 86, + "row": { + "answers": [ + "No Answer Present." + ], + "passages": { + "is_selected": [ + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0 + ], + "passage_text": [ + "Blank Wine Labels - High Gloss - Water Resistant - White - For Inkjet Printers - 40 Labels - 10 Sheets. Excellent quality; easy to work with; beautiful labels using ink-jet printer and photo paper selection.", + "Endurance: The CD jewel case has a tight and firm grip of the CD because of the tray's teeth or lock. Because of this, even if the CD jewel case is turned upside-down, left, or right, the CD is held in place. Flimsier cases may cause the CD to become loose, or even fall out.", + "Sort by: 1 EconoMatte Jewel Case Insert Card - Now Offering Our PhotoMatte For the Same Price Our price $21.95. (0 reviews) Qty : Out of stock. 2 EconoMatte Jewel Case Inserts - 100 Booklets Our price $34.95. (0 reviews) Qty. 3 EconoMatte Jewel Case Inserts - 500 Booklets Our price $109.95. (0 reviews) Qty.", + "Available CD Back Tray Card Insert Size. Our CD jewel case back tray card inserts are available in standard 4.63 x 5.88 final trim size. All tray inserts are cut and scored to fit in the back of standard CD cases: Print Guidelines.", + "Most slim jewel cases sold for burned CDs use the measure 142 by 125 by 5 millimetres (5.59 in × 4.92 in × 0.20 in), which is roughly half the thickness of a standard CD jewel case, allowing twice as many CDs to be stored in the same space, and will generally fit two to a slot in a standard CD rack.", + "Cost-effectiveness: Because the CD jewel case is the standard, most-commonly used CD case, it is much cheaper. The price of the CD jewel case usually ranges from $0.75 to $0.95. That is a few cents cheaper than digipaks and other CD wallets.", + "Our CD jewel case panels or booklets measure 4.75 x 4.75 and are available in five standard packaging sizes: 1 1 panel (2 sided) paper insert. 2 2 panel (4 page) folded paper insert. 3 4 panel (8 page) stapled booklet. 6 panel (12 page) stapled 1 booklet. 8 panel (16 page) stapled booklet.", + "Why Disc Makers is the only choice for your CD jewel cases. 1 Your CDs will look amazing, thanks to our award-winning, full-color silkscreen on-disc printing. 2 Our jewel cases come with your choice of black, white, or clear tray and CD inserts with 2 panels all the way up to a massive 40-page booklet. 3 We guarantee our 5-, 3-, and 1-day turn times.", + "SureThing Jewel Case Back tray inserts work perfectly with standard size jewel cases. These two-per-sheet back tray inserts have a light, perforated j-card scoring for optional spine printing.", + "Why Disc Makers is the only choice for your CD jewel cases. 1 Your CDs will look amazing, thanks to our award-winning, full-color silkscreen on-disc printing. Our vegetable-based inks produce some of the richest and most vibrant colors around. Our jewel cases come with your choice of black, white, or clear tray and CD inserts with 2 panels all the way up to a massive 40-page booklet. We guarantee our 5-, 3-, and 1-day turn times. You get cash back if we’re late." + ], + "url": [ + "https://www.neato.com/CD-Jewel-Case-Inserts/", + "https://en.wikipedia.org/wiki/Jewel_case", + "https://www.neato.com/CD-Jewel-Case-Inserts/", + "https://www.psprint.com/jewel-case-cd", + "https://en.wikipedia.org/wiki/Jewel_case", + "https://en.wikipedia.org/wiki/Jewel_case", + "https://www.psprint.com/jewel-case-cd", + "https://www.discmakers.com/products/JewelCases.asp", + "http://www.labelgear.com/LG/Category.asp?CatCode=LABELS_JEWEL", + "https://www.discmakers.com/products/JewelCases.asp" + ] + }, + "query": "what is cd jewel case inserts made of", + "query_id": 728724, + "query_type": "ENTITY", + "wellFormedAnswers": [] + }, + "truncated_cells": [] + }, + { + "row_idx": 87, + "row": { + "answers": [ + "Conquest is the act of conquering a country or group of people." + ], + "passages": { + "is_selected": [ + 0, + 0, + 0, + 1, + 0, + 0, + 0, + 0, + 0, + 0 + ], + "passage_text": [ + "Definition of conquest in US English - the subjugation and assumption of control of a place or people by use of military force Definition of conquest in US English - the subjugation and assumption of control of a place or people by use of military force", + "After the Norman Conquest the forest became a royal hunting preserve. Jerusalem has seen endless conquests and occupations. Synonyms: takeover, coup, acquisition, invasion More Synonyms of conquest", + "The conquest of something such as a problem is success in ending it or dealing with it. The conquest of inflation has been the Government's overriding economic priority for nearly 15 years. [+ of] ...the conquest of cancer.", + "Conquest definition: Conquest is the act of conquering a country or group of people. | Meaning, pronunciation, translations and examples English Dictionary | Thesaurus | Translator | Grammar | Scrabble | Blog", + "Translations for 'conquest'. British English: conquest NOUN. Conquest is the act of conquering a country or group of people. The fierce cannibal warriors of the Big and Small Nambas prevented conquest and settlement. American English: conquest. Brazilian Portuguese: conquista. Chinese: 征服. European Spanish: conquista.", + "Every body saw, he was pleased to say, that I had made a conquest. When he opened the box, the first book which he picked up was The Conquest of Fear. To the conquest of fear this splendid universalism is another essential. After all, the conquest of fear is largely a question of vitality. It was he who had planned the conquest of Corsica, and annexed it to France. This event completed the conquest of Boabdil over his own irresolution.", + "1The subjugation and assumption of control of a place or people by use of military force. ‘the conquest of the Aztecs by the Spanish’. ‘Recent history, however, suggests the existence of many relevant uses of military force besides conquest or even coercion.’. ‘Abroad he offers the glamour of moral commitment and military conquest.’.", + "You usually use conquest when you want to indicate that this relationship is not important to the person concerned. Despite his conquests, he remains lonely and isolated. ...men who boast about their sexual conquests to all their friends.", + "The conquest of something such as a problem is success in ending it or dealing with it. The conquest of inflation has been the Government's overriding economic priority for nearly 15 years. ...the conquest of cancer.", + "‘The use of military force for conquest and expansion is a security strategy that most leaders reject in this age of complex interdependence and globalization.’ ‘Far less can it be imposed by any state over others even by invasion or unilateral use of force for conquest or change of regime.’" + ], + "url": [ + "https://en.oxforddictionaries.com/definition/us/conquest", + "https://www.collinsdictionary.com/dictionary/english/conquest", + "https://www.collinsdictionary.com/dictionary/english/conquest", + "https://www.collinsdictionary.com/dictionary/english/conquest", + "https://www.collinsdictionary.com/dictionary/english/conquest", + "http://www.thesaurus.com/browse/conquest", + "https://en.oxforddictionaries.com/definition/us/conquest", + "https://www.collinsdictionary.com/dictionary/english/conquest", + "https://www.collinsdictionary.com/dictionary/english/conquest", + "https://en.oxforddictionaries.com/definition/us/conquest" + ] + }, + "query": "meaning of conquest", + "query_id": 447502, + "query_type": "DESCRIPTION", + "wellFormedAnswers": [] + }, + "truncated_cells": [] + }, + { + "row_idx": 88, + "row": { + "answers": [ + "No Answer Present." + ], + "passages": { + "is_selected": [ + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0 + ], + "passage_text": [ + "From the Roman name Mauritius, a derivative of MAURUS. Saint Maurice was a 3rd-century Roman soldier from Egypt. He and the other Christians in his legion were supposedly massacred on the orders of emperor Maximian for refusing to worship Roman gods.", + "Mauricius (Latin) and Mauricus (Latin) are older forms of Maurice. The first name is derived from the Roman nickname Mauricius, a derivative of the name Maurus and the element 'maurus' (meaning swarthy, dark skinned, moor).", + "Origin of the name Maurice: Derived from the Latin Mauritius (Moorish), a derivative of Maurus (a Moor). The Moors were a Muslim people of mixed Arab and Berber descent; thus the name came to mean dark or swarthy in reference to their coloring.", + "The name Maurice is an English baby name. In English the meaning of the name Maurice is: Dark-skinned; A Moor. French Meaning: The name Maurice is a French baby name. In French the meaning of the name Maurice is: Dark-skinned; A Moor.", + "The name Maurice is a Greek baby name. In Greek the meaning of the name Maurice is: Dark. American Meaning: The name Maurice is an American baby name. In American the meaning of the name Maurice is: Dark.", + "The name Maurice is a French baby name. In French the meaning of the name Maurice is: Dark-skinned; A Moor. Latin Meaning: The name Maurice is a Latin baby name. In Latin the meaning of the name Maurice is: Moorish; dark-skinned; swarthy. Famous Bearer: French singer/actor Maurice Chevalier.", + "The first name is derived from the Roman nickname Mauricius, a derivative of the name Maurus and the element 'maurus' (meaning swarthy, dark skinned, moor). It was borne by Saint Maurice (-287), the leader of the legendary Roman Theban Legion who was martyred under Maximian for refusing to worship Roman gods.", + "Origin of the name Maurice: Derived from the Latin Mauritius (Moorish), a derivative of Maurus (a Moor). The Moors were a Muslim people of mixed Arab and Berber descent; thus the name came to mean dark or swarthy in reference to their coloring. From A World of Baby Names by Teresa Norman.", + "The name Maurice is a Latin baby name. In Latin the meaning of the name Maurice is: Moorish; dark-skinned; swarthy. Famous Bearer: French singer/actor Maurice Chevalier.", + "Derived from the Latin Mauritius (Moorish), a derivative of Maurus (a Moor). The Moors were a Muslim people of mixed Arab and Berber descent; thus the name came to mean dark or swarthy in reference to their coloring." + ], + "url": [ + "http://www.behindthename.com/name/maurice", + "http://www.babynamespedia.com/meaning/Maurice", + "http://www.babynamewizard.com/baby-name/boy/maurice", + "http://www.sheknows.com/baby-names/name/maurice", + "http://www.sheknows.com/baby-names/name/maurice", + "http://www.sheknows.com/baby-names/name/maurice", + "http://www.babynamespedia.com/meaning/Maurice", + "http://www.babynamewizard.com/baby-name/boy/maurice", + "http://www.sheknows.com/baby-names/name/maurice", + "http://www.babynamewizard.com/baby-name/boy/maurice" + ] + }, + "query": "the name maurice origin", + "query_id": 517788, + "query_type": "DESCRIPTION", + "wellFormedAnswers": [] + }, + "truncated_cells": [] + }, + { + "row_idx": 89, + "row": { + "answers": [ + "No Answer Present." + ], + "passages": { + "is_selected": [ + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0 + ], + "passage_text": [ + "WLOS News 13 provides local news, weather forecasts, traffic updates, notices of events and items of interest in the community, sports and entertainment programming for Asheville, NC and nearby towns and communities in Western North Carolina and the Upstate of South Carolina, including the counties of Buncombe, Henderson, Rutherford, Haywood, Polk, ...", + "Current U.S. National Radar--Current. The Current National Weather Radar is shown below with a UTC Time (subtract 5 hours from UTC to get Eastern Time). National Weather Forecast--Current. The Current National Weather Forecast and National Weather Map are shown below.", + "Asheville Weather. Asheville's temperate weather surprises many visitors. The region experiences four distinct seasons, but the average annual snowfall is never more than 16.2 and the hottest day rarely exceeds 80°F. The region experiences four distinct seasons, but the average annual snowfall is never more than 16.2 and the hottest day rarely exceeds 80°F. The warmest month of the year is July, while winter hits its peak in January. In August, 2012, The Weather Channel named Asheville one of America's Safest Weather Cities..", + "Forecast Last Updated at Sunday, April 16, 2017 at 4:46PM. Becoming More Active. The Easter weekend ended on a pleasant note which included a few well deserved isolated showers in the area. Shower coverage increases Monday afternoon as a cold front approaches from the north.", + "A few showers this morning are possible with cloudy skies and temperatures in the middle 50s. This afternoon will allow more sunshine and scattered thunderstorms, staying below severe limit. The warmth returns today, reaching the upper 70s! Tonight will be comfortable, in the middle 50s with partly cloudy skies. Friday will be warm, in the upper 70s.", + "WLOS News 13 provides local news, weather forecasts, traffic updates, notices of events and items of interest in the community, sports and entertainment programming for Asheville, NC and nearby towns and communities in Western North Carolina and the Upstate of South Carolina, including the counties of Buncombe, Henderson, Rutherford, Haywood, Polk, ...", + "WLOS News 13 provides local news, weather forecasts, traffic updates, notices of events and items of interest in the community, sports and entertainment programming for Asheville, NC and nearby towns and communities in Western North Carolina and the Upstate of South Carolina, including the counties of Buncombe, Henderson, Rutherford, Haywood, Polk, ...", + "The Current National Weather Radar is shown below with a UTC Time (subtract 5 hours from UTC to get Eastern Time). The Current National Weather Forecast and National Weather Map are shown below. Tomorrow National Weather Forecast and Tomorrow National Weather Map are show below. This map shows recent moisture content over North America.", + "Current U.S. National Radar--Current. The Current National Weather Radar is shown below with a UTC Time (subtract 5 hours from UTC to get Eastern Time). National Weather Forecast--Current. The Current National Weather Forecast and National Weather Map are shown below.", + "The Current National Weather Radar is shown below with a UTC Time (subtract 5 hours from UTC to get Eastern Time). The Current National Weather Forecast and National Weather Map are shown below. Tomorrow National Weather Forecast and Tomorrow National Weather Map are show below." + ], + "url": [ + "http://wlos.com/weather", + "http://www.fastweather.com/forecast.php?city=Asheville_NC", + "https://www.exploreasheville.com/iconic-asheville/about-asheville/weather/", + "http://ashevilleweather.com/Forecast/Asheville", + "http://wlos.com/weather", + "http://wlos.com/", + "http://wlos.com/weather/radar", + "http://www.fastweather.com/index.php?city=Asheville_NC&g", + "http://www.fastweather.com/index.php?city=Asheville_NC&g", + "http://www.fastweather.com/forecast.php?city=Asheville_NC" + ] + }, + "query": "weather channel asheville", + "query_id": 542744, + "query_type": "DESCRIPTION", + "wellFormedAnswers": [] + }, + "truncated_cells": [] + }, + { + "row_idx": 90, + "row": { + "answers": [ + "The physical or constitutional characteristics of a person." + ], + "passages": { + "is_selected": [ + 0, + 0, + 0, + 1, + 0, + 0, + 0, + 0, + 0, + 0 + ], + "passage_text": [ + "Ad. Other terms used in reference to body habitus may describe features such as musculature or strength, along with other characteristics of interest. As a general rule, any change in the physique can be a cause for concern.", + "There are three terms commonly used in reference to body habitus. A patient with an ectomorphic body type is said to be underweight, a patient with a mesomorphic body type is of normal weight, and a patient with an endomorphic body type is overweight.", + "hab·i·tus. n. pl. habitus. The physical and constitutional characteristics of an individual, especially as related to the tendency to develop a certain disease. [Latin, condition; see habit .]. (ˈhaebɪtəs). ˈhæbɪtəs", + "habitus. The physical or constitutional characteristics of a person: build, constitution, habit, physique.", + "Posted 30/01/2009 i had my scan on wednesday and she said all i looking well and got some really clear pictures thats what everyone has been saying but i have looked at the letter they gave me after and it said limited visabilty due to patient habitus.", + "If you keep your mouth shut, you won't put your foot in it.. (English proverb). Whose end of tongue is sharp, the edge of his head must be hard (Breton proverb). The smarter you get the fewer words you'd say. (Arabic proverb). Hang a thief when he's young, and he'll no' steal when he's old.. (Scottish proverb).", + "Perhaps in more basic terms, the habitus could be understood as a structure of the mind characterized by a set of acquired schemata, sensibilities, dispositions and taste. The particular contents of the habitus are the result of the objectification of social structure at the level of individual subjectivity.", + "We look at a persons' body habitus to tell us a lot of different things about their health history and their lifestyle habits. We can almost always tell if someone is pre-diabetic or resistant to insulin by their habitus.", + "Body habitus, or simply habitus, is a medical term for “physique” or “body type.” A wide range of factors can determine body type, and medical professionals often make a note of a patient's habitus on his or her chart as part of a general reference to provide information about the patient's history.", + "The noun HABITUS has 2 senses: 1. person's predisposition to be affected by something (as a disease). 2. constitution of the human body. Familiarity information: HABITUS used as a noun is rare." + ], + "url": [ + "http://www.wisegeek.org/what-is-body-habitus.htm", + "http://www.wisegeek.org/what-is-body-habitus.htm", + "http://www.thefreedictionary.com/habitus", + "http://www.thefreedictionary.com/habitus", + "http://community.babycentre.co.uk/post/a1477335/what_does_patient_habitus_mean", + "http://www.audioenglish.org/dictionary/habitus.htm", + "http://www.definitions.net/definition/habitus", + "http://www.wisegeek.org/what-is-body-habitus.htm", + "http://www.wisegeek.org/what-is-body-habitus.htm", + "http://www.audioenglish.org/dictionary/habitus.htm" + ] + }, + "query": "what does body habitus mean", + "query_id": 633369, + "query_type": "DESCRIPTION", + "wellFormedAnswers": [] + }, + "truncated_cells": [] + }, + { + "row_idx": 91, + "row": { + "answers": [ + "No Answer Present." + ], + "passages": { + "is_selected": [ + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0 + ], + "passage_text": [ + "Mendes was born in Miami, Florida, to Cuban parents Eva Pérez Suárez and Juan Carlos Méndez, and raised by her mother in the Los Angeles suburb of Glendale after her parents' divorce. Mendes was raised a Roman Catholic and at one time even considered becoming a Catholic nun.", + "Thank you guys so much for allowing me to try new things on this channel and have fun with everything Ive always wanted to do!!! Anything you want to do in life- don't give up on it! SOooooooo um yeah, a music video. Pretty Crazy!!! I hope you like this video! Back to normal videos in a few days! xoxo, Eva Show less", + "Eva Mendes. Eva de la Caridad Mendez (born March 5, 1974)[1] is an American actress, model and businesswoman. She began acting in the late 1990s, and after a series of roles in B movies such as Children of the Corn V: Fields of Terror (1998) and Urban Legends: Final Cut (2000), she made a career-changing appearance in Training Day (2001).", + "21 *ZERO EFFORT* DIY Halloween Costumes! Cute/Funny/Hot | Mylifeaseva - Duration: 8 minutes, 52 seconds.", + "Eva Mendes. Eva de la Caridad Mendez (born March 5, 1974) is an American actress, model and businesswoman.", + "Original Lyrics and Music Video by Eva Gutowski http://YouTube.com/MyLifeAsEva Song Produced by Markaholic http://Markaholic.com Music Video Produced by SelectNext http://Select.co Thanks to everyone who helped make this happen! In order of appearance: Brent Rivera http://YouTube.com/MrBrent98 Christian Collins http://YouTube.com/WeeklyChris", + "Hey! I'm Eva. Welcome to the best youtube channel ever. We have pizza parties. Im from California and love sharing awesome DIYs, cool outfit videos and anyth...", + "Eva Longoria is expecting a baby boy with husband José Antonio Bastón, The Times has confirmed. The 42-year-old actress-producer-activi...", + "Eva de la Caridad Méndez (born March 5, 1974), known professionally as Eva Mendes, is an American actress, model and businesswoman. She began acting in the late 1990s. After a series of roles in B movies such as Children of the Corn V: Fields of Terror (1998) and Urban Legends: Final Cut (2000), she made a career-changing appearance in Training Day (2001).", + "Eva de la Caridad Méndez, known professionally as Eva Mendes, is an American actress, model and businesswoman. She began acting in the late 1990s. After a series of roles in B movies such as Children of the Corn V: Fields of Terror and Urban Legends: Final Cut, she made a career-changing appearance in Training Day. Since then, Mendes has co-starred in films such as All About the Benjamins, 2 Fast 2 Furious, Ghost Rider, We Own the Night, Stuck on You, Hitch, and The Other Guys. She has appeared" + ], + "url": [ + "https://en.wikipedia.org/wiki/Eva_Mendes", + "https://www.youtube.com/user/mylifeaseva", + "https://en.wikipedia.org/wiki/Eva_Mendes", + "https://www.youtube.com/user/mylifeaseva", + "https://en.wikipedia.org/wiki/Eva_Mendes", + "https://www.youtube.com/user/mylifeaseva", + "https://www.youtube.com/user/mylifeaseva", + "http://www.latimes.com/entertainment/la-et-entertainment-news-updates-eva-longoria-pregnant-baby-jose-antonio-1513806362-htmlstory.html", + "https://en.wikipedia.org/wiki/Eva_Mendes", + "https://en.wikipedia.org/wiki/Eva_Mendes" + ] + }, + "query": "how old is eva link", + "query_id": 334954, + "query_type": "NUMERIC", + "wellFormedAnswers": [] + }, + "truncated_cells": [] + }, + { + "row_idx": 92, + "row": { + "answers": [ + "It is extremely upsetting or something that causes great harm or damage to the mind or body." + ], + "passages": { + "is_selected": [ + 1, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0 + ], + "passage_text": [ + "LINK / CITE ADD TO WORD LIST. adjective. The definition of traumatic is something that is extremely upsetting or something that causes great harm or damage to the mind or body. 1 Getting into a serious accident that gives you PTSD is an example of a traumatic event.", + "risk for perioperative-positioning injury a nursing diagnosis approved by the North American Nursing Diagnosis Association, defined as being at risk for injury as a result of the environmental conditions found in the perioperative setting.", + "Reactive responses occur after the stress and possible trauma has occurred, and are aimed more at correcting or minimizing the damage of a stressful event. A passive response is often characterized by an emotional numbness or ignorance of a stressor.", + "Psychological trauma is a type of damage to the psyche that occurs as a result of a severely distressing event. Trauma is often the result of an overwhelming amount of stress that exceeds one's ability to cope or integrate the emotions involved with that experience.", + "An experience that causes severe anxiety or emotional distress, such as rape or combat: memories that persist after a trauma occurs. b. An event or situation that causes great disruption or suffering: the economic trauma of the recession. [Greek; see terə- in Indo-European roots .]. trau·mat′ic (-măt′ĭk) adj.", + "Pain Global Clinical Trials Review, H2, 2014 https://www. Traumatic Pain Global Clinical Trials Review, H2, 2014 by PR Newswire. Washington, March 13 (ANI): Low cognitive function and factors related to a low socioeconomic status are important risk factors for mild. brain injuries, a new study has concluded.", + "However, the definition of trauma differs among individuals by their subjective experiences, not the objective facts. People will react to similar events differently. In other words, not all people who experience a potentially traumatic event will actually become psychologically traumatized.", + "Understanding the emotions and normal responses that follow a disaster or other traumatic event can help you cope with your feelings, thoughts and behaviors – and can help you on the path to recovery. 1 Open Up! 2 Writing About Trauma Reduces Stress, Aids Immunity.", + "Trauma is an emotional response to a terrible event like an accident, rape or natural disaster. Immediately after the event, shock and denial are typical. Longer term reactions include unpredictable emotions, flashbacks, strained relationships and even physical symptoms like headaches or nausea.", + "injury. harm or hurt; usually applied to damage inflicted on the body by an external force. Called also trauma and wound. brain injury impairment of structure or function of the brain, usually as a result of a trauma. deceleration injury a mechanism of motion injury in which the body is forcibly stopped but the contents of the body cavities remain in motion due to inertia; the brain is particularly vulnerable to such trauma." + ], + "url": [ + "http://www.yourdictionary.com/traumatic", + "http://medical-dictionary.thefreedictionary.com/Traumatic+injury", + "https://en.wikipedia.org/wiki/Psychological_trauma", + "https://en.wikipedia.org/wiki/Psychological_trauma", + "http://www.thefreedictionary.com/traumatic", + "http://www.thefreedictionary.com/traumatic", + "https://en.wikipedia.org/wiki/Psychological_trauma", + "http://www.apa.org/topics/trauma/", + "http://www.apa.org/topics/trauma/", + "http://medical-dictionary.thefreedictionary.com/Traumatic+injury" + ] + }, + "query": "define traumatic", + "query_id": 128498, + "query_type": "DESCRIPTION", + "wellFormedAnswers": [] + }, + "truncated_cells": [] + }, + { + "row_idx": 93, + "row": { + "answers": [ + "No Answer Present." + ], + "passages": { + "is_selected": [ + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0 + ], + "passage_text": [ + "It consists of a rectangle with a width to length ratio of two to three featuring: 1 A blue vertical stripe one-third the entire length of the flag wide, and two equal horizontal stripes, the upper stripe white, the lower red, each two-thirds the entire length of the flag long.", + "“Texas Independence Day Celebration” (TIDC) is an annual two-day celebration from 10 a.m. to 5 p.m. on Saturday, March 5 and Sunday, March 6, 2016 on the expansive 293-acre park grounds and its three incredible attractions: Independence Hall (replica of the site where representatives wrote the Texas Declaration of Independence); Star of the Republic Museum (collections and programs honoring history of early Texans, administered by Blinn College); and Barrington Living History Farm (where ...", + "It was March 2, 1836 when 59 delegates bravely met at Washington, Texas to make a formal declaration of independence from Mexico. Texas Independence Day Celebration (TIDC) is [...] Join Us!", + "Employees are entitled to a day off with pay, within 12 months following the holiday, to be taken at a time approved by their immediate manager. ** If a legal holiday falls on a Sunday, the holiday will be observed on the following Monday.", + "This page provides links to general court information including access to the courts; court fees; directions, court hours; location codes; sessions; holidays; closings and statistics. Skip to Main Content", + "2018 Federal Holidays The following legal public holidays are observed by the Ninth Circuit Court of Appeals: Federal law (5 U.S.C. 6103) establishes the following public holidays for Federal employees. Please note that most Federal employees work on a Monday through Friday schedule. For these employees, when a holiday falls on a nonworkday -- Saturday or Sunday -- the holiday usually is observed on Monday (if the holiday falls on Sunday) or Friday (if the holiday falls on Saturday).", + "County Clerk's Office holiday closures for luncheon/gatherings: November - 3rd Tuesday of the month - 11:30am to 1:00pm December - 3rd Tuesday of the month - 3:00pm to 5:00pm", + "Learn about the San Antonio Municipal Court. This site explains many court procedures such as trial processes, defensive driving, probation, community service, and payment methods. Provides useful information relating to options for taking care of business at the Municipal Court.", + "New Years Day : Monday : January 1, 2018 : Martin Luther King, Jr. Day: Monday : January 15, 2018 : Good Friday: Friday : March 30, 2018 : Memorial Day: Monday : May 28, 2018 : Independence Day: Wednesday: July 4, 2018 : Labor Day: Monday : September 3, 2018 : Thanksgiving Day: Thursday : November 22, 2018 : Day after Thanksgiving: Friday : November 23, 2018 : Christmas Holiday: Monday", + "UNITED STATES DISTRICT COURT Northern District of Texas Barbara M.G. Lynn, Chief Judge Karen Mitchell, Clerk of Court" + ], + "url": [ + "https://www.timeanddate.com/holidays/us/texas-independence-day", + "http://wheretexasbecametexas.org/events/texas-independence-day-celebration/", + "http://wheretexasbecametexas.org/events/texas-independence-day-celebration-2/", + "https://www.mass.gov/service-details/trial-court-legal-holidays", + "https://www.jud.ct.gov/directory/directory/ctinfo1.htm", + "https://www.ca9.uscourts.gov/content/view.php?pk_id=0000000490", + "http://www.brazoriacountyclerk.net/recorder/content/HolidaySchedule.htm", + "https://www.sanantonio.gov/Court/About/Holidays", + "http://www.harriscountytx.gov/holidays.aspx", + "http://www.txnd.uscourts.gov/court-holidays" + ] + }, + "query": "is the courts open on texas independence day?", + "query_id": 1174753, + "query_type": "DESCRIPTION", + "wellFormedAnswers": [] + }, + "truncated_cells": [] + }, + { + "row_idx": 94, + "row": { + "answers": [ + "No Answer Present." + ], + "passages": { + "is_selected": [ + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0 + ], + "passage_text": [ + "As specific as possible. 1 Include a complete diagnosis and appropriate Common Diagnostic Codes (ICD codes). Clarify a specific body site and the definition of the injury. 2 If your patient is unable to perform any work due to the injury or disease, estimate how much time the injured worker will lose due to the injury.", + "2 Definitions of accidents and incidents 2.1 The definition of an accident at work in the context of accident prevention. 2.2 The definition of an accident at work in the context of Workers' Compensation Systems. 2.3 The definition of an accident in the context of statistical data.", + "Report of Industrial Injury or Occupational Disease. To speed up the claim process, make sure the accident report is: Understood by the worker. If your patient prefers to communicate in a language other than English, you can get an interpreter.", + "ThatTenant said... Is the impact of a car door against another car (by a person carelessly or intentionally opening the door too far), when both cars are stationary and parked in a parking garage, a collision for the purposes of automobile insurance claims? There is no statutory definition of collision.. Of course, the definition of the word collision may be irrelevant. The question is what the language of your policy says it covers. Presumably, if the policy uses the word collision, it will define that term.", + "Contents. 1 1 Introduction. 2 2 Definitions of accidents and incidents 2.1 The definition of an accident at work in the context of accident prevention. 2.2 The definition of an accident at work in the context of Workers' Compensation Systems. 3 3 Causes of accidents at work: accident models.", + "Motor Vehicle Crash – A motor vehicle crash involves a motor vehicle in transport resulting in an. un-stabilized situation, which includes at least one harmful event. An un-stabilized situation is a. set of events not under human control, which originates when control is lost and terminates when.", + "An un-stabilized situation is a set of events not under human. control, which originates when control is lost and terminates when control is. regained or when all persons and property are at rest. In North Carolina, the DMV-349 crash report is required for any motor vehicle. crash in which any person is killed or injured or in which the total property. damage resulting from the crash is $1,000.00 or greater, or which there is. property damage of any amount to a vehicle seized.", + "Include a complete diagnosis and appropriate Common Diagnostic Codes (ICD codes). Clarify a specific body site and the definition of the injury. If your patient is unable to perform any work due to the injury or disease, estimate how much time the injured worker will lose due to the injury.", + "The Department of Transportation’s Office of Hazardous Materials Safety (OHMS), within the. Research and Special Programs Administration (RSPA), created the definition of serious incident. in 1993 to better convey the consequences of hazardous materials transportation – i.e., what has. resulted, in terms of harm and inconvenience – as unintended consequences of the necessity to. transport hazardous materials.", + "Email the pilot/operator aircraft accident/incident report to the. investigator-in-charge of your accident/incident. If email is not available, mail. the report per the instructions below. A. APPLICABILITY. The pilot/operator of an aircraft shall send a report to the office listed. above, based on accident/incident location; immediate notification is. required by 49 CFR 830.5(a). The report shall be filed within 10 days. after an accident for which notification is required by Section 830.5, or." + ], + "url": [ + "http://www.lni.wa.gov/ClaimsIns/Providers/Claims/Filing/AccReport/default.asp", + "https://oshwiki.eu/wiki/Accidents_and_incidents", + "http://www.lni.wa.gov/ClaimsIns/Providers/Claims/Filing/AccReport/default.asp", + "http://boards.answers.findlaw.com/topic/139953-legal-definition-of-collision/", + "https://oshwiki.eu/wiki/Accidents_and_incidents", + "https://www.ncdot.gov/download/dmv/CR_Dictionary.pdf", + "https://www.ncdot.gov/download/dmv/CR_Dictionary.pdf", + "http://www.lni.wa.gov/ClaimsIns/Providers/Claims/Filing/AccReport/default.asp", + "http://www.phmsa.dot.gov/staticfiles/PHMSA/DownloadableFiles/Files/serious_incident_new_def.pdf", + "http://www.ntsb.gov/Documents/6120_1web_Reader.pdf" + ] + }, + "query": "definition of no impact for accident reporting", + "query_id": 136602, + "query_type": "DESCRIPTION", + "wellFormedAnswers": [] + }, + "truncated_cells": [] + }, + { + "row_idx": 95, + "row": { + "answers": [ + "It is a compound containing an anionic silicon compound." + ], + "passages": { + "is_selected": [ + 0, + 0, + 0, + 1, + 0, + 0, + 0, + 0, + 0, + 0 + ], + "passage_text": [ + "Non-Silicate Minerals. Minerals can be classified as either silicate - that is, containing silicon and oxygen - or non-silicate - that is, lacking silicon. While most of the earth's crust is composed of silicate minerals, several non-silicate minerals are of great importance.", + "Silicates constitute the majority of Earth's crust, as well as the other terrestrial planets, rocky moons, and asteroids. Sand, Portland cement, and thousands of minerals are examples of silicates. Silicate compounds, including the minerals, consist of silicate anions whose charge is balanced by various cations.", + "For anion, see Orthosilicate (ion). Silicate minerals are rock-forming minerals made up of silicate groups. They are the largest and most important class of rock-forming minerals and make up approximately 90 percent of the Earth's crust. They are classified based on the structure of their silicate groups, which contain different ratios of silicon and oxygen.", + "A silicate is a compound containing an anionic silicon compound. The great majority of the silicates are oxides, but hexafluorosilicate ([SiF6]2−) and other anions are also included. Orthosilicate is the anion SiO4−.", + "While most minerals are silicates, many non-silicate minerals are found in the earth's crust and are important as well. This lesson will use examples and describe the three major groups of non-silicate minerals, including carbonates, halides and sulfates.", + "The main minerals found in many rocks. Silicates are composed of atoms of silicon, oxygen, and elements such as potassium, sodium, or calcium, under great heat and pressure. Silicates make up about one-quarter of the crust of the Earth.", + "Any of a large class of chemical compounds composed of silicon, oxygen, and at least one metal. Most rocks and minerals are silicates. Silicates are also one of the main components of bricks. 2. Any mineral containing the group SiO4 in its crystal lattice. Micas and feldspars are silicate minerals.", + "The Silicates. Building Blocks of The Earth’s Crust. Silicates are the most widespread of the minerals. They are made up of oxygen and silicon the number one and number two most abundant elements in the earth's crust. By themselves they make up over 90% of the weight of the earth’s crust. Most rocks are composed mainly of this class of minerals.", + "silicates in Science. Any of a large class of chemical compounds composed of silicon, oxygen, and at least one metal. Most rocks and minerals are silicates. Any mineral containing the group SiO4, either isolated, or joined to other groups in chains, sheets, or three-dimensional groups with metal elements.", + "The most abundant elements in the Earth's crust are oxygen (46.6%) and silicon (27.7%). Minerals which combine these two elements are called silicates, and combined they are the most abundant minerals on the Earth. The silicates can be organized in terms of their chemical compositions and their crystal structures (indicated by the existance of cleavage planes). They most often contain members of the Big 8 elements." + ], + "url": [ + "http://study.com/academy/lesson/non-silicate-minerals-chemical-classifications-examples.html", + "https://en.wikipedia.org/wiki/Silicate", + "https://en.wikipedia.org/wiki/Silicate_minerals", + "https://en.wikipedia.org/wiki/Silicate", + "http://study.com/academy/lesson/non-silicate-minerals-chemical-classifications-examples.html", + "http://www.dictionary.com/browse/silicates", + "http://www.thefreedictionary.com/silicate", + "http://www.rocksandminerals4u.com/silicates.html", + "http://www.dictionary.com/browse/silicates", + "http://hyperphysics.phy-astr.gsu.edu/hbase/Geophys/silicate.html" + ] + }, + "query": "what are silicates?", + "query_id": 564862, + "query_type": "DESCRIPTION", + "wellFormedAnswers": [] + }, + "truncated_cells": [] + }, + { + "row_idx": 96, + "row": { + "answers": [ + "No Answer Present." + ], + "passages": { + "is_selected": [ + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0 + ], + "passage_text": [ + "The blood pressure in each leg is divided by the blood pressure in the higher pressure of the two arms to obtain an ABI for each lower extremity. An ABI above 0.9 is normal, except when it exceeds 1.3 (an indicator of severe peripheral arterial obstruction).", + "Severe obstruction is also indicated by an ABI of less than 0.5. Moderate peripheral arterial disease is suggested by an ABI of 0.8. A drop in the ABI after exercise also strongly suggests peripheral arterial disease.", + "Post-stress ankle pressure. measurements are repeated at 1-2 minute intervals for up to 10 minutes, or until ankle pressure. measurements return to pre-exercise levels. c. If reactive hyperemia is used for stress testing, the blood pressure is likely to return to pre-stress levels. more rapidly.", + "The index is obtained by measuring the systolic blood pressure in the upper and lower extremities after the patient has been lying on his or her back for about 5 min and then repeating the measurements after the patient walks for 5 min. There are several ways to obtain an ABI.", + "Blood pressure cuffs (limb and digital) of varied width and length. Pressure artifacts occur when the cuff. size is not appropriate for the girth of the leg or digit. Recommended size is 20% wider than the diameter. of the limb.", + "The ratio of the angle made by the incident ray with the perpendicular (angle of incidence) to that made by the emergent ray (angle of refraction). 2. The ratio of the speed of light in a vacuum to its speed in another medium. The refractive index of water is 1.33; that of the crystalline lens of the eye is 1.413.", + "A measure of the efficiency of oxygen exchange by the lungs. The index is used in critical care medicine to assess the severity of acute lung injury and to gauge the effectiveness of ventilator management strategies.", + "Lower Extremity Arterial. Segmental Physiologic. Evaluation. This Guideline was prepared by the Professional Guidelines Subcommittee of the Society for Vascular Ultrasound. (SVU) as a template to aid the vascular technologist/sonographer and other interested parties.", + "The Vantage ABI is well suited for the ABI exam. The ABI is the standard exam used to assist in the. diagnosis of P.A.D. The ABI compares the systolic blood pressure at the ankles with the systolic blood. pressure at the brachial arteries.", + "High quality, accurate results are fundamental elements of lower extremity arterial segmental physiologic. evaluation. A combination of indirect and direct exam components is the foundation for maximizing exam quality. and accuracy." + ], + "url": [ + "http://medical-dictionary.thefreedictionary.com/Abi", + "http://medical-dictionary.thefreedictionary.com/Abi", + "http://account.svunet.org/files/positions/LE-Arterial-Segmental-Phy-Eval.pdf", + "http://medical-dictionary.thefreedictionary.com/Abi", + "http://account.svunet.org/files/positions/LE-Arterial-Segmental-Phy-Eval.pdf", + "http://medical-dictionary.thefreedictionary.com/Abi", + "http://medical-dictionary.thefreedictionary.com/Abi", + "http://account.svunet.org/files/positions/LE-Arterial-Segmental-Phy-Eval.pdf", + "http://www.wallachsurgical.com/site/assets/files/2077/user_manual_for_vantage_abi.pdf", + "http://account.svunet.org/files/positions/LE-Arterial-Segmental-Phy-Eval.pdf" + ] + }, + "query": "what is a abi-pvr report", + "query_id": 673527, + "query_type": "DESCRIPTION", + "wellFormedAnswers": [] + }, + "truncated_cells": [] + }, + { + "row_idx": 97, + "row": { + "answers": [ + "$17", + "$14.99" + ], + "passages": { + "is_selected": [ + 1, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0 + ], + "passage_text": [ + "For the first time, the music royalty fee will also be passed along to standalone SiriusXM Internet Radio subscribers. Currently, internet-only customers pay $14.99 per month for most of SiriusXM’s channels plus premium content from Howard Stern and others. Starting in January, an additional fee of $2.08 will be tacked on to the monthly bills of internet-only customers, bringing the total cost to a little over $17 per month. SiriusXM began passing along the cost of music royalties to subscribers in 2009 shortly after the merger of the two satellite radio companies.", + "The “per channel” cost to add individual channels to A La Carte packages has also not changed. The new maximum rate (or “cap”) for A La Carte packages is $14.99 per month. *The new rates apply to subscription purchases or renewals processed on or after January 1, 2014.", + "I don't LOVE guns, but I think it's pretty fun to skeet shoot, and shoot at cans. In Norway, 1,3 million guns are in civilian hands. We are 5 million citizens. That puts us in 11th place of guns per 100 citizens on a list of 179 countries according to Firearms and armed violence, country by country. There are 30 guns per 100 citizens.", + "Starting January 5, subscribers of SiriusXM’s top package, known as “All Access” will pay an additional $2.64 in music royalty fees on top of the base subscriber cost of $18.99 a month, an increase from the current rate of $1.87 a month.", + "No Country for Old Men, directed by Joel and Ethan Coen; starring Tommy Lee Jones, Javier Bardem and Josh Brolin; based on the excellent novel by Cormac McCarthy. It won the Academy Awards for Best Picture, Best Director, Best Supporting Actor and Best Adapted Screenplay.", + "The new maximum rate (or “cap”) for A La Carte packages is $14.99 per month. The actual total monthly rate will depend on how many additional channels have been added to a base A La Carte plan, but will not exceed $14.99. *The new rates apply to subscription purchases or renewals processed on or after January 1, 2014. 1 Rate shown is the monthly rate, before applicable taxes and fees.", + "Presumably the greenseer before Bloodraven at one point reached out to Bloodraven and beckoned him to come North in the same way that Bloodraven beckoned to Bran. The greenseers are strengthened by the weirwood trees and use those trees as their network.", + "OFFER DETAILS: The subscription plan you choose will automatically renew thereafter and you will be charged according to your chosen payment method at then-current rates. Fees and taxes apply. To cancel you must call us at 1-866-635-2349. See our Customer Agreement for complete terms.", + "About Sirius XM. Save an average of $69 with 50 coupon codes & deals for shop.siriusxm.com. SiriusXM offers a selection of high quality satellite radios and accessories. Browse the website and choose from featured categories such as portable radios, for business, on your Smartphone and more.", + "You're not getting any deal at all with this. In my many years experience with Sirius and then Sirius XM, the three 'deals' are: 1. 5 months for $20.00 2. 6 months for $24.99 3. 12 months for $89.00 With all the deals you have to add the taxes and fees of about 7-10% extra for royalty fees and local sales taxes." + ], + "url": [ + "http://thedesk.matthewkeys.net/2014/11/siriusxm-increase-subscriber-rates-music-royalty-fee/", + "http://www.siriusxm.com/2014rates/pricing", + "https://www.quora.com/unanswered/How-much-does-SiriusXm-cost-per-month", + "http://thedesk.matthewkeys.net/2014/11/siriusxm-increase-subscriber-rates-music-royalty-fee/", + "https://www.quora.com/unanswered/How-much-does-SiriusXm-cost-per-month", + "http://www.siriusxm.com/2014rates/pricing", + "https://www.quora.com/unanswered/How-much-does-SiriusXm-cost-per-month", + "https://m.siriusxm.com/keeplistening", + "https://www.retailmenot.com/view/shop.siriusxm.com", + "https://www.retailmenot.com/view/shop.siriusxm.com" + ] + }, + "query": "siriusxm cost per month", + "query_id": 498704, + "query_type": "NUMERIC", + "wellFormedAnswers": [ + "Siriusxm cost is $14.99 per month." + ] + }, + "truncated_cells": [] + }, + { + "row_idx": 98, + "row": { + "answers": [ + "No Answer Present." + ], + "passages": { + "is_selected": [ + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0 + ], + "passage_text": [ + "The gas prices for the cost to drive from Chandler, AZ to Phoenix, AZ Has been Galculated: 16 this month. The gas prices for the cost to drive from Tucson, AZ to Tucson, AZ Has been Galculated: 16 this month. The gas prices for the cost to drive from Oro Valley, AZ to Dana Point, CA Has been Galculated: 15 this month.he gas prices for the cost to drive from Phoenix, AZ to Tecumseh, OK Has been Galculated: 15 this month. The gas prices for the cost to drive from Laveen, AZ to Phoenix, AZ Has been Galculated: 14 this month. The gas prices for the cost to drive from Phoenix, AZ to Flagstaff, AZ Has been Galculated: 14 this month.", + "The gas prices for the cost to drive from Phoenix, AZ to Tecumseh, OK Has been Galculated: 15 this month. The gas prices for the cost to drive from Laveen, AZ to Phoenix, AZ Has been Galculated: 14 this month. The gas prices for the cost to drive from Phoenix, AZ to Flagstaff, AZ Has been Galculated: 14 this month.The gas prices for the cost to drive from Mesa, AZ to CA Brm Zip, CA Has been Galculated: 13 this month. The gas prices for the cost to drive from Phoenix, AZ to Scottsdale, AZ Has been Galculated: 13 this month.he gas prices for the cost to drive from Phoenix, AZ to Tecumseh, OK Has been Galculated: 15 this month. The gas prices for the cost to drive from Laveen, AZ to Phoenix, AZ Has been Galculated: 14 this month. The gas prices for the cost to drive from Phoenix, AZ to Flagstaff, AZ Has been Galculated: 14 this month.", + "Wondering how much defensive driving costs? We can help! In Arizona there are a few different fees involved in determining how much you’ll pay. There is a state fee ($20.00), a state surcharge ($45.00), a court diversion fee (varies) and a school fee that make up the defensive driving cost.Our school fee is one of the lowest around at $44.95. This price covers everything you need to get your ticket dismissed, including:here is a state fee ($20.00), a state surcharge ($45.00), a court diversion fee (varies) and a school fee that make up the defensive driving cost.", + "The total cost of driving from Ohio to Arizona (one-way) is $177.47 at current gas prices. The round trip cost would be $354.94 to go from Ohio to Arizona and back to Ohio again.Regular fuel costs are around $2.37 per gallon for your trip.This calculation assumes that your vehicle gets an average gas mileage of 25 mpg for a mix of city and highway driving.All currency units are U.S. Dollars.he round trip cost would be $354.94 to go from Ohio to Arizona and back to Ohio again. Regular fuel costs are around $2.37 per gallon for your trip. This calculation assumes that your vehicle gets an average gas mileage of 25 mpg for a mix of city and highway driving. All currency units are U.S. Dollars.", + "Road trip planner. The total cost of driving from Ohio to Arizona (one-way) is $177.47 at current gas prices. The round trip cost would be $354.94 to go from Ohio to Arizona and back to Ohio again. Regular fuel costs are around $2.37 per gallon for your trip.This calculation assumes that your vehicle gets an average gas mileage of 25 mpg for a mix of city and highway driving.All currency units are U.S. Dollars.he round trip cost would be $354.94 to go from Ohio to Arizona and back to Ohio again. Regular fuel costs are around $2.37 per gallon for your trip. This calculation assumes that your vehicle gets an average gas mileage of 25 mpg for a mix of city and highway driving. All currency units are U.S. Dollars.", + "The gas prices for the cost to drive from Phoenix, AZ to Denver, CO Has been Galculated: 46 this month. The gas prices for the cost to drive from Tucson, AZ to San Diego, CA Has been Galculated: 39 this month. The gas prices for the cost to drive from Phoenix, AZ to Seattle, WA Has been Galculated: 35 this month.he gas prices for the cost to drive from Phoenix, AZ to Tecumseh, OK Has been Galculated: 15 this month. The gas prices for the cost to drive from Laveen, AZ to Phoenix, AZ Has been Galculated: 14 this month. The gas prices for the cost to drive from Phoenix, AZ to Flagstaff, AZ Has been Galculated: 14 this month.", + "The total cost of driving from Portland, OR to Phoenix, AZ (one-way) is $118.14 at current gas prices. The round trip cost would be $236.29 to go from Portland, OR to Phoenix, AZ and back to Portland, OR again.Regular fuel costs are around $2.33 per gallon for your trip.he round trip cost would be $236.29 to go from Portland, OR to Phoenix, AZ and back to Portland, OR again. Regular fuel costs are around $2.33 per gallon for your trip.", + "Individual Cost by County. Arizona Revised Statutes §28-3395(A)(2) requires the Arizona Supreme Court to make public the amount of the court diversion fee assessed by each Arizona court, and the total cost to attend defensive driving school for dismissal of a designated minor traffic citation.ndividual Cost by County. Arizona Revised Statutes §28-3395(A)(2) requires the Arizona Supreme Court to make public the amount of the court diversion fee assessed by each Arizona court, and the total cost to attend defensive driving school for dismissal of a designated minor traffic citation.", + "Arizona Defensive Driving Program Fees. The fees for our Arizona defensive driving course vary by the court that issued your citation. These fees include the state surcharge fee ($45.00), state fee ($20.00), course fee ($29.95), and the court diversion fee which varies by court.n top of the course fee, you will have to pay the court diversion fee and the state fess to us as well, since you will be paying our school instead of the cost of your ticket. The state fees always remain the same: $20 for a standard state fee and $45 for the state surcharge fee, for a total of $65.", + "Click Here for more information about Arizona traffic school eligibility. The fees for our Arizona defensive driving course vary by the court that issued your citation. These fees include the state surcharge fee ($45.00), state fee ($20.00), course fee ($29.95), and the court diversion fee which varies by court.n top of the course fee, you will have to pay the court diversion fee and the state fess to us as well, since you will be paying our school instead of the cost of your ticket. The state fees always remain the same: $20 for a standard state fee and $45 for the state surcharge fee, for a total of $65." + ], + "url": [ + "http://costtodrive.com/drives/state/AZ", + "http://costtodrive.com/drives/state/AZ", + "http://www.arizonadriver.com/defensive-driving-cost", + "http://www.travelmath.com/cost-of-driving/from/Ohio/to/Arizona", + "http://www.travelmath.com/cost-of-driving/from/Ohio/to/Arizona", + "http://costtodrive.com/drives/state/AZ", + "http://www.travelmath.com/cost-of-driving/from/Portland,+OR/to/Phoenix,+AZ", + "http://www.azcourts.gov/drive/Cost-to-Attend-School", + "https://www.lowcostdefensivedriving.com/", + "https://www.lowcostdefensivedriving.com/" + ] + }, + "query": "how much will it cost to drive to arizona", + "query_id": 330677, + "query_type": "NUMERIC", + "wellFormedAnswers": [] + }, + "truncated_cells": [] + }, + { + "row_idx": 99, + "row": { + "answers": [ + "A very misunderstood part of the revolver barrel and even many professional gunsmiths don't really understand them." + ], + "passages": { + "is_selected": [ + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 1 + ], + "passage_text": [ + "Below is a picture showing an actual cutaway view of the forcing cone area that's inside most all shotgun barrels , notice the upper barrel is showing a lengthened forcing cone while the lower barrel is shown with a factory length forcing cone. Back to the Top. Patterns.", + "What is the preferred forcing cone length of Olympic medalists, anyway? Somehow, that little bit of information never seems to make the news. A forcing cone, of course, is the transition area from chamber dimension to the bore of your shotgun. The length is not really the point; it is the degree of taper. In theory, a more gentle taper is less disruptive to shot and wad.", + "Welcome to Johnny's Shotgun Chokes and Forcing Cones... Twenty five years ago, the most requested alteration to a shotgun barrel was screw-in choke tube installation. Twenty five years ago, the least (almost never) requested alteration to the shotgun barrel was lengthening of the forcing cone. This has all changed.", + "Below I will explain the forcing cone, what it does and how it can be modified to improve the performance of a shotgun. The Mysterious Forcing Cone. The forcing cone is the constriction at the end of the chamber that forces the load down from chamber size to the size of your shotgun bore.", + "Forcing cones. The area just forward of your shotgun’s chamber is the forcing cone; a funnel reducing the diameter of the chamber - down to bore size. An excited shooter was worried that the forcing cone area might be damaged by tough wads. Blaming plastic wads for impact is like blaming football shoulder pads for hard impacts.", + "Backboring is a term that is mostly misunderstood as being the forcing cone due to the fact that when working on the forcing cone area you are working on the back end of the barrel then afterwards the barrel is supposedly ''backbored'' but in reality it is the actual bore of the gun from just ahead of the forcing cone all the way through the barrel ...", + "Lengthen Forcing Cones To Improve Patterns, Reduce Recoil. Double-duty reamers lengthen short chambers to modern standard or magnum lengths and cut the new long forcing cone at the same time - OR - will cut a long forcing cone without lengthening the chamber for the gunsmith seeking improved shooting performance for his customer.", + "The 1½ long (approximately) forcing cone created is performance proven to give optimum results in any length chamber. Reamers are ground exclusively for us from special, select tool steel by one of the oldest and most respected manufacturers of reamers in the United States. Quality and performance is 100% guaranteed.", + "Forcing Cone Pictures? This is a discussion on Forcing Cone Pictures? within the Ruger Single Action forums, part of the Pistol & Revolver Forum category; Does anyone have a picture of before/after of refacing their forcing cone? Looking at the entrance to the barrell on my 45Colt, it looks relatively ...", + "Nice video, but he forgot the most critical part. The forcing cone is a very misunderstood part of the revolver barrel and even many professional gunsmiths don't really understand them. THE critical dimension of a forcing cone is not the depth or angle of the cone, it's the diameter of the MOUTH of the forcing cone. That outer mouth dimension is critical." + ], + "url": [ + "http://www.guncustomizing.com/tech.htm", + "http://chuckhawks.com/shotgun_forcing_cone_length.htm", + "http://www.shotgunchokes.com/", + "http://www.shotgunchokes.com/", + "https://www.ballisticproducts.com/bpi/articleindex/articles/curmudgeon_articles/060315_forcingcones.htm", + "http://www.guncustomizing.com/tech.htm", + "http://www.brownells.com/gunsmith-tools-supplies/measuring-tools/shotgun-chamber-gauges/long-forcing-cone-chamber-reamer-prod720.aspx", + "http://www.brownells.com/gunsmith-tools-supplies/measuring-tools/shotgun-chamber-gauges/long-forcing-cone-chamber-reamer-prod720.aspx", + "http://rugerforum.net/ruger-single-action/54037-forcing-cone-pictures.html", + "http://smith-wessonforum.com/s-w-revolvers-1961-1980/218435-forcing-cone.html" + ] + }, + "query": "what is a forcing cone", + "query_id": 683769, + "query_type": "DESCRIPTION", + "wellFormedAnswers": [ + "Forcing cone is a part of the revolver barrel." + ] + }, + "truncated_cells": [] + } + ], + "num_rows_total": 808731, + "num_rows_per_page": 100, + "partial": false +} \ No newline at end of file diff --git a/trulens_eval/trulens_eval/tests/datasets/ms_marco/ms_marco_train_v2.1_2.json b/trulens_eval/trulens_eval/tests/datasets/ms_marco/ms_marco_train_v2.1_2.json new file mode 100644 index 000000000..84ca06e12 --- /dev/null +++ b/trulens_eval/trulens_eval/tests/datasets/ms_marco/ms_marco_train_v2.1_2.json @@ -0,0 +1,5197 @@ +{ + "features": [ + { + "feature_idx": 0, + "name": "answers", + "type": { + "feature": { + "dtype": "string", + "_type": "Value" + }, + "_type": "Sequence" + } + }, + { + "feature_idx": 1, + "name": "passages", + "type": { + "feature": { + "is_selected": { + "dtype": "int32", + "_type": "Value" + }, + "passage_text": { + "dtype": "string", + "_type": "Value" + }, + "url": { + "dtype": "string", + "_type": "Value" + } + }, + "_type": "Sequence" + } + }, + { + "feature_idx": 2, + "name": "query", + "type": { + "dtype": "string", + "_type": "Value" + } + }, + { + "feature_idx": 3, + "name": "query_id", + "type": { + "dtype": "int32", + "_type": "Value" + } + }, + { + "feature_idx": 4, + "name": "query_type", + "type": { + "dtype": "string", + "_type": "Value" + } + }, + { + "feature_idx": 5, + "name": "wellFormedAnswers", + "type": { + "feature": { + "dtype": "string", + "_type": "Value" + }, + "_type": "Sequence" + } + } + ], + "rows": [ + { + "row_idx": 100, + "row": { + "answers": [ + "No Answer Present." + ], + "passages": { + "is_selected": [ + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0 + ], + "passage_text": [ + "At this time the Industrial Workers of the World had a membership of over 100,000 members. In 1913 William Haywood replaced Vincent Saint John as secretary-treasurer of the Industrial Workers of the World. By this time, the IWW had 100,000 members.", + "This was not true of the Industrial Workers of the World and as a result many of its members were first and second generation immigrants. Several immigrants such as Mary 'Mother' Jones, Hubert Harrison, Carlo Tresca, Arturo Giovannitti and Joe Haaglund Hill became leaders of the organization.", + "Chinese Immigration and the Chinese Exclusion Acts. In the 1850s, Chinese workers migrated to the United States, first to work in the gold mines, but also to take agricultural jobs, and factory work, especially in the garment industry.", + "The Rise of Industrial America, 1877-1900. When in 1873 Mark Twain and Charles Dudley Warner entitled their co-authored novel The Gilded Age, they gave the late nineteenth century its popular name. The term reflected the combination of outward wealth and dazzle with inner corruption and poverty.", + "American objections to Chinese immigration took many forms, and generally stemmed from economic and cultural tensions, as well as ethnic discrimination. Most Chinese laborers who came to the United States did so in order to send money back to China to support their families there.", + "The rise of industrial America, the dominance of wage labor, and the growth of cities represented perhaps the greatest changes of the period. Few Americans at the end of the Civil War had anticipated the rapid rise of American industry.", + "The resulting Angell Treaty permitted the United States to restrict, but not completely prohibit, Chinese immigration. In 1882, Congress passed the Chinese Exclusion Act, which, per the terms of the Angell Treaty, suspended the immigration of Chinese laborers (skilled or unskilled) for a period of 10 years.", + "Industrial Workers of the World. In 1905 representatives of 43 groups who opposed the policies of American Federation of Labour, formed the radical labour organisation, the Industrial Workers of the World (IWW). The IWW's goal was to promote worker solidarity in the revolutionary struggle to overthrow the employing class.", + "The railroads powered the industrial economy. They consumed the majority of iron and steel produced in the United States before 1890. As late as 1882, steel rails accounted for 90 percent of the steel production in the United States. They were the nation’s largest consumer of lumber and a major consumer of coal.", + "This finally resulted in legislation that aimed to limit future immigration of Chinese workers to the United States, and threatened to sour diplomatic relations between the United States and China." + ], + "url": [ + "http://spartacus-educational.com/USAiww.htm", + "http://spartacus-educational.com/USAiww.htm", + "https://history.state.gov/milestones/1866-1898/chinese-immigration", + "https://www.gilderlehrman.org/history-by-era/essays/rise-industrial-america-1877-1900", + "https://history.state.gov/milestones/1866-1898/chinese-immigration", + "https://www.gilderlehrman.org/history-by-era/essays/rise-industrial-america-1877-1900", + "https://history.state.gov/milestones/1866-1898/chinese-immigration", + "http://spartacus-educational.com/USAiww.htm", + "https://www.gilderlehrman.org/history-by-era/essays/rise-industrial-america-1877-1900", + "https://history.state.gov/milestones/1866-1898/chinese-immigration" + ] + }, + "query": "quizlet how did existing industrial workers view immigrant industrial workers?", + "query_id": 484706, + "query_type": "DESCRIPTION", + "wellFormedAnswers": [] + }, + "truncated_cells": [] + }, + { + "row_idx": 101, + "row": { + "answers": [ + "Nuclear power arise from health effects of radiation. This radiation consists of subatomic particles traveling at or near the velocity of light---186,000 miles per second.ining uranium to fuel nuclear power plants leaves mill tailings, the residues from chemical processing of the ore, which lead to radon exposures to the public." + ], + "passages": { + "is_selected": [ + 1, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0 + ], + "passage_text": [ + "Radiation. The principal risks associated with nuclear power arise from health effects of radiation. This radiation consists of subatomic particles traveling at or near the velocity of light---186,000 miles per second.ining uranium to fuel nuclear power plants leaves mill tailings, the residues from chemical processing of the ore, which lead to radon exposures to the public. However, these effects are grossly over-compensated by the fact that mining uranium out of the ground reduces future radon exposures.", + "While virtually the whole world stands against the development and use of nuclear weapons, attitudes vary when it comes to the development and use of nuclear energy. Proponents of nuclear energy tout it as a form of clean ”energy since it releases virtually none of the harmful CO2 emissions associated with fossil fuel.roponents of nuclear energy tout it as a form of clean ”energy since it releases virtually none of the harmful CO2 emissions associated with fossil fuel.", + "Reactor Accidents and the Release of Radioactive Materials. In a nuclear power plant, the fuel, an isotope of either uranium or plutonium, undergoes fission to produce the energy that is used to heat water and turn steam-driven turbine generators.he total number of people who died in the earthquake and the tsunami that it generated is still being assessed, but the official estimation already exceeds 14,000. 1 The natural disaster also caused substantial damage to the Fukushima Daiichi nuclear power plant, the consequences of which are still unclear.", + "Nuclear energy is a rare form of energy. It is the energy stored in the center or the nucleus of an atom.After we bombard the nucleus into two parts, two different elements are formed along with the emission of high energy.The process generally followed is called fission.uclear energy is a rare form of energy. It is the energy stored in the center or the nucleus of an atom.", + "Nuclear Energy. Nuclear energy is a rare form of energy. It is the energy stored in the center or the nucleus of an atom. After we bombard the nucleus into two parts, two different elements are formed along with the emission of high energy.The process generally followed is called fission.uclear energy is a rare form of energy. It is the energy stored in the center or the nucleus of an atom.", + "The benefits of energy production are that the use of fossil fuels are readily available for use and it is a simple process to break these fuels into energy. The risks ass … ociated with energy development is that the combustion of these fields lead to pollution which affects the environment.he major risk is the only bi products which are capable of radiating harmful radiations such as gamma rays and emitting alpha and beta particles. Otherwise it will be a great boon for the humanity to produce electrical power in a cheaper way.", + "Risks from reactor accidents are estimated by the rapidly developing science of probabilistic risk analysis (PRA). A PRA must be done separately for each power plant (at a cost of $5 million) but we give typical results here: A fuel melt-down might be expected once in 20,000 years of reactor operation.ining uranium to fuel nuclear power plants leaves mill tailings, the residues from chemical processing of the ore, which lead to radon exposures to the public. However, these effects are grossly over-compensated by the fact that mining uranium out of the ground reduces future radon exposures.", + "However, there are safety concerns that come with nuclear power, including the possibility that a nuclear power plant could accidentally release radiation into the environment or be targeted for a terrorist attack. There is also the issue of what to do with radioactive waste.In this lesson, we will explore the risks associated with nuclear power and discuss how radioactive waste is handled. Most nuclear reactors are based on the concept of nuclear fission. Nuclear fission occurs when uranium nuclei are bombarded with neutrons.he isotope U-235 is important because it can be used in the nuclear fission chain reaction to create a lot of energy. Unlike the uranium used in a nuclear bomb, which is about 90% enriched with the isotope U-235, the uranium used in a nuclear reactor is only slightly enriched, to about four or five percent.", + "Nuclear power can generate electricity without greenhouse gas emissions. However, there are concerns about its safety. Learn about the safety and health concerns associated with the threat of nuclear meltdowns, as well as the challenges involved in storing radioactive waste.he isotope U-235 is important because it can be used in the nuclear fission chain reaction to create a lot of energy. Unlike the uranium used in a nuclear bomb, which is about 90% enriched with the isotope U-235, the uranium used in a nuclear reactor is only slightly enriched, to about four or five percent.", + "The actual risk depends on several factors: 1 The specific radioactive materials, or isotopes, released, and the quantities released. 2 How a person comes into contact with the released radioactive materials (such as through contaminated food, water, air, or on the skin).n the most severe kinds of accidents, such as the Chernobyl accident in 1986, other dangerous radioactive isotopes, such as strontium-90 (Sr-90) and plutonium-239, may also be released. Human exposure to I-131 released from nuclear power plant accidents comes mainly from consuming contaminated water, milk, or foods." + ], + "url": [ + "http://physics.isu.edu/radinf/np-risk.htm", + "http://www.reachingcriticalwill.org/resources/fact-sheets/critical-issues/5445-nuclear-energy", + "http://www.nejm.org/doi/full/10.1056/NEJMra1103676", + "http://www.conserve-energy-future.com/Disadvantages_NuclearEnergy.php", + "http://www.conserve-energy-future.com/Disadvantages_NuclearEnergy.php", + "http://www.answers.com/Q/What_are_the_risks_associated_with_the_use_of_nuclear_energy", + "http://physics.isu.edu/radinf/np-risk.htm", + "http://study.com/academy/lesson/risks-of-nuclear-power-plants-and-radioactive-waste-safety-and-health-concerns.html", + "http://study.com/academy/lesson/risks-of-nuclear-power-plants-and-radioactive-waste-safety-and-health-concerns.html", + "http://www.cancer.gov/about-cancer/causes-prevention/risk/radiation/nuclear-accidents-fact-sheet" + ] + }, + "query": "what are the risks associated with the use of nuclear energy", + "query_id": 573198, + "query_type": "DESCRIPTION", + "wellFormedAnswers": [] + }, + "truncated_cells": [] + }, + { + "row_idx": 102, + "row": { + "answers": [ + "New York" + ], + "passages": { + "is_selected": [ + 1, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0 + ], + "passage_text": [ + "Other News. 1 Through a partnership with Richmond Rec, the fitness room at Honeoye Central School will open on Monday, September 28th for use by adults in the community. 2 Regular hours are Monday through Thursday, 5:30 to 8:30 pm, following the HCS calendar. 3 Cost is $2 per visit, or $25 for a punch card with 16 visits.elcome to the Hamlet of Honeoye. Located on Honeoye Lake, in the Western Finger Lakes Region of Upstate New York. Our Honeoye Community Gazebo is home to many community events. Plantings are maintained courtesy of the Lake Country Garden Club volunteers.", + "Property Details. Property details for 6260 County Road 36, Honeoye, NY 14471. This Single Family Home is located at County Road 36 in Honeoye, New York. The home provides approximately 1632 square feet of living space. This property features 3 bedrooms.roperty Details. Property details for 6260 County Road 36, Honeoye, NY 14471. This Single Family Home is located at County Road 36 in Honeoye, New York. The home provides approximately 1632 square feet of living space. This property features 3 bedrooms.", + "22.3%. According to our research of New York and other state lists there were 3 registered sex offenders living in Honeoye, New York as of October 08, 2015. The ratio of number of residents in Honeoye to the number of sex offenders is 193 to 1.n 8/30/1955, a category F3 tornado 44.0 miles away from the place center caused between $5000 and $50,000 in damages. Honeoye-area historical earthquake activity is near New York state average. It is 87% smaller than the overall U.S. average.", + "Honeoye-area historical tornado activity is below New York state average. It is 75% smaller than the overall U.S. average. On 6/20/1969, a category F3 (max. wind speeds 158-206 mph) tornado 42.4 miles away from the Honeoye place center caused between $500,000 and $5,000,000 in damages.n 8/30/1955, a category F3 tornado 44.0 miles away from the place center caused between $5000 and $50,000 in damages. Honeoye-area historical earthquake activity is near New York state average. It is 87% smaller than the overall U.S. average.", + "Buyers. Homes for sale ‘by owner’ are often the best value in any neighborhood. That is because owners have maximum negotiating flexibility, especially when they don’t have a listing agent’s commission soaking up 3% or more of the sale price.uyers. Homes for sale ‘by owner’ are often the best value in any neighborhood. That is because owners have maximum negotiating flexibility, especially when they don’t have a listing agent’s commission soaking up 3% or more of the sale price.", + "Flu Shot Clinic. The Honeoye Falls/Mendon Ambulance has arranged a Flu Shot Clinic at their base, located at 210 East St, Honeoye Falls. The clinic is scheduled for Wednesday, October 21, 2015 from 4:00 PM - 7:00 PM.lu Shot Clinic. The Honeoye Falls/Mendon Ambulance has arranged a Flu Shot Clinic at their base, located at 210 East St, Honeoye Falls. The clinic is scheduled for Wednesday, October 21, 2015 from 4:00 PM - 7:00 PM.", + "On 8/30/1955, a category F3 tornado 44.0 miles away from the place center caused between $5000 and $50,000 in damages. Honeoye-area historical earthquake activity is near New York state average. It is 87% smaller than the overall U.S. average.n 8/30/1955, a category F3 tornado 44.0 miles away from the place center caused between $5000 and $50,000 in damages. Honeoye-area historical earthquake activity is near New York state average. It is 87% smaller than the overall U.S. average.", + "{targetDiv:gpt-ad-00f136e8-2768-427c-a2c7-d7615125eeb8,slot:zillow/property_details/not_for_sale/t_main_p1,network:7449,sizes:[256,13],targets:{aamgnrc1:5423 County Road 36,aamgnrc4:14471 Canadice Ontario NYNew. This home is not currently listed for sale or rent on Zillow.A Zestimate® home valuation is Zillow's estimated market value. It is not an appraisal. Use it as a starting point to determine a home's value.Learn more. A Rent Zestimate® is Zillow's estimated monthly rental price, computed using a proprietary formula. Zestimate® home valuation is Zillow's estimated market value. It is not an appraisal. Use it as a starting point to determine a home's value. Learn more. A Rent Zestimate® is Zillow's estimated monthly rental price, computed using a proprietary formula.", + "Welcome to the Hamlet of Honeoye. Located on Honeoye Lake, in the Western Finger Lakes Region of Upstate New York. Our Honeoye Community Gazebo is home to many community events.Plantings are maintained courtesy of the Lake Country Garden Club volunteers.elcome to the Hamlet of Honeoye. Located on Honeoye Lake, in the Western Finger Lakes Region of Upstate New York. Our Honeoye Community Gazebo is home to many community events. Plantings are maintained courtesy of the Lake Country Garden Club volunteers.", + "Public Access Sites. Honeoye Lake Public Boat Launch-Located at the SE corner of the lake off East Lake Road. Parking for 30 cars with trailers. Operated by the office of the Parks, Recreation and Historic Preservation.ublic Access Sites. Honeoye Lake Public Boat Launch-Located at the SE corner of the lake off East Lake Road. Parking for 30 cars with trailers. Operated by the office of the Parks, Recreation and Historic Preservation." + ], + "url": [ + "http://townofrichmond.org/content", + "http://www.realtor.com/realestateandhomes-detail/6260-County-Road-36_Honeoye_NY_14471_M41853-62993", + "http://www.city-data.com/city/Honeoye-New-York.html", + "http://www.city-data.com/city/Honeoye-New-York.html", + "http://www.forsalebyowner.com/property/County-Road-33/Honeoye/NY", + "http://www.villageofhoneoyefalls.org/", + "http://www.city-data.com/city/Honeoye-New-York.html", + "http://www.zillow.com/homedetails/5423-County-Road-36-Honeoye-NY-14471/83948988_zpid/", + "http://townofrichmond.org/content", + "http://www.dec.ny.gov/outdoor/25579.html" + ] + }, + "query": "what county is honeoye in", + "query_id": 607381, + "query_type": "LOCATION", + "wellFormedAnswers": [] + }, + "truncated_cells": [] + }, + { + "row_idx": 103, + "row": { + "answers": [ + "Social security disability insurance benefit, disability insurance benefits." + ], + "passages": { + "is_selected": [ + 0, + 0, + 0, + 0, + 0, + 0, + 1, + 1, + 0, + 0 + ], + "passage_text": [ + "Beneficiary data. The following briefly describes the different types of beneficiaries paid by Social Security. The descriptions are not meant to be definitive. Check with a local Social Security office if you believe you may be eligible for benefits. We pay benefits to the following types of beneficiaries.", + "A: We tend to think of Social Security benefits as going just to retired workers. But the more than 59 million Americans who receive monthly payments from Social Security include children, widows and widowers who've lost working mates, disabled people who can no longer work, and even the former spouses of breadwinners.", + "Maximize Social Security benefit amount based on the various types you may qualify to receive. En español | Q: I'm trying to figure out what Social Security benefits I might qualify for. But it's confusing — there are so many different kinds.", + "Social Security Disability Insurance pays benefits to you and certain members of your family if you are insured, meaning that you worked long enough and paid Social Security taxes. Supplemental Security Income pays benefits based on financial need.", + "Disability Benefit Types and Qualifications. There are several types of disability benefits available depending on an individuals circumstances. The best known are Social Security disability benefits. Social Security Disability (SSD) benefits are available to workers who have paid into the Social Security system through payroll deductions.", + "Generally, you need 10 years of work in a job in which you pay Social Security taxes to be eligible for retirement benefits. You can apply for these benefits as early as age 62 or as late as age 70, with the monthly amount going up the longer you put it off.", + "There are five major types of Social Security disability benefits. Social Security Disability Insurance Benefits (SSDI) is the most important type of Social Security disability benefits. It goes to individuals who have worked in recent years (five out of the last 10 years in most cases) who are now disabled.", + "There are at least five major types of Social Security disability benefits. Disability Insurance Benefits (DIB) is the most important type of Social Security disability benefits. It goes to individuals who have worked in recent years (five out of the last 10 years in most cases) and are now disabled.", + "← Back to Articles. There are several types of disability benefits available depending on an individuals circumstances. The best known are Social Security disability benefits. Social Security Disability (SSD) benefits are available to workers who have paid into the Social Security system through payroll deductions.", + "Benefits for People with Disabilities. The Social Security and Supplemental Security Income disability programs are the largest of several Federal programs that provide assistance to people with disabilities." + ], + "url": [ + "https://www.ssa.gov/OACT/ProgData/types.html", + "http://www.aarp.org/work/social-security/info-2014/know-social-security-benefit-variety.html", + "http://www.aarp.org/work/social-security/info-2014/know-social-security-benefit-variety.html", + "https://www.ssa.gov/disability/", + "http://www.disabilitybenefitslawfirm.com/articles_Disability_Benefit_Types.htm", + "http://www.aarp.org/work/social-security/info-2014/know-social-security-benefit-variety.html", + "http://www.charleshallfirm.com/what-types-of-social-security-disability-benefits-are-there/", + "https://www.2keller.com/faqs/how-many-different-types-of-social-security-disability-benefits-are-there.cfm", + "http://www.disabilitybenefitslawfirm.com/articles_Disability_Benefit_Types.htm", + "https://www.ssa.gov/disability/" + ] + }, + "query": "different types of social security disability", + "query_id": 150905, + "query_type": "DESCRIPTION", + "wellFormedAnswers": [] + }, + "truncated_cells": [] + }, + { + "row_idx": 104, + "row": { + "answers": [ + "No Answer Present." + ], + "passages": { + "is_selected": [ + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0 + ], + "passage_text": [ + "Tectonic setting The Denali-Totschunda fault is a major dextral (right lateral) strike-slip system, similar in scale to the San Andreas fault system. In Alaska, moving from east to west, the plate interactions change from a transform boundary between Pacific and North American plates to a collision zone with a microplate , the Yakutat terrane , which is in the process of being Express yourself.", + "McKinley Strand of the Denali Fault in the Delta River Area, Alaska ABSTRACT Offset Holocene alluvial fans and drainages along the McKinley strand of the Denali fault near the Delta River in the east-central Alaska Range indicate as much as 50 to 60 m of right- lateral displacement during the last 10,000 yrs.", + "Denali Fault topic. Tectonic map of Alaska and northwestern Canada showing main faults and historic earthquakes The Denali Fault is a major intracontinental dextral (right lateral) strike-slip fault in western North America, extending from northwestern British Columbia, Canada to the central region of the U.S. state of Alaska.[1]", + "Rupture in South-Central Alaska—The Denali Fault Earthquake of 2002 A powerful magnitude 7.9 earthquake struck Alaska on November 3, 2002, rupturing the Earth's surface for 209 miles along the Susitna Glacier, Denali, and Totschunda Faults.", + "The November 3, 2002, magnitude (M) 7.9 Denali Fault earthquake was the strongest ever recorded in the interior of Alaska. Like most earthquakes of its size, it was complex, consisting of several subevents. It started with thrust (upward) motion on a previously unknown fault, now called the Susitna Glacier Fault.", + "the Denali fault would suggest that the net vertical slip has been north side up. Recent studies by Richter and Matson (1971) along the Totschunda fault system in the eastern Alaska Range (Fig. l) and along the Denali fault near its junction with the Totschunda system produced convincing evi- GULF OF PACIFIC OCEAN Figure l.", + "NASA. 2002 Denali Fault Earthquake . Science. Susitna Glacier is an alpine or valley glacier in the Alaska Range . Susitna Glacier flows over a seismically active area. The 7.9-magnitude 2002 Denali earthquake struck the region in November 2002. The earthquake initiated with thrust movement on the previously unrecognized Susitna Glacier fault.", + "Location The Denali Fault is located in Alaska's Denali National Park and to the east. This National Park includes part of a massive mountain range more than 600 miles long. Along the Denali Fault, lateral and vertical offset movement is taking place (as evidenced by many earthquakes in the region).", + "The 2002 Denali earthquake occurred at 22:12:41 UTC (1:12 PM Local Time) November 3 with an epicenter 66 km ESE of Denali National Park, Alaska, United States. This 7.9 M earthquake was the largest recorded in the United States for more than 48 years.", + "the Denali fault east of its junction with the Totschunda fault system (Fig. l) has been relatively inactive since Illinoian time and suggests that the Denali fault west of the junction has moved with the Totschunda system since about 2 m.y. ago. The Totschunda lineament may represent the trace of a new transform fault separating the North American and Pacific plates. The Denali fault system in the central Alaska Range is divided into two major strands. The northern segment, the Hines Creek fault, was first recognized and described by Wahrhaftig (1958). The other segment, 15 to 20 mi to the south, called the McKinley strand by Grantz" + ], + "url": [ + "https://topics.revolvy.com/topic/2002%20Denali%20earthquake&item_type=topic", + "http://www.science.smith.edu/~jbrady/Papers/Denali_Fault.pdf", + "https://topics.revolvy.com/topic/2002%20Denali%20earthquake&item_type=topic", + "https://pubs.usgs.gov/fs/2003/fs014-03/", + "https://pubs.usgs.gov/fs/2003/fs014-03/", + "http://www.science.smith.edu/~jbrady/Papers/Denali_Fault.pdf", + "https://topics.revolvy.com/topic/2002%20Denali%20earthquake&item_type=topic", + "https://topics.revolvy.com/topic/2002%20Denali%20earthquake&item_type=topic", + "https://topics.revolvy.com/topic/2002%20Denali%20earthquake&item_type=topic", + "http://www.science.smith.edu/~jbrady/Papers/Denali_Fault.pdf" + ] + }, + "query": "is the denali fault a transform fault", + "query_id": 1174752, + "query_type": "DESCRIPTION", + "wellFormedAnswers": [] + }, + "truncated_cells": [] + }, + { + "row_idx": 105, + "row": { + "answers": [ + "No Answer Present." + ], + "passages": { + "is_selected": [ + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0 + ], + "passage_text": [ + "Many words are abbreviated in. more than one manner, sometimes in the course of a single. document. Individual commanders frequently improvise. abbreviations, which will be understandable from the. context to the German officer reading them, but may. cause considerable difficulty to the non-German.", + "03-31-2008, 10:16 PM. My fiancee is trying to get some German language materials (novels, DVDs, etc.) and contacted someone on Craigslist. This person responded in German and used the abbreviation Ggf.. The full sentence is, Ggf. rufen Sie uns an:. We understand the rest, but not the Ggf.", + "While the Germans do not follow any consistent pro-. cedure in abbreviating, the following tendencies can be. observed: a. Whenever possible the Germans keep enough of the. original word structure to make the abbreviation a. recognizable skeleton of the word for which it stands. An example is abkdrt. for abkommandiert.", + "The expansion will allow future growth in small- to medium-sized technical LSR, especially over molded parts for food, beverage, baby care, sanitary, industrial and automotive electronics markets.", + "LSR is the only wireless product development company providing turnkey M2M System Solutions with Design Services, on-site FCC / IC / CE Testing and Certification, and a broad line of RF modules and antennas.", + "GERMAN MILITARY ABBREVIATIONS. thorough foundation in the German language is useful, but not infallible, in determining the meaning of a par-. ticular abbreviation-guessing, in this, as in all military. intelligence work, is dangerous.", + "(A terminological note: an abbreviation is any shortened form of a word, multi-word term, name, or phrase. Acronyms and initialisms are subcategories of abbreviations, both of which are formed from the initial parts of name. An acronym can be pronounced (e.g., NATO, OPEC), while an initialism cannot (e.g., FBI, BBC). In this article I use abbreviation to cover all three types.)", + "German Abbreviation Resources. The first step in understanding any abbreviation is discovering the full or expanded form. Once that has been determined, the next step is to determine whether an official, standard, or accepted translation of the full form already exists, possibly with an official, standard, or accepted acronym in English.", + "Swedena[euro][TM]s Trelleborg Investing in Bulgarian LSR Unita[euro][TM]s Expansion. The eight-cavity mold was built by Austrian LSR specialist Rico, and the electric Allrounder was specially configured for LSR processing.", + "For this reason, the first strategy when trying to resolve a particular abbreviation is to search in a list of abbreviations for the specific domain of the source text. Then, it’s up to the translator to use knowledge of the source text, professional skill, and common sense to pick the correct full form." + ], + "url": [ + "http://usacac.army.mil/cac2/cgsc/carl/wwIIspec/number12.pdf", + "http://boards.straightdope.com/sdmb/archive/index.php/t-461968.html", + "http://usacac.army.mil/cac2/cgsc/carl/wwIIspec/number12.pdf", + "http://acronyms.thefreedictionary.com/LSR", + "http://acronyms.thefreedictionary.com/LSR", + "http://usacac.army.mil/cac2/cgsc/carl/wwIIspec/number12.pdf", + "http://www.personal.kent.edu/~gkoby/GermanAbbreviations/", + "http://www.personal.kent.edu/~gkoby/GermanAbbreviations/", + "http://acronyms.thefreedictionary.com/LSR", + "http://www.personal.kent.edu/~gkoby/GermanAbbreviations/" + ] + }, + "query": "what does the german acronym lsr mean?", + "query_id": 650298, + "query_type": "DESCRIPTION", + "wellFormedAnswers": [] + }, + "truncated_cells": [] + }, + { + "row_idx": 106, + "row": { + "answers": [ + "No Answer Present." + ], + "passages": { + "is_selected": [ + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0 + ], + "passage_text": [ + "Thank You So Much Deannya :) ... The private beach at the Hilton was perfect - clean, quiet and never overcrowded. The Straw Market and downtown shopping area, the John Watling's Distillery and Graycliff Chocolatierare just minutes away (very walkable). And also near by is the famous Fish Fry and Junkanoo Beach.", + "The hotel and staff is amazing .. Not only is the place historic and beautiful but the staff make it 10 times better . Very acomodating and professional .. Food, wine is incredible ..", + "1 Be sure to book by 9/5/16. Only bookings valued at $200 (before taxes and fees) or more will be eligible. The hotel stay and review must be completed by 10/15/2016. The Amazon.com Gift Card will be delivered via email by TripAdvisor after your review is published and TripAdvisor has confirmed your stay.", + "Whether you’re celebrating a milestone anniversary or looking for a way to spice up your relationship, reservations at a romantic hotel in Nassau is a must. Regardless of the stage you’re at in your relationship, a romantic and glamorous retreat is sure to turn up the heat and show your partner just how much you care.", + "The Island House stands out among Nassau resorts, having been designed with both visitors and the local community in mind, and...", + "Most Romantic Hotels in the Bahamas. Gorgeous beaches, plenty of sun, and elegant rooms sans kids undoubtedly make for a romantic getaway, and the Bahamas is sure to have these features and more. We visited the Caribbean island to evaluate how every feature stacks up against the competition, from the rooms to the pools to the restaurants.", + "*Prices above are provided by partners for one room, double occupancy and do not include all taxes and fees. Please see our partners for full details. Any taxes and fees displayed, if applicable, are estimates only. Please see further details from our partners, who set the prices. Before you complete any reservation, we recommend that you verify the total cost including taxes and fees.", + "If that is not convincing enough, the resort is one of the most picturesque in the Bahamas: Its romantic setting comes from its ocean front surroundings, its green foliage, and its cornucopia of color, inspired by the Bahamas’ very own carnival celebration, Junkanoo. 8.1.", + "So if you're planning a trip with your significant other and need a place to start, you've come to the right place. Take a look at the most romantic hotels in the Bahamas, and get inspired! Paradise Island, New Providence Island, Bahamas.", + "Sandals Royal Bahamian All Inclusive Resort - Couples Only. Nice property with amenities meant for couples. Best feature is private island. Reservations for restaurants and water sports sold out on most days we were there. Food was excellent. Bartenders were unfriendly except for those in Piano Bar. Hard to get lounge chairs because patrons throw towels and some belongings into them early in morning but don't come till afternoon." + ], + "url": [ + "https://www.expedia.com/Nassau-Hotels-Romantic-Hotel.0-0-d601784-tRomanticHotel.Travel-Guide-Filter-Hotels", + "https://www.expedia.com/Nassau-Hotels-Romantic-Hotel.0-0-d601784-tRomanticHotel.Travel-Guide-Filter-Hotels", + "https://www.tripadvisor.com/Hotels-g147416-zff3-Nassau_New_Providence_Island_Bahamas-Hotels.html", + "https://www.expedia.com/Nassau-Hotels-Romantic-Hotel.0-0-d601784-tRomanticHotel.Travel-Guide-Filter-Hotels", + "http://www.fivestaralliance.com/luxury-hotels/41/bermuda-the-caribbean/bahamas", + "https://www.oyster.com/bahamas/hotels/roundups/most-romantic-hotels-in-the-bahamas/", + "https://www.tripadvisor.com/Hotels-g147416-zff3-Nassau_New_Providence_Island_Bahamas-Hotels.html", + "http://www.travelandleisure.com/local-experts/bahamas/most-romantic-hotels-bahamas", + "https://www.oyster.com/bahamas/hotels/roundups/most-romantic-hotels-in-the-bahamas/", + "https://www.expedia.com/Nassau-Hotels-Romantic-Hotel.0-0-d601784-tRomanticHotel.Travel-Guide-Filter-Hotels" + ] + }, + "query": "most romantic hotels in bahamas", + "query_id": 459200, + "query_type": "PERSON", + "wellFormedAnswers": [] + }, + "truncated_cells": [] + }, + { + "row_idx": 107, + "row": { + "answers": [ + "The Benefits of a Weak Dollar Despite expressions to the contrary by politicos and economists, the nature of a weak dollar can actually benefit stagnated portions of our economy." + ], + "passages": { + "is_selected": [ + 1, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0 + ], + "passage_text": [ + "The Benefits of a Weak Dollar Despite expressions to the contrary by politicos and economists, the nature of a weak dollar can actually benefit stagnated portions of our economy. For example, a weak U.S. dollar will actually help boost the manufacturing sector. A weak dollar can also help sell U.S. made goods in overseas markets at lower prices. A weak dollar will benefit a few European retailers who import Asian products bought for dollars and sell them in European markets for stronger euro payments.", + "Or still too weak to give up the aggregate demand benefits of a weak dollar? It’s obviously stronger than it has been, but it still isn’t strong. Normally, the answer to the above question is easy if the dollar rises because of greater competitiveness and an improving international trade balance.", + "The Chairman of the Federal Reserve Ben S. Bernanke has embraced a weak dollar policy. And he is not alone. The weak dollar mantra is very much in evidence on most of the boulevards and in the back alleys of Washington, D.C. The idea even has a certain appeal to the common man on the street. After all, a cheap dollar is advertised as an export stimulant and the fuel for an economic boom.", + "The weak dollar is good for manufacturers in the U.S., whether they're the Big Three or German or whatever, because they can export at an advantage, says Michelle Krebs, an analyst for Edmunds.com. That advantage makes the U.S. a good place to manufacture goods, and that's after decades of manufacturing fleeing abroad.", + "From the broad macro perspective, a stronger dollar benefits the domestic population by improving their terms of trade with the outside world. By that, economists mean we get more imports (the benefits of trade) per dollar of exports (the cost of trade). Much bad trade policy is based on the confusion over which is the cost of trade and which is the benefit.", + "But a major reason for the strong dollar recently is the falling Euro, Japanese yen, Australian and Canadian dollars, etc. Weaker foreign currencies are the mirror image of a stronger dollar and shouldn’t pose a problem.", + "Net, net, a stronger dollar is likely a headwind in a weak economy. In a stronger, fully-employed economy, a rising dollar will still act as a headwind in that it reduces total effective demand, but the benefits to consumers in particular and the population generally will likely more than offset that negative.", + "Weak Dollar? That's Good For U.S. Exports The dollar has been falling relative to other currencies, making buying imports more expensive in the U.S. On the other hand, it also means U.S. exports are more competitive around the world. That shift could be good news for U.S. manufacturers, especially the auto industry.", + "Thanks to the Fed’s weak dollar policy, the U.S. faces an inflation problem and so does the rest of the world. The weak dollar and the lack of “flexibility” — properly understood — also threaten the free flow of capital and the stability of the international monetary system.", + "As with most things, a balance between a strong dollar and a weak dollar is the best for our economy and stock investors. Consumers pay reasonable prices for imported goods and our manufacturers can compete in the global marketplace." + ], + "url": [ + "http://www.andygause.com/articles/international-money/the-benefits-of-a-weak-dollar/", + "https://www.forbes.com/sites/bobmcteer/2015/01/24/is-a-strong-dollar-a-good-thing-or-a-bad-thing/", + "https://www.cato.org/publications/commentary/weak-dollar-problem", + "https://www.npr.org/2011/08/14/139611423/weak-dollar-benefits-some-u-s-manufacturers", + "https://www.forbes.com/sites/bobmcteer/2015/01/24/is-a-strong-dollar-a-good-thing-or-a-bad-thing/", + "https://www.forbes.com/sites/bobmcteer/2015/01/24/is-a-strong-dollar-a-good-thing-or-a-bad-thing/", + "https://www.forbes.com/sites/bobmcteer/2015/01/24/is-a-strong-dollar-a-good-thing-or-a-bad-thing/", + "https://www.npr.org/2011/08/14/139611423/weak-dollar-benefits-some-u-s-manufacturers", + "https://www.cato.org/publications/commentary/weak-dollar-problem", + "https://www.thebalance.com/strong-dollar-or-weak-dollar-which-is-best-3141203" + ] + }, + "query": "benefits of a weaker dollar", + "query_id": 50251, + "query_type": "DESCRIPTION", + "wellFormedAnswers": [] + }, + "truncated_cells": [] + }, + { + "row_idx": 108, + "row": { + "answers": [ + "One-third of France’s land is crop growing. Wheat is the major single crop grown at large farms in the Paris Basin and in the north.France is one of the largest wine producers in the world." + ], + "passages": { + "is_selected": [ + 1, + 0, + 1, + 0, + 0, + 0, + 0, + 0, + 0, + 0 + ], + "passage_text": [ + "One-third of France’s land is crop growing. Wheat is the major single crop grown at large farms in the Paris Basin and in the north.In southern France, most of the grapes produced are used in making wine being of high quality that come from several regions.In the Mediterranean region, grapes are used for cheaper wines.heat is the major single crop grown at large farms in the Paris Basin and in the north. In southern France, most of the grapes produced are used in making wine being of high quality that come from several regions.", + "France has been one of the most dominant agricultural centers of Europe for centuries. That gave France an important role in European and, to some extent world, affairs in the pre-industrial age.he major agricultural products that place France among the top producers in the world market are sugar beets, wine, milk, beef and veal, cereals, and oilseeds.", + "France is one of the largest wine producers in the world. French wine traces its history to the 6th century BC, with many of France's regions dating their wine-making history to Roman times.The wines produced range from expensive high-end wines sold internationally to more modest wines usually only seen within France.rance is the source of many grape varieties (Cabernet Sauvignon, Chardonnay, Pinot noir, Sauvignon blanc, Syrah) that are now planted throughout the world, as well as wine-making practices and styles of wine that have been adopted in other producing countries.", + "The country is the largest agricultural producer in Western Europe and one of the world’s leading exporters of farm products. All the farms have electricity, and most have modern farm machinery with an average holding of 28 hectares. Nearly two-thirds of French farm income comes from meat and dairy animals.heat is the major single crop grown at large farms in the Paris Basin and in the north. In southern France, most of the grapes produced are used in making wine being of high quality that come from several regions.", + "Food of France-a regional guide. You are here: French recipes French foods by region. When people talk of French food in restaurants they are usually referring to sophistication, fine food and wine and expensive restaurants.outh-West France: In the south-west of France the emphasis is on rich foods. The main specialities are duck, foie gras, prunes, oysters, mushrooms and truffles. And of course a nice rich red Bordeaux wine to go with it.", + "The most important crop was wheat. Wheat was used to make flour. The farmers ground the wheat grains in the seigneur's flour mill. They would pay the seigneur with part of the … flour for the use of his mill. France may be a small country in Western Europe, but the impact of French cu…. 2 The Weather in France Though France is only the size of Texas, it is situated in an area where weather varies greatly.", + "Confidence votes 902. Various plants such as cereals, wheat, barely, oat, corn are grown in France. Crops such as grapes, corn, barely rapeseed are also cultivated.onfidence votes 902. Various plants such as cereals, wheat, barely, oat, corn are grown in France. Crops such as grapes, corn, barely rapeseed are also cultivated.", + "France's forests have grown 35 percent since 1945 and continue to grow by about 30,000 hectares each year. Close to 4 million people in France have private ownership of wooded areas. The marketed wood harvest was up in 1998 from its level in 1997 by about 1.6 percent.he major agricultural products that place France among the top producers in the world market are sugar beets, wine, milk, beef and veal, cereals, and oilseeds.", + "It takes second place in both the EU and the world in the production of its highly popular wine varieties, with 5.3 million metric tons. Though fifth in the world, France ranks second in the EU in milk production, totaling 23.3 million metric tons.he major agricultural products that place France among the top producers in the world market are sugar beets, wine, milk, beef and veal, cereals, and oilseeds.", + "Ironic really, because the average French person can (and does) eat well in a restaurant less expensively than his counterparts in many other countries. The difference lies rather in the knowledge of local French food, and interest in food, of the average French person compared with most other countries.outh-West France: In the south-west of France the emphasis is on rich foods. The main specialities are duck, foie gras, prunes, oysters, mushrooms and truffles. And of course a nice rich red Bordeaux wine to go with it." + ], + "url": [ + "https://answers.yahoo.com/question/index?qid=20080211090449AAgBpcN", + "http://www.nationsencyclopedia.com/economies/Europe/France-AGRICULTURE.html", + "https://en.wikipedia.org/wiki/French_wine", + "https://answers.yahoo.com/question/index?qid=20080211090449AAgBpcN", + "http://www.francethisway.com/frenchrecipes/foodinfrance.php", + "http://www.answers.com/Q/What_does_France_grow", + "http://www.answers.com/Q/What_crops_do_french_people_grow", + "http://www.nationsencyclopedia.com/economies/Europe/France-AGRICULTURE.html", + "http://www.nationsencyclopedia.com/economies/Europe/France-AGRICULTURE.html", + "http://www.francethisway.com/frenchrecipes/foodinfrance.php" + ] + }, + "query": "what does france grow and produce", + "query_id": 637862, + "query_type": "DESCRIPTION", + "wellFormedAnswers": [] + }, + "truncated_cells": [] + }, + { + "row_idx": 109, + "row": { + "answers": [ + "A Functional Capacities Evaluation is a physical test whose purpose ostensibly is to determine if you a capable of returning to the job you held at the time of your job injury." + ], + "passages": { + "is_selected": [ + 0, + 0, + 0, + 0, + 1, + 0, + 0, + 0, + 0, + 0 + ], + "passage_text": [ + "By William Powell of Powell & Denny, P.C. posted in What is a FCE on Friday, June 28, 2013. Alabama Workers Compensation: What is a FCE: If you have suffered a serious job injury to your neck, back, shoulder or hips, or to multiple body parts, most likely towards the end of your medical treatment you will be told that a FCE has been ordered for you.", + "Alabama Workers Compensation What is a FCE. Alabama Workers Compensation: What is a FCE: If you have suffered a serious job injury to your neck, back, shoulder or hips, or to multiple body parts, most likely towards the end of your medical treatment you will be told that a FCE has been ordered for you.", + "FCE Benefits plans assure continuous compliance with government regulations and the Service Contract Act’s requirement of “equivalent combination of fringe benefits”. FCE Benefits have worked with the SCA, DBA and related legislation and have compiled related information on this website including:", + "Free Choice Enterprises, Ltd. manufactures vitamin, mineral, and energy supplements for the dairy, beef, bison, and feedlot industry. What makes us unique is our firm belief that the animal is able to decide for itself what it needs to thrive. Check out our website to discover more about our company, services, products, and research on the free choice dilemma..", + "A Functional Capacities Evaluation ( FCE ) is a physical test whose purpose ostensibly is to determine if you a capable of returning to the job you held at the time of your job injury ; if you are not able to do so , the evaluation is supposed to determine what type of work ( sedentary , light , medium , heavy or very heavy ) you are capable of ...", + "Fringe Benefits for Government Contractors. FCE Benefit Administrators is the leading provider of outsourced Health & Welfare benefit solutions to employers. FCE Benefits is a Third Party Administrator (TPA), hour tracking and banking, fringe compliance, consolidated premium billing, web enrollment and cloud solutions for fringe benefit plans.", + "Tags : AL , Alabama , Alabama Workers Compensation What is a FCE , Alabama Workers Compensation attorneys , Alabama workers compensation , Birmingham , FCE , Huntsville , Powell and Denny , contact , disagree , experienced , functional capacities evaluation , functional capacity evaluation , heavy , job injury , light , medium , questions , ...", + "Human nature, being what it is, generally seems to cause people to want to simplify. information collection and if there is a perceived “reliable” method or test to use (even if it isn’t), they will. Too often any so called FCE tests/evaluations are assumed to be reliable because of. unquestioned repetitive use. The, “We’ve always done it that way so it must be reliable . . .” is. an assertion/assumption as well as an arbitrary conclusion not based on fact.", + "The appropriate analysis of the validity and reliability of a FCE affects both sides in. disputes/claims. This outline seeks to educate attorneys for either side, commissioners or doctors. to question and determine the reliability of any FCE method, which is not done now.", + "been this author’s experience that far too much reliance is given to the FCE reports, though, actually the FCE procedure is varied in use, heavily reliant on subjective opinions of therapists. (even though often stated self servingly to the contrary, and inconsistent in application." + ], + "url": [ + "http://www.powellanddenny.com/blog/2013/06/alabama-workers-compensation-what-is-a-fce.shtml", + "http://www.powellanddenny.com/blog/2013/06/alabama-workers-compensation-what-is-a-fce.shtml", + "http://www.fcebenefits.com/", + "http://www.freechoiceminerals.com/", + "http://www.powellanddenny.com/blog/2013/06/alabama-workers-compensation-what-is-a-fce.shtml", + "http://www.fcebenefits.com/", + "http://www.powellanddenny.com/blog/2013/06/alabama-workers-compensation-what-is-a-fce.shtml", + "http://injuredworkersadvocates.com/PDFS/9-FCEforSeminar.pdf", + "http://injuredworkersadvocates.com/PDFS/9-FCEforSeminar.pdf", + "http://injuredworkersadvocates.com/PDFS/9-FCEforSeminar.pdf" + ] + }, + "query": "what is a limited fce?", + "query_id": 689075, + "query_type": "DESCRIPTION", + "wellFormedAnswers": [] + }, + "truncated_cells": [] + }, + { + "row_idx": 110, + "row": { + "answers": [ + "Plain grass, shrubs, herbs, twigs, leaves, roots and bark from trees." + ], + "passages": { + "is_selected": [ + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 1 + ], + "passage_text": [ + "Grevy's Zebra. Grevy's zebra (Equus grevyi) consumes a lot of very coarse grasses that other kinds of zebras and equines are not able to digest properly, due to the severe toughness. The bulk of the Grevy's zebra diet consists of these fibrous, tougher-textured grasses, along with forbs.", + "In the process we will clarify what the reason is they have stripes as well as 1 : what type of social structures they have, 2 why they can afford to be unselective grazers (i.e. not too fussy about what they eat), 3 what enemies they have in nature and what defense mechanisms they use for protection,", + "Other Forms of Sustenance. Although grass certainly makes up the bulk of a zebra's menu, they do occasionally eat other things. Other types of zebra foods include fruit, buds, roots, herbs, shoots and shrubs.", + "The zebra’s main predator or natural enemy is the lion. But other creatures attack, kill and eat zebras as well. Huge crocodiles often catch zebras when they are swimming across African rivers. Other four-legged natural enemies of the zebra, the wildebeest, and other African herbivores include leopards, hyenas and wild dogs. As for what a zebra eats, zebras are grazers. Click here to find out what that means.", + "Zebras are all about grazing. Karl Weatherly/Photodisc/Getty Images. The zebra is an African equine that is known the world over for its memorable black-and white-striped pattern. These hoofed creatures reside in savanna, plains and grassland areas all over Africa.", + "Animal Life, General Knowledge. Zebras are mammals that belong to the horse family. They are black creatures with white strips. Each zebra has a unique stripe pattern. Despite being closely related to the horse, attempts to make zebras ride-able have proved fruitless courtesy of their unpredictable nature.", + "Zebras in Zoos. On another hand, some zebras are under human control in places such as the zoo. These zebras apparently eat better than their wild counterparts, which is completely understandable. Zebras in zoos eat pallets specially made for herbivores, which supply them with more nutrients than hay.", + "Grass is the basic diet of mountain and plain zebras. It forms about 92% of their overall diets. They eat red grass, Bermuda grass that they find along the riverbeds and short grasses like common finger. Zebras also eat herbs and shrubs which constitute about 5% and 2% of their diet plan respectively.", + "The Burchell's zebra prefer open woodland, scrub and grassland. They will avoid dense vegetation. They are very dependent on water and you will seldom see them more than 12 km from it. The Cape mountain specie prefers the mountainous areas of the Eastern and Western Cape in Southern Africa.", + "The Feeding Habit. The feeding habit of zebras is a bit complex. Zebras are basically herbivores. They eat plain grass, shrubs, herbs, twigs, leaves, roots and bark from trees." + ], + "url": [ + "http://animals.mom.me/kind-grass-zebras-eat-2302.html", + "http://www.africa-wildlife-detective.com/zebras.html", + "http://animals.mom.me/kind-grass-zebras-eat-2302.html", + "http://www.whateats.com/what-eats-a-zebra", + "http://animals.mom.me/kind-grass-zebras-eat-2302.html", + "http://www.flokka.com/strange-facts-zebras-eat/", + "http://www.flokka.com/strange-facts-zebras-eat/", + "http://www.flokka.com/strange-facts-zebras-eat/", + "http://www.africa-wildlife-detective.com/zebras.html", + "http://www.flokka.com/strange-facts-zebras-eat/" + ] + }, + "query": "what do zebras eat food", + "query_id": 627219, + "query_type": "ENTITY", + "wellFormedAnswers": [] + }, + "truncated_cells": [] + }, + { + "row_idx": 111, + "row": { + "answers": [ + "No Answer Present." + ], + "passages": { + "is_selected": [ + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0 + ], + "passage_text": [ + "In this section you can learn more about the known causes of cancer, including genetic factors; lifestyle factors such as tobacco use, diet, and physical activity; certain types of infections; and environmental exposures to different types of chemicals and radiation.", + "Cancer is caused by changes (mutations) to the DNA within cells. The DNA inside a cell is packaged into a large number of individual genes, each of which contains a set of instructions telling the cell what functions to perform, as well as how to grow and divide.", + "Cancer is the general name for a group of more than 100 diseases. Although there are many kinds of cancer, all cancers start because abnormal cells grow out of control. Untreated cancers can cause serious illness and death.", + "Cancer is a broad term for a class of diseases characterized by abnormal cells that grow and invade healthy cells in the body. Breast cancer starts in the cells of the breast as a group of cancer cells that can then invade surrounding tissues or spread (metastasize) to other areas of the body.", + "Cancer begins in the cells which are the basic building blocks that make up tissue. Tissue is found in the breast and other parts of the body. Sometimes, the process of cell growth goes wrong and new cells form when the body doesn’t need them and old or damaged cells do not die as they should.", + "Cancer is a class of diseases characterized by out-of-control cell growth. There are over 100 different types of cancer, and each is classified by the type of cell that is initially affected.", + "Some types of cancer run in certain families, but most cancers are not clearly linked to the genes we inherit from our parents. In this section you can learn more about the complex links between genes and cancer, as well as genetic testing and how it is used.", + "Cancer, also called malignancy, is an abnormal growth of cells. There are more than 100 types of cancer, including breast cancer, skin cancer, lung cancer, colon cancer, prostate cancer, and lymphoma. Symptoms vary depending on the type.", + "Breast cancer is a kind of cancer that develops from breast cells. Breast cancer usually starts off in the inner lining of milk ducts or the lobules that supply them with milk. A malignant tumor can spread to other parts of the body.", + "While it is virtually impossible to tell what caused a specific person to develop pancreatic cancer, there are some important principles of cancer biology that can help us understand why pancreatic cancer develops, and large population-based studies help us understand the many risk factors for this disease." + ], + "url": [ + "http://www.cancer.org/cancer/cancercauses/index", + "http://www.mayoclinic.org/diseases-conditions/cancer/basics/causes/con-20032378", + "http://www.cancer.org/cancer/cancerbasics/what-is-cancer", + "http://www.nationalbreastcancer.org/what-is-cancer", + "http://www.nationalbreastcancer.org/what-is-cancer", + "http://www.medicalnewstoday.com/info/cancer-oncology", + "http://www.cancer.org/cancer/cancercauses/index", + "http://www.webmd.com/cancer/default.htm", + "http://www.medicalnewstoday.com/articles/37136.php", + "http://pathology.jhu.edu/pc/BasicCauses.php?area=ba" + ] + }, + "query": "what is causes cancer", + "query_id": 728434, + "query_type": "DESCRIPTION", + "wellFormedAnswers": [] + }, + "truncated_cells": [] + }, + { + "row_idx": 112, + "row": { + "answers": [ + "Within five to 20 days." + ], + "passages": { + "is_selected": [ + 0, + 0, + 0, + 0, + 1, + 0, + 0, + 0, + 0, + 0 + ], + "passage_text": [ + "Best Answer: Your scores will be available on June 24th-only 17 more days to go! Here is the link to where you can access your scores when they are available-http://sat.collegeboard.com/scores. Good luck! Source(s): I work for PowerScore SAT Prep http://www.powerscore.com/sat. want to take advantage of the four free score reports that get sent to 4 colleges but I want to see my score first before I send them to my top 4 picks. Any help would be greatly appreciated! Source(s): long sat scores back: https://tr.im/qgo88. America · 2 months ago.", + "From the college board site, http://www.college-admissions-secrets.co... How long does it take to get my scores back? How do I get them? Generally, SAT results are available online about three weeks after you take the test.The official results are mailed to you, your high school, and any other recipients you specified (like colleges) about five weeks after you take the test.My son took the SAT this morning as well and I was online looking for the same answer. Good luck to you! Source(s): http://www.college-admissions-secrets.co...he official results are mailed to you, your high school, and any other recipients you specified (like colleges) about five weeks after you take the test. My son took the SAT this morning as well and I was online looking for the same answer. Good luck to you! Source(s): http://www.college-admissions-secrets.co...", + "RE: How long will it take to get my SAT scores back? I took the SAT today (June 5th) and I want to know when I would expect to get them back?I want to take advantage of the four free score reports that get sent to 4 colleges but I want to see my score first before I send them to my top 4 picks.Any help would be greatly appreciated! Source(s): long sat scores back: https://tr.im/qgo88. America · 2 months ago. want to take advantage of the four free score reports that get sent to 4 colleges but I want to see my score first before I send them to my top 4 picks. Any help would be greatly appreciated! Source(s): long sat scores back: https://tr.im/qgo88. America · 2 months ago.", + "This Site Might Help You. RE: How long does it take to get your SAT scores back online? i just took the SAT this morning, approximately how many days/weeks will it take to get my scores back? thanks.he official results are mailed to you, your high school, and any other recipients you specified (like colleges) about five weeks after you take the test. My son took the SAT this morning as well and I was online looking for the same answer. Good luck to you! Source(s): http://www.college-admissions-secrets.co...", + "A: Your scores will be available to you within five to 20 days. In most cases, the scores will be available within five to seven days, but we may need up to 20 days to fully process your request, as we would if you accepted your scores on test day.: You will get an unofficial score report with Verbal, Quantitative, Integrated Reasoning and Total scores immediately after your exam. You will receive an email with a URL to access your score report within 20 days of your exam.", + "The SAT Reasoning Test is a test students usually take for college admissions. The test has three sections: Critical Reading, Writing, and Math, and is about three hours and 45 minutes long. Most people agree that the SAT is the single most important test students can take in high school.f the colleges you are planning to apply to only require you to send your highest test scores, you can now take the SAT and SAT Subject Tests as many times as you want. Colleges will only see the scores you want to send them!", + "The duration of the SSAT depends on which level of the test you are taking. If you are taking the Elementary Level test, the test will take 110 minutes, or about two hours: 1 Quantitative (Math) section: 30 questions, 30 minutes. 2 Verbal section: 30 questions, 20 minutes.f you are taking the Middle or Upper Level tests, the test will take 170 minutes, or about three hours: 1 Writing sample: 2 prompts will be provided. 2 You will have 25 minutes to select one prompt, and write a passage. 3 5 minute break. 4 First Quantitative (math) section: 25 questions, 30 minutes.", + "1 Verbal section: 30 questions, 20 minutes. 2 15 minute break: During this time you may have a snack, or leave the classroom to stretch your legs or take a bathroom break. 3 Reading section: 7 short passages, 28 questions, 30 minutes.4 Writing sample: 1 picture prompt will be provided.f you are taking the Middle or Upper Level tests, the test will take 170 minutes, or about three hours: 1 Writing sample: 2 prompts will be provided. 2 You will have 25 minutes to select one prompt, and write a passage. 3 5 minute break. 4 First Quantitative (math) section: 25 questions, 30 minutes.", + "1 Quantitative (Math) section: 30 questions, 30 minutes. 2 Verbal section: 30 questions, 20 minutes. 3 15 minute break: During this time you may have a snack, or leave the classroom to stretch your legs or take a bathroom break. 4 Reading section: 7 short passages, 28 questions, 30 minutes.f you are taking the Middle or Upper Level tests, the test will take 170 minutes, or about three hours: 1 Writing sample: 2 prompts will be provided. 2 You will have 25 minutes to select one prompt, and write a passage. 3 5 minute break. 4 First Quantitative (math) section: 25 questions, 30 minutes.", + "A good score for the PSAT Exam is one that enables you to become a National Merit Scholar. The cutoff score varies from year to year and from state to state. To become a National Merit Semifinalist (NMSF), you must score in the top 0.5% in your state on the PSAT.As a general rule, if you score a 217 or better on the PSAT, you should be a strong contender for becoming a National Merit Semifinalist.he test is given in October every year. Students usually take the PSAT in both the 10th and 11th grades. Only your junior year scores will count towards the National Merit Scholarship Program." + ], + "url": [ + "https://answers.yahoo.com/question/index?qid=20100605234540AAz3fz1", + "https://answers.yahoo.com/question/index?qid=20100123120639AAsrKlv", + "https://answers.yahoo.com/question/index?qid=20100605234540AAz3fz1", + "https://answers.yahoo.com/question/index?qid=20100123120639AAsrKlv", + "http://www.mba.com/global/frequently-asked-questions/gmat-scores-and-score-reports.aspx", + "http://www.testmasters.com/sat/faq", + "http://ssatprep.com/ssat-faq/", + "http://ssatprep.com/ssat-faq/", + "http://ssatprep.com/ssat-faq/", + "http://www.testmasters.com/psat/faq" + ] + }, + "query": "how long does it take to get SAT scores back?", + "query_id": 256481, + "query_type": "NUMERIC", + "wellFormedAnswers": [ + "It takes 5 to 20 days to get the Scholastic Aptitude Test scores back." + ] + }, + "truncated_cells": [] + }, + { + "row_idx": 113, + "row": { + "answers": [ + "Amyotrophic laterals sclerosis, is a progressive neurodegenerative disease that affects nerve cells in the brain and the spinal cord." + ], + "passages": { + "is_selected": [ + 1, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0 + ], + "passage_text": [ + "ALS, or amyotrophic laterals sclerosis, is a progressive neurodegenerative disease that affects nerve cells in the brain and the spinal cord. A-myo-trophic comes from the Greek language. A means no. Myo refers to muscle, and Trophic means nourishment – No muscle nourishment. When a muscle has no nourishment, it atrophies or wastes away.", + "et al. n. abbreviation for the Latin phrase et alii meaning and others.. This is commonly used in shortening the name of a case, as in Pat Murgatroyd v. Sally Sherman, et al.. et al. adverb and all, and everyone, and more of the same, and other parties, and other things, and others, and the rest.", + "Motor neurons reach from the brain to the spinal cord and from the spinal cord to the muscles throughout the body. The progressive degeneration of the motor neurons in ALS eventually leads to their demise. When the motor neurons die, the ability of the brain to initiate and control muscle movement is lost.", + "For the broader group of diseases, see Motor neuron disease. Amyotrophic lateral sclerosis (ALS), also known as Lou Gehrig's disease and motor neurone disease (MND), is a specific disease that causes the death of neurons which control voluntary muscles. Some also use the term motor neuron disease for a group of conditions of which ALS is the most common.", + "Amyotrophic lateral sclerosis. Also known as lou gehrigs disease. It is a disease that causes progressive damage to nerves in the brain and spinal cord leading to weakness, breathing and swallowing problems. Amyotrophic lateral sclerosis. Also known as lou gehrigs disease.", + "ALS is the most common type of motor neuron disease (MND); in the US, most people use the term ALS to mean MND. ALS is sometimes also referred to as Lou Gehrig's disease, after the famous baseball player who had the condition.", + "ALS belongs to a group of diseases called motor neuron diseases. It is a disease that attacks the nerve cells that are used in voluntary muscle actions; actions that we can control such as those in the arms, face and legs.4. As ALS progresses, motor neuron cells in the body degenerate and die.", + "Quick Answer. The abbreviation et al. is short for the Latin phrase et alia, meaning and others.. When it appears on a property deed, it indicates that a list of items or persons named on the deed includes others as well. Continue Reading.", + "Court Opinion. n. abbreviation for the Latin phrase et alii meaning and others.. This is commonly used in shortening the name of a case, as in Pat Murgatroyd v. Sally Sherman, et al.. adverb and all, and everyone, and more of the same, and other parties, and other things, and others, and the rest.", + "Kamel and colleagues found that the variant allele (ALAD 2) of the polymorphism denoted as ALAD K59N was positively associated with an approximate twofold increase in risk of ALS after adjustment for age, sex, region, education, and physical activity." + ], + "url": [ + "http://www.alsa.org/about-als/what-is-als.html", + "http://legal-dictionary.thefreedictionary.com/et+al.", + "http://www.alsa.org/about-als/what-is-als.html", + "https://en.wikipedia.org/wiki/Amyotrophic_lateral_sclerosis", + "https://www.healthtap.com/user_questions/9945-what-do-the-letters-als-stand-for", + "http://www.medicalnewstoday.com/articles/281472.php", + "http://www.medicalnewstoday.com/articles/281472.php", + "https://www.reference.com/business-finance/et-al-mean-property-deed-6e2a949c063fe4e", + "http://legal-dictionary.thefreedictionary.com/et+al.", + "http://acronyms.thefreedictionary.com/Als" + ] + }, + "query": "what is als stand for and mean", + "query_id": 709821, + "query_type": "DESCRIPTION", + "wellFormedAnswers": [ + "Amyotrophic laterals sclerosis, is a progressive neurodegenerative disease that affects nerve cells in the brain and the spinal cord." + ] + }, + "truncated_cells": [] + }, + { + "row_idx": 114, + "row": { + "answers": [ + "The tri-shield buick insignia with distinctive, diagonally arranged red, white and blue shields." + ], + "passages": { + "is_selected": [ + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 1 + ], + "passage_text": [ + "Since the inception of the Buick brand, the Buick logo has undergone quite the transformation, going from a simple text-based insignia to a single shield derived from the Buick family’s ancestral arms, and from the first iteration of the Tri-Shield to an eagle named Happy, and then back to the modern Tri-Shield we have today.", + "23 Comments. 1 Red white and blue all the way. 2 Bring back the Hawk! 6. 3 Monochrome, but must admit that the overall effect (dollar grin inspired grill, positioning of tri shield) looks premium. 4 My 1995 Buick Regal has he tri-color shield on the grille. 5 The Red-White-Blue in the tri-shield logo is part of Buick history..", + "All Buick models will adopt the new insignia by 2018. “The new tri-shield insignia represents the next chapter in Buick’s storied design history and introduces a new face for the brand,” said Duncan Aldred, vice president of Global Buick. “It’s a progressive, contemporary design reflective of Buick’s newest vehicles and cognitive of the brand’s heritage.”.", + "Buick three shields logo - Vintage lapel / hat pin badge. g011005 Email to friends Share on Facebook - opens in a new window or tab Share on Twitter - opens in a new window or tab Share on Pinterest - opens in a new window or tab", + "2017 Buick LaCrosse front fascia with color Tri-Shield. Today, there are two different versions of the Buick Tri-Shield logo — the variant with chrome shields used on Buick vehicles in North America, and the version that fills in the three shields in red, white, and blue on Buick in China. But that’s about to change.", + "There is elegant simplicity in the Avista's surfaces, which speak to the purity of the car's performance, and a timeless beauty that's a hallmark of Buick design, says Bryan Nesbitt, executive director of global Buick design —and the man charged with injecting the brand with new vigor.", + "As previously announced by Buick and seen in recent teaser videos, not only will the all-new, 2017 Buick LaCrosse unveil Buick’s new corporate face, but it will also replace the monochrome Tri-Shield with one that has the three shields in red, white, and blue, thereby synchronizing the logo across Buick’s two global markets of North America and China.", + "LOS ANGELES – Buick’s tri-shield insignia, one of the most recognizable in the global auto industry, is receiving a makeover that advances the brand’s identity while retaining Buick’s instantly identifiable symbol.", + "23 Comments. 1 Red white and blue all the way. 51. 2 Bring back the Hawk! 6. 11. 3 Monochrome, but must admit that the overall effect (dollar grin inspired grill, positioning of tri shield) looks premium. I just happen to like the understated post modern monochrome and how it signaled change at Buick.", + "The tri-shield insignia with distinctive, diagonally arranged red, white and blue shields, was widely introduced in 1960 and was featured front-and-center in the grilles of the LeSabre, Electra and Invicta models. The three-model lineup inspired the three shields in the new design. Each carried over the stag head and gold cross cues from the previous single-shield design. As with the original shield design, the tri-shield design evolved. By the early 1970s, a ring motif surrounded the shields and the white color of one of the shields changed to silver. By the late 1970s, the tri-shield was used primarily on hood ornaments on some models, while the symbol of a hawk on the Buick name was used as the official logo, particularly in print and television advertising." + ], + "url": [ + "http://gmauthority.com/blog/2015/11/poll-do-you-prefer-buicks-tri-shield-logo-in-monochrome-or-color/", + "http://gmauthority.com/blog/2015/11/poll-do-you-prefer-buicks-tri-shield-logo-in-monochrome-or-color/", + "http://www.gm.com/mol/m-2015-nov-laas-buick-1118-logo.html", + "https://www.ebay.com.au/itm/Buick-three-shields-logo-Vintage-lapel-hat-pin-badge-G011005-/262964606301", + "http://gmauthority.com/blog/2015/11/poll-do-you-prefer-buicks-tri-shield-logo-in-monochrome-or-color/", + "https://www.askmen.com/news/cars/buick-debuts-the-avista-sport-coupe.html", + "http://gmauthority.com/blog/2015/11/poll-do-you-prefer-buicks-tri-shield-logo-in-monochrome-or-color/", + "http://www.gm.com/mol/m-2015-nov-laas-buick-1118-logo.html", + "http://gmauthority.com/blog/2015/11/poll-do-you-prefer-buicks-tri-shield-logo-in-monochrome-or-color/", + "http://www.gm.com/mol/m-2015-nov-laas-buick-1118-logo.html" + ] + }, + "query": "what are the three shields on the buick insig", + "query_id": 574803, + "query_type": "ENTITY", + "wellFormedAnswers": [] + }, + "truncated_cells": [] + }, + { + "row_idx": 115, + "row": { + "answers": [ + "Deport is defined as to expel from a county." + ], + "passages": { + "is_selected": [ + 0, + 1, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0 + ], + "passage_text": [ + "There remains a real problem with foreign nationals who cannot be deported to their country of origin. Times, Sunday Times (2010)If the powers that be can identify an individual as an illegal immigrant just deport them. The Sun (2013)She had been arrested and deported after the government accused her of being a spy.", + "Define deport. deport synonyms, deport pronunciation, deport translation, English dictionary definition of deport. tr.v. de·port·ed , de·port·ing , de·ports 1. To expel from a country: deported the foreigner who had entered the country illegally. 2. To behave or conduct...", + "What made you want to look up deport? Include any comments and questions you have about this word.", + "TRENDING NOW. 1 bayou Lookups for 'bayou' increased by more than 10,000%. 2 pipe dream An illusory or fantastic plan, hope, or story. 3 exegesis Explanation, esp. an explanation or critical interpretation of a text. 4 acrostic The initial letters form a word. 5 Svengali 'A person who manipulates'.", + "Deportation is the expulsion of a person or group of people from a place or country. The term expulsion is often used as a synonym for deportation, through expulsion is more often used in the context of international law, while deportation is more used in national (municipal) law.[1]", + "the lawful expulsion of an undesired alien or other person from a state. 2. an act or instance of deporting.", + "verb. 1 1with object Expel (a foreigner) from a country, typically on the grounds of illegal status or for having committed a crime. 2 2deport oneselfarchaic Conduct oneself in a specified manner.", + "Use deportation in a sentence. 1 a deporting or being deported; expulsion, as of an undesirable alien, from a country. 2 The act of expelling an illegal alien, or someone whose immigration status has expired or been revoked, to a foreign country.", + "The most noteworthy incident in the first decade of the 19th century was the forcible deportation by the officers of the New South Wales Corps, a regiment raised in England for service in the colony, of the governor, Captain Bligh, R.N., the naval officer identified with the mutiny of the Bounty.", + "Pronunciation. ( 1 General American) IPA: /dɪˈpɔɹt/. ( 2 Received Pronunciation) IPA: /dɪˈpɔːt/. ( 3 rhotic, without the horse–hoarse merger) IPA: /dɪˈpoɹt/. ( 4 non-rhotic, without the horse–hoarse merger) IPA: /dɪˈpoət/." + ], + "url": [ + "https://www.collinsdictionary.com/dictionary/english/deport", + "https://www.thefreedictionary.com/deport", + "http://www.learnersdictionary.com/definition/deportation", + "https://www.merriam-webster.com/dictionary/deportation", + "https://en.wikipedia.org/wiki/Deportation", + "http://www.dictionary.com/browse/deportation", + "https://en.oxforddictionaries.com/definition/deport", + "http://www.yourdictionary.com/deportation", + "http://www.yourdictionary.com/deportation", + "https://en.wiktionary.org/wiki/deport" + ] + }, + "query": "deport define", + "query_id": 1184772, + "query_type": "DESCRIPTION", + "wellFormedAnswers": [] + }, + "truncated_cells": [] + }, + { + "row_idx": 116, + "row": { + "answers": [ + "No, earth's magnetic field change all the time." + ], + "passages": { + "is_selected": [ + 0, + 0, + 0, + 0, + 0, + 0, + 1, + 0, + 0, + 0 + ], + "passage_text": [ + "The trick is to assume the value of the Earth's magnetic field and the direction of the compass. Let's assume that at this location on the Earth, the magnetic field is pointing directly North with a horizontal component of about 2 x 10-5 T. Now suppose that I do something to create a magnetic field in a known direction and perpendicular to the horizontal component of the Earth's magnetic field.", + "The field has always been losing energy despite its variations, so it cannot be more than 10,000 years old. We now have simple explanations for the field's origin, history, and present state. In this light, the earth's magnetic field is no longer a mystery; it is a testimony of God's handiwork.", + "Earth's present-day magnetic field is, in fact, much stronger than normal. The dipole moment, a measure of the intensity of the magnetic field, is now 8 x 1022 amps x m2. That's twice the million-year average of 4 x 1022 amps x m2.", + "of the Earth’s magnetic field at the specific location in which the experiment took place. An Earth inductor is used to perform the various components of the experiment.", + "The Earth's magnetic field is thought to be produced by convection currents in the outer liquid of Earth's core. The Dynamo theory proposes that these movements produce electric currents that, in turn, produce the magnetic field.", + "Earth's magnetic field. Earth's magnetic field, also known as the geomagnetic field, is the magnetic field that extends from the Earth's interior out into space, where it meets the solar wind, a stream of charged particles emanating from the Sun. Its magnitude at the Earth's surface ranges from 25 to 65 microteslas (0.25 to 0.65 gauss).", + "Best Answer: No, it changes all the time. The magnetic poles, the points at which the earth's magnetic field is perpendicular to the surface, are always on the move ...", + "Magnetic fields. 1 Magnetic fields arise from current flows. 2 Their strength is measured in amperes per meter (A/m). Commonly, EMF investigators use a related measure, flux density (in microtesla (µT) or millitesla (mT) instead. 3 Magnetic fields exist as soon as a device is switched on and current flows.", + "‘As further evidence, I used the authoritative International Geomagnetic Reference Field data—more than 2500 numbers representing the earth’s magnetic field over the whole twentieth century. The bottom line is this:", + "Electric fields are produced by the local build-up of electric charges in the atmosphere associated with thunderstorms. The earth's magnetic field causes a compass needle to orient in a North-South direction and is used by birds and fish for navigation." + ], + "url": [ + "https://www.wired.com/2014/01/measure-magnetic-field/", + "http://www.icr.org/article/mystery-earths-magnetic-field/", + "https://www.nasa.gov/vision/earth/lookingatearth/29dec_magneticfield.html", + "https://outerspacetime.files.wordpress.com/2014/02/earthsmagfield_webster_v2.pdf", + "https://en.wikipedia.org/wiki/Magnetic_field", + "https://en.wikipedia.org/wiki/Earth%27s_magnetic_field", + "https://answers.yahoo.com/question/index?qid=20080630111541AAebXoN", + "http://www.who.int/peh-emf/about/WhatisEMF/en/", + "https://creation.com/the-earths-magnetic-field-evidence-that-the-earth-is-young", + "http://www.who.int/peh-emf/about/WhatisEMF/en/" + ] + }, + "query": "is the earth's magnetic field constant?", + "query_id": 1174751, + "query_type": "DESCRIPTION", + "wellFormedAnswers": [] + }, + "truncated_cells": [] + }, + { + "row_idx": 117, + "row": { + "answers": [ + "No Answer Present." + ], + "passages": { + "is_selected": [ + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0 + ], + "passage_text": [ + "I personally do not do Thermage. Fraxel lasts years especially if you incorporate a good skin care program after the treatments. 7 years ago by Forever Young MedSpa. After you have completed a series of Fraxel treatments it is always recommended to do a follow up every 4-6 months to maintain your results.", + "February 10, 2008. I hear about bad swelling & pain stories following Fraxel treatments - how do I prevent my face from swelling? I don't drink alcohol or smoke & I walk 4 miles every day & eat lots of fruits & vegetables.... Please advice me, I am beginning to be afraid. Thank you.", + "Fraxel is nothing like the laser treatment that tore up my arms, nor even like the laser facial-resurfacing treatments of yesteryear, which required three to four weeks of downtime hiding from your friends. Fraxel works by causing controlled micro-injury to the skin, and the magic happens during the repair process.", + "Step 1. Avoid using skin products such as Retin-A, Avage and retinols for at least a week before Fraxel treatment, according to the University of Missouri. You should also avoid chemical skin peels. This will ensure your skin is in the optimum state to make a speedy recovery after a Fraxel treatment.", + "Apply ice packs to the reddened area immediately after a Fraxel session to reduce swelling and redness. Fraxel practitioners recommend applying an ice pack for five to 10 minutes every two to three hours until the swelling subsides. Apply sunscreen twice a day after your Fraxel treatment.", + "Dr. Lupo has answered your question beautifully, I agree with her 100%. Smoking, drinking alcohol, and sun exposure all contribute to lessen the results of Fraxel re:pair laser treatments. I have seen both immediate as well as continued later improvement in acne scar patients following Fraxel repair. Everyone's skin and healing capability are different.", + "Since I recovered so quickly with relatively few issues, Dr. Weiser decided to “up the power” and also increase me to the full eight passes. For treatment two, she used the Fraxel Dual, rather than the Re:store, which can target pigmentation a bit better. For the third treatment, she went back to the Re:store. With the increased power, I had to stop her more times than during my first treatment because it hurt so much my eyes were tearing.", + "Dry Skin. Another one of the fraxel laser side effects is dry skin, so it is very important that you ask for product as an after-care treatment. Sometimes your dermatologist will offer products designed specifically to speed the recovery of laser treatment. There are also various moisturizers you can use as well.", + "If you smoke, drink alcohol, and do not use sun protection, the results will diminish quicker. It is very important that you continue to use a good sunscreen, as well as a Vitamin C serum, we like SkinCeutical's C&E Ferulic. We do recommend a touch up treatment every six months.", + "The nice thing about Thermage and Fraxel treatments is that they can be repeated when it becomes necessary again. I always tell my patients that if they are not going to take care of their skin why invest in cosmetic procedures. 7 years ago by LazaDerm Skincare Centre - Sioux Falls (View Profile)" + ], + "url": [ + "http://www.dermanetwork.org/question/once-you-complete-four-to-six-treatments-of-fraxel-how-long-does-it-last-it-determined-by-skin-care-and-sunscreen-3515#!", + "https://westsidemedicalspa.com/fraxel-and-swelling/", + "http://www.refinery29.com/fraxel-laser-treatment-review", + "http://www.ehow.com/how_7554499_speed-recovery-time-fraxel.html", + "http://www.ehow.com/how_7554499_speed-recovery-time-fraxel.html", + "https://www.realself.com/question/fraxel-repair-results-after-two-months#!", + "http://www.refinery29.com/fraxel-laser-treatment-review", + "http://www.facefitnesscenter.com/2158/how-to-avoid-fraxel-laser-side-effects/", + "http://www.dermanetwork.org/question/once-you-complete-four-to-six-treatments-of-fraxel-how-long-does-it-last-it-determined-by-skin-care-and-sunscreen-3515#!", + "http://www.dermanetwork.org/question/once-you-complete-four-to-six-treatments-of-fraxel-how-long-does-it-last-it-determined-by-skin-care-and-sunscreen-3515#!" + ] + }, + "query": "can i drink alcohol after fraxel treatment", + "query_id": 68816, + "query_type": "DESCRIPTION", + "wellFormedAnswers": [] + }, + "truncated_cells": [] + }, + { + "row_idx": 118, + "row": { + "answers": [ + "TEE-gwan" + ], + "passages": { + "is_selected": [ + 0, + 0, + 1, + 0, + 0, + 0, + 0, + 0, + 0, + 0 + ], + "passage_text": [ + "The 2017 Volkswagen Tiguan ranks 11 out of 18 Compact SUVs. The 2017 Volkswagen Tiguan suffers from a lack of advanced driver assistance features, an outdated design, and some disappointing crash test scores. Additionally, it has one of the highest starting prices in its class.", + "Just how do you pronounce a fake word? It seems that after more than 100 years of building automobiles, the industry gets ever-more clever (or desperate) to find names for the proliferation of new models.", + "The name Tiguan, pronounced TEE-gwan, is a portmanteau of the German words Tiger (tiger) and Leguan (iguana) and won a naming contest by German car magazine publisher Auto Bild — from a field of names that also included Namib, Rockton, Liger, Samun and Nanuk.", + "How to say or pronounce Tiguan - PronounceNames.com Header. Pinky Thakkar (silent h), an engineer from Mumbai, started the Web site www.pronouncenames.com after she moved to San Jose, Calif., and mispronounced the J in San Jose, not giving it the H sound used in Spanish words ... Read More.", + "Volkswagen's latest ride, the Tiguan, is easier to drive than pronounce. The roomy Volkswagen Tiguan, which has a base price of $23,200, handled nicely on city streets. A car's name, in the end, doesn't matter as much as design and build quality, price, mileage, safety and performance. But Tiguan? What happened to names normal people can pronounce and remember, like Bug, Beetle or Rabbit, Volkswagen?", + "Pronounce Names. Pinky Thakkar (silent h), an engineer from Mumbai, started the Web site www.pronouncenames.com after she moved to San Jose, Calif., and mispronounced the J in San Jose, not giving it the H sound used in Spanish words ...", + "The Tiguan is made by Volkswagen, a German company headquartered in Germany. Volkswagen’s other holdings include Audi, Porsche, Lamborghini, Bentley, and Bugatti, as well as several car companies that do not sell vehicles in the United States. The 2017 Tiguan is built in Germany.", + "Volkswagen Tiguan. The Volkswagen Tiguan is a compact crossover vehicle (CUV) manufactured by German automaker Volkswagen. Introduced in 2007, it uses the PQ35 platform of the Volkswagen Golf. All first-generation (5N) Tiguans feature two-row seating and transverse-mounted four-cylinder engines.", + "Touareg required educating buyers and potential buyers on how to say it, but at least Touareg is an actual word. More than 350,000 readers weighed in on the name choice, and VW reports that Tiguan received a clear majority of the votes. The names that lost were Nanuk, Namib, Rockton, and Samun.", + "In the pronunciation box you'll see a play button to listen to the audioclip recorded by real people (not speech synthesis! they're Forvo users, male or female, from anywhere in the globe), the language of that word and the country of the user. Have fun! Hide." + ], + "url": [ + "https://cars.usnews.com/cars-trucks/volkswagen/tiguan", + "http://vehiclevoice.com/tag/how-do-you-pronounce-tiguan/", + "https://en.wikipedia.org/wiki/Volkswagen_Tiguan", + "http://www.pronouncenames.com/pronounce/tiguan", + "http://www.nydailynews.com/autos/vw-tiguan-easier-drive-pronounce-article-1.312500", + "http://www.pronouncenames.com/pronounce/tiguan", + "https://cars.usnews.com/cars-trucks/volkswagen/tiguan", + "https://en.wikipedia.org/wiki/Volkswagen_Tiguan", + "http://vehiclevoice.com/tag/how-do-you-pronounce-tiguan/", + "http://heracleums.org/tools/pronunciation/de/of/tiguan/" + ] + }, + "query": "how pronounce tiguan", + "query_id": 338146, + "query_type": "DESCRIPTION", + "wellFormedAnswers": [] + }, + "truncated_cells": [] + }, + { + "row_idx": 119, + "row": { + "answers": [ + "Weather in Austin in March 2018. Expect 22°C daytime maximum temperatures in the shade with on average 7 hours of sunshine per day in Austin in March." + ], + "passages": { + "is_selected": [ + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 1, + 0 + ], + "passage_text": [ + "Average temperatures for March at places in Texas, including a list of monthly high and low temperatures for cities, towns, parks and lakes.", + "Weather Infographics; Weather Posters; Photos & Video. WunderPhotos; Webcams; Videos; WUTV; Activities. Ski & Snow Reports; Marine Weather; Aviation; Buy a Weather Station; Add Weather Station; Weather Station Network; Historical Weather; Mobile Apps; Daily Forecast Flyer; Weather API for Developers; Site Map", + "Europe Severe Weather Map; Hurricane & Tropical Cyclones; Convective Outlook; Preparedness; Email Alerts; News & Blogs. Category 6; Blog Archive; Recent News Stories; Weather Infographics; Weather Posters; Photos & Video. WunderPhotos; Webcams; Videos; WUTV; Activities. Ski & Snow Reports; Marine Weather; Aviation; Buy a Weather Station; Add Weather Station; Weather Station Network", + "Severe Weather. U.S. Severe Weather Map; Europe Severe Weather Map; Hurricane & Tropical Cyclones; Convective Outlook; Preparedness; Email Alerts; News & Blogs. Category 6; Blog Archive; Recent News Stories; Weather Infographics; Weather Posters; Photos & Video. WunderPhotos; Webcams; Videos; WUTV; Activities. Ski & Snow Reports; Marine Weather; Aviation; Buy a Weather Station", + "Weather Underground provides local & long range weather forecasts, weather reports, maps & tropical weather conditions for locations worldwide. My Profile Main Menu", + "1 The time period when the sun is no more than 6 degrees below the horizon at either sunrise or sunset. 2 The time period when the sun is between 6 and 12 degrees below the horizon at either sunrise or sunset. 3 The time period when the sun is between 12 and 18 degrees below the horizon at either sunrise or sunset.", + "Key weather averages for Austin in March. 1 22. 22°C max day temperature. 2 7. 7 hours of sunshine per day. 3 7. 7 days with some rainfall. 4 10. 10°C min night temperature. 5 12. 12 hours of daylight per day. 6 0. No heat & humidity. 7 47. 47 mm of monthly rainfall. 8 8. 8 (Very High) UV index.", + "Average Temperatures for Texas in March Average temperatures for March at cities, towns, parks and lakes throughout Texas are listed below. The tables give the normal maximum and minimum temperatures based on weather data collected from 1981 to 2010 by the US National Climatic Data Center.", + "Weather in Austin in March 2018. Expect 22°C daytime maximum temperatures in the shade with on average 7 hours of sunshine per day in Austin in March. Check more long-term weather averages for Austin in March before you book your next holiday to Texas in 2018. 1 Austin weather overview. 2 Austin monthly weather. 3 Austin 5-day forecast. 4 Texas holidays. 5 Texas map. 6 More destinations. 7 Back to Texas.", + "Average Temperatures for Texas in March. Average temperatures for March at cities, towns, parks and lakes throughout Texas are listed below. The tables give the normal maximum and minimum temperatures based on weather data collected from 1981 to 2010 by the US National Climatic Data Center. You can jump to a separate table for each region of the state: North Central Texas, South Central Texas, East Texas, Gulf Coast and West Texas." + ], + "url": [ + "https://www.currentresults.com/Weather/Texas/temperature-march.php", + "https://www.wunderground.com/weather/us/tx/austin", + "https://www.wunderground.com/weather/us/tx/austin", + "https://www.wunderground.com/weather/us/tx/austin", + "https://www.wunderground.com/weather/us/tx/austin", + "https://www.wunderground.com/weather/us/tx/austin", + "https://www.weather2travel.com/march/united-states/texas/austin-tx.php", + "https://www.currentresults.com/Weather/Texas/temperature-march.php", + "https://www.weather2travel.com/march/united-states/texas/austin-tx.php", + "https://www.currentresults.com/Weather/Texas/temperature-march.php" + ] + }, + "query": "weather in austin texas in march", + "query_id": 543342, + "query_type": "DESCRIPTION", + "wellFormedAnswers": [] + }, + "truncated_cells": [] + }, + { + "row_idx": 120, + "row": { + "answers": [ + "Within 24 to 48 hours." + ], + "passages": { + "is_selected": [ + 0, + 0, + 0, + 0, + 0, + 1, + 0, + 0, + 0, + 0 + ], + "passage_text": [ + "Bacterial pinkeye may cause more drainage than viral pinkeye. Bacterial infections usually last 7 to 10 days without antibiotic treatment and 2 to 4 days with antibiotic treatment. The person can usually return to day care, school, or work 24 hours after an antibiotic has been started if symptoms have improved.", + "Pink eye is contagious for up to 14 days, in the case of viral conjunctivitis, and up to 24 hours after an antibiotic is started with bacterial conjunctivitis. Your healthcare provider will let you know which type of pink eye you or your child has and whether it is contagious.", + "Pinkeye is very common. It usually is not serious and goes away in 7 to 10 days without medical treatment. Most cases of pinkeye are caused by: Infections caused by viruses or bacteria. Dry eyes from lack of tears or exposure to wind and sun. Chemicals, fumes, or smoke (chemical conjunctivitis).", + "The symptoms of pink eye may vary depending on the cause but usually include: 1 Redness or swelling of the white of the eye or inside the eyelids. 2 Increased amount of tears. 3 Eye discharge which may be clear, yellow, white or green. Itchy, irritated, and/or burning 1 eyes. Increased sensitivity to light. Gritty feeling in the eye.", + "Pink eye – or conjunctivitis – is common and spreads easily. It sometimes needs medical treatment, depending on the cause. Know the symptoms, when to seek treatment, and how to help prevent it. Pink eye, also known as conjunctivitis, is one of the most common and treatable eye conditions in the world in both children and adults.", + "Most cases of bacterial conjunctivitis improve quickly after starting antibiotics for pink eye treatment. Within 24 to 48 hours, redness, irritation, and eye discharge should begin to improve. Even as symptoms improve, you should continue to take your antibiotics for the full course. Allergic Pink Eye.", + "Many people are aware that pink eye is a highly infectious condition, but how long is pink eye contagious? People with this condition are contagious for up to 14 days, in the case of viral conjunctivitis, and up to 24 hours after an antibiotic is started with bacterial conjunctivitis. You should limit contact during this period (typically until there is no more eye discharge).", + "If your pink eye is caused by a common viral infection and no other complications occur, then your eyes should clear up within a few days to two weeks. Pink eye also can be caused by bacterial conjunctivitis, which — even with treatment such as prescription antibiotic eye drops — can last up to a month or longer. However, with this type of pink eye, people should no longer be contagious 24 hours after antibiotic treatment begins. Recommended For You.", + "Again, please discuss this with your child's pediatrician. As long as your child's doctor initially examined him, it should be known how long he should stay away from other kids. As a general rule, 24 hours after the symptoms are completely gone he probably isn't contagious anymore, but that rule is not 100%.", + "The conjunctiva is the clear outer lining of the eye. When it gets inflamed, the blood vessels fill with blood causing it to turn red or pink hence the name pink eye. There are many different types of conjunctivitis, but the 2 most common are allergic and viral." + ], + "url": [ + "http://www.webmd.com/eye-health/tc/pinkeye-topic-overview", + "http://kids.emedtv.com/pink-eye/how-long-is-pink-eye-contagious.html", + "http://www.webmd.com/eye-health/tc/pinkeye-topic-overview", + "https://www.cdc.gov/features/conjunctivitis/index.html", + "https://www.cdc.gov/features/conjunctivitis/index.html", + "http://kids.emedtv.com/pink-eye/how-long-does-pink-eye-last.html", + "http://kids.emedtv.com/pink-eye/how-long-is-pink-eye-contagious.html", + "http://www.allaboutvision.com/faq/pinkeye-duration.htm", + "https://www.zocdoc.com/answers/14240/how-long-is-pink-eye-contagious-after-starting-antibiotics", + "https://www.zocdoc.com/answers/14240/how-long-is-pink-eye-contagious-after-starting-antibiotics" + ] + }, + "query": "pink eye treatment how long", + "query_id": 475482, + "query_type": "NUMERIC", + "wellFormedAnswers": [] + }, + "truncated_cells": [] + }, + { + "row_idx": 121, + "row": { + "answers": [ + "To be devoted to Bacchus." + ], + "passages": { + "is_selected": [ + 0, + 0, + 0, + 0, + 1, + 0, + 0, + 0, + 0, + 0 + ], + "passage_text": [ + "Necie (NEE-see) is a cute nickname for Denise. -- VictoriaCalledTori 3/13/2007. Also the name of one of my best friends and I love it! It's classic and has a nice meaning. -- renee06 5/10/2007. There are a few spellings of this name, but I like one particular version - Denyse - because it looks rather unique. I mean, Denise seems quite overused to me because I know quite a few people called Denise.", + "*To note: : It sometimes happens that two different first names have the same meaning. This has nothing surprising: both first names have the same figures of numerology. It is as in astrology: two persons belonging to the same sign present the same characteristic...", + "You are strong in material matters, determined and stubborn. You have good business ability. You are a good worker, steady and practical, a builder who takes responsibility well. These qualities may bring you a position of authority and power. You are a doer, down-to-earth, serious-minded, reliable, and self-disciplined; have good power of concentration.You have an eventful, exciting life.", + "Highly inquisitive and curious, Denise has a thirst for knowledge, enjoys learning and is often self-taught. She can be bossy, uncompromising and domineering in a relationship and won´t miss an opportunity to question the suitability of her beloved if he doesn´t behave as she desires and her criticism can be brutal.", + "Denise is a female given name. It is one of the feminine forms of the masculine name Dennis. The name Denise is said to be of French origin, though its root names are Dionysius in Greek and Dionysia in Latin. Dionysius is the pagan God of wine, and the name Denise means to be devoted to Bacchus ..", + "The Number 2 represents Union-the Father-Mother Principle, and so cooperation and association. Two (2) are always in the eternal search for their other half-their complement. Two is the number of peacemakers. They understand the law of harmony and desire to balance their life and those around them. They may feel incomplete without someone to share their love, ideals, wealth or work.", + "This is my middle name, my first name Kathryn means basically pure and Denise-from other sources-means follower of Dionysos god of wine, dance and revelry so my name means pure alcoholic.", + "I could never use this name and I wouldn't be able to trust someone with this name. I've never known one halfway decent Denise. Which is sad because it's such a lovely name. -- Anonymous User 4/29/2013. My name's Denise, and middle Lynn, and I think my name's rather dull like the rest of the other users.", + "The Hidden Passion Number represents your hidden talent. It shapes your personality, and guides your life. There are also the Karmic Lessons Numbers, associated with your full name (first name, middle name and last name) as it spelled in your birth certificate. To see these numbers, please, enter your FULL NAME.", + "The name Denise is an English baby name. In English the meaning of the name Denise is: From the Latin Dionysos or Dionysus, referring to the Greek god of wine. American Meaning: The name Denise is an American baby name. In American the meaning of the name Denise is: From the Latin Dionysos or Dionysus, referring to the Greek god of wine. French Meaning: The name Denise is a French baby name. In French the meaning of the name Denise is: The feminine form of Dennis, from the Latin name Dionysia, or the Greek Dionysus." + ], + "url": [ + "http://www.behindthename.com/name/denise/comments", + "http://www.first-names-meanings.com/names/name-DENISE.html", + "http://www.sevenreflections.com/name-numerology/denise/", + "http://www.first-names-meanings.com/names/name-DENISE.html", + "https://en.wikipedia.org/wiki/Denise_(given_name)", + "http://www.sevenreflections.com/name-numerology/denise/", + "http://www.behindthename.com/name/denise/comments", + "http://www.behindthename.com/name/denise/comments", + "http://www.sevenreflections.com/name-numerology/denise/", + "http://www.sheknows.com/baby-names/name/denise" + ] + }, + "query": "meaning of name denise", + "query_id": 448436, + "query_type": "DESCRIPTION", + "wellFormedAnswers": [] + }, + "truncated_cells": [] + }, + { + "row_idx": 122, + "row": { + "answers": [ + "No Answer Present." + ], + "passages": { + "is_selected": [ + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0 + ], + "passage_text": [ + "The lower the mortgage rate, the more home you can afford. An adjustable rate mortgage, or ARM, makes that possible by starting out lower than a fixed rate and then adjusting over time. An ARM is a particularly attractive option when you expect changes in your financial situation over the next five years.", + "ARM Loan Plans: 1 3/1 ARM - The interest rate on a 3/1 ARM will remain fixed at the initial rate for the first three years. 2 5/1 ARM - Identical to the 3/1 ARM except the initial rate is fixed for the first five years. 7/1 ARM - Identical to the 3/1 ARM except the initial rate is fixed for the first seven years.", + "An adjustable-rate mortgage (ARM) is a home loan in which the interest rate is based on an index that reflects current market conditions plus a margin that is added to the index. This index value varies and is available upon request or at application time.", + "In the end, choosing an adjustable-rate mortgage loan could save you money. Adjustable-Rate Mortgage Highlights: 1 Lower initial rates compared to a fixed-rate loan. Rate/payment is locked in for the first 3, 5 or 7 years.", + "Based on a loan amount of $200,000 as of August 14, 2016, 25% down payment, estimated finance charges $2,150.85, and a 30 day rate lock. The loan has a 30 year maturity and APR may increase after consummation. After the initial fixed rate period (one year in our example), the interest rate may vary or increase every 12 months according to the market index.", + "Adjustable-Rate Mortgage - ARM. What is an 'Adjustable-Rate Mortgage - ARM'. An adjustable-rate mortgage, is a type of mortgage in which the interest rate applied on the outstanding balance varies throughout the life of the loan. Normally, the initial interest rate is fixed for a period of time, after which it resets periodically, often every year or even monthly.", + "An Adjustable Rate Mortgage, or ARM, generally begins with an interest rate that is 2% to 3% below a comparable fixed-rate mortgage. The interest rate may adjust to a higher or lower percentage over the life of the loan as market conditions change. Rates as low as 2.875%.", + "ARM Loan Plans: 3/1 ARM - The interest rate on a 3/1 ARM will remain fixed at the initial rate for the first three years. After that, the interest rate will change annually based on the value of the index plus the margin, subject to annual and lifetime interest rate adjustment caps.", + "Adjustable-Rate Mortgage Highlights: 1 Lower initial rates compared to a fixed-rate loan. 2 Rate/payment is locked in for the first 3, 5 or 7 years. Capped annual and lifetime adjustments after the initial term.", + "Adjustable-Rate Mortgage - ARM. An adjustable-rate mortgage, is a type of mortgage in which the interest rate applied on the outstanding balance varies throughout the life of the loan. Normally, the initial interest rate is fixed for a period of time, after which it resets periodically, often every year or even monthly." + ], + "url": [ + "https://www.desertschools.org/personal/loans/home-loan-overview/adjustable-rate-mortgage-arm-loan", + "https://capfed.com/loans/home-loans/adjustable-rate-arm", + "https://capfed.com/loans/home-loans/adjustable-rate-arm", + "https://capfed.com/loans/home-loans/adjustable-rate-arm", + "https://www.desertschools.org/personal/loans/home-loan-overview/adjustable-rate-mortgage-arm-loan", + "http://www.investopedia.com/terms/a/arm.asp", + "https://www.gwcu.org/loans/adjustableratemortgage", + "https://capfed.com/loans/home-loans/adjustable-rate-arm", + "https://capfed.com/loans/home-loans/adjustable-rate-arm", + "http://www.investopedia.com/terms/a/arm.asp" + ] + }, + "query": "are personal loans adjustable rates", + "query_id": 24229, + "query_type": "NUMERIC", + "wellFormedAnswers": [] + }, + "truncated_cells": [] + }, + { + "row_idx": 123, + "row": { + "answers": [ + "Yes, The oil of oregano possesses anti-oxidant and anti-inflammatory properties which prevent inflammation." + ], + "passages": { + "is_selected": [ + 0, + 0, + 0, + 1, + 0, + 0, + 0, + 0, + 0, + 0 + ], + "passage_text": [ + "Although oregano is popular in Mediterranean cuisine, in the US, it's often associated primarily with a pizza spice. This does this medicinal herb a great disservice, since today we know that oregano contains vitamins A, C, E, and K, as well as fiber, folate, iron, magnesium, vitamin B6, calcium, and potassium.", + "Oregano is a wonderful herb, both to use in your cooking and to use therapeutically as needed. Its name means mountain joy, and oregano was revered as a symbol of happiness by the ancient Greeks and Romans.", + "Being a strong and effective blood purifier, antioxidant and rich in vitamins and minerals, oregano oil is beneficial for your skin. Topical application of this oil in a diluted form is known to treat skin infections, itches and irritations. Given below are some of its skin benefits.", + "Inflammation is caused as a result of the body’s natural response to toxins, injury and infections and can cause degeneration of the body’s systems. The oil of oregano possesses anti-oxidant and anti-inflammatory properties which prevent inflammation, thus strengthening the body’s resistance.", + "The ancient Greeks were the first people to identify the oil of oregano benefits for its health and medicinal properties. It is potent, anti-viral, anti-bacterial, antifungal and anti-parasitic oil with a range of health benefits.", + "Oregano oil can be used weekly or bi-weekly as part of a hair and scalp cleansing regimen to combat the problems of hair loss, balding, dandruff, head lice, ringworm, dermatitis, scabies or scalp inflammation. Hence, oregano oil is a great health supplement, promising a range of health, skin and hair benefits.", + "You can use oregano oil in a variety of ways, depending on your health needs: Topically for athlete's foot or nail fungus. Try soaking your feet in a basin of water with a few teaspoons of oil, or rubbing the diluted oil (1 drop of oil in a teaspoon of olive or coconut oil) on your nails/skin.", + "1 Oregano has anti-inflammatory, anti-microbial, and anti-fungal effects, and may kill MRSA, listeria, and other pathogens. 2 Oregano essential oil may be useful for respiratory ailments like colds and flu. Adding oregano to meat before cooking may help reduce the amount of toxic compounds created by the cooking process.", + "Oregano (Origanum vulgare) is an herb that is native to the Mediterranean, Europe and Asia. It is basically used as a spice and is said to have several medicinal properties. As the name suggests, oil of oregano is a potent steam distilled extract of the oregano plant.", + "1 Oregano contains vitamins A, C, E, and K, as well as fiber, folate, iron, magnesium, vitamin B6, calcium, and potassium. Oregano has anti-inflammatory, anti-microbial, and anti-fungal effects, and may kill MRSA, listeria, and other pathogens." + ], + "url": [ + "http://articles.mercola.com/sites/articles/archive/2014/02/01/oregano-health-benefits.aspx", + "http://articles.mercola.com/sites/articles/archive/2014/02/01/oregano-health-benefits.aspx", + "http://www.stylecraze.com/articles/benefits-of-oregano-oil-for-skin-hair-and-health/", + "http://www.stylecraze.com/articles/benefits-of-oregano-oil-for-skin-hair-and-health/", + "http://www.stylecraze.com/articles/benefits-of-oregano-oil-for-skin-hair-and-health/", + "http://www.stylecraze.com/articles/benefits-of-oregano-oil-for-skin-hair-and-health/", + "http://articles.mercola.com/sites/articles/archive/2014/02/01/oregano-health-benefits.aspx", + "http://articles.mercola.com/sites/articles/archive/2014/02/01/oregano-health-benefits.aspx", + "http://www.stylecraze.com/articles/benefits-of-oregano-oil-for-skin-hair-and-health/", + "http://articles.mercola.com/sites/articles/archive/2014/02/01/oregano-health-benefits.aspx" + ] + }, + "query": "is oregano good for inflammation", + "query_id": 419988, + "query_type": "DESCRIPTION", + "wellFormedAnswers": [] + }, + "truncated_cells": [] + }, + { + "row_idx": 124, + "row": { + "answers": [ + "It is one of the most widely spoken language in the Philippines especially in Visayas.", + "Bisaya (Cebuano or Visayan) is one of the most widely spoken language in the Philippines." + ], + "passages": { + "is_selected": [ + 0, + 0, + 0, + 0, + 1, + 0, + 0, + 0, + 0, + 0 + ], + "passage_text": [ + "Over 30 languages constitute the Visayan language family. The Visayan language with the most speakers is Cebuano, spoken by 20 million people as a native language in Central Visayas, parts of Eastern Visayas, eastern Negros Island Region and most of Mindanao.", + "The language is named after the island of Cebu, where the prestige register is spoken, and is also known as Bisaya, Binisaya, Binisaya nga Sugbuanon or Sinugbuanon. Cebuano speakers are known as Cebuano in Cebu, as Bol-anon in Bohol, as Kana in Leyte, and as Binisaga or Bisaya in Mindanao and Luzon.", + "Cebuano vs Visayan. Both “Visayan” and “Cebuano” are adjectives used to describe certain ethnic people in the Philippines and the language they use to communicate. Visayan is an adjective that refers to the people living in the Visayan region, the second largest mass of land in the Philippines.", + "Difference Between Cebuano and Visayan. Both “Visayan” and “Cebuano” are adjectives used to describe certain ethnic people in the Philippines and the language they use to communicate. Visayan is an adjective that refers to the people living in the Visayan region, the second largest mass of land in the Philippines.", + "The best site for people who loves Visayan (Bisaya or Cebuano) language offering Bisaya English and English Bisaya Translations and Dictionary. Bisaya (Cebuano or Visayan) is one of the most widely spoken language in the Philippines especially in Visayas.", + "Useful Cebuano phrases. A collection of useful phrases in Cebuano as spoken in Northern Mindanao. Click on any of the phrases that are links to hear them spoken. If you can provide recordings, corrections or additional translations, please contact me.", + "It is spoken mainly in the Central Visayas by the Bisaya people, and is also spoken in northeastern parts of Negros Occidental province, in southern parts of Masbate, in most of Leyte and Southern Leyte, in western portions of Guimaras, in parts of Samar, Bohol, Luzon, the Biliran islands, and in most parts of Mindanao.", + "Welcome to Bisaya English Translations and Dictionary. Translate Bisaya terms to English by typing the bisaya (including visayan and cebuano) word, group of words or phrase in the search box. Learn the most widely spoken language in the Philippines which is the Bisaya (visayan and/or cebuano) language.", + "A collection of useful phrases in Cebuano as spoken in Northern Mindanao. 1 Click on any of the phrases that are links to hear them spoken. If you can provide recordings, corrections or additional translations, please contact me. 2 To see these phrases in many other languages click on the English versions.", + "Cebuano (Bisaya / Sinugbuanon / Binisaya nga Sugbuanon) Cebuano belongs to the Philippine branch of Malayo-Polynesian languages and is spoken by about 20 million people in the Philippines." + ], + "url": [ + "https://en.wikipedia.org/wiki/Visayan_languages", + "http://www.omniglot.com/writing/cebuano.htm", + "http://www.differencebetween.net/miscellaneous/geography-miscellaneous/difference-between-cebuano-and-visayan/", + "http://www.differencebetween.net/miscellaneous/geography-miscellaneous/difference-between-cebuano-and-visayan/", + "http://translate.sandayong.com/translator/bisaya-english", + "http://www.omniglot.com/language/phrases/cebuano.php", + "http://www.omniglot.com/writing/cebuano.htm", + "http://translate.sandayong.com/translator/bisaya-english", + "http://www.omniglot.com/language/phrases/cebuano.php", + "http://www.omniglot.com/writing/cebuano.htm" + ] + }, + "query": "what is bisaya cebuano", + "query_id": 724374, + "query_type": "DESCRIPTION", + "wellFormedAnswers": [] + }, + "truncated_cells": [] + }, + { + "row_idx": 125, + "row": { + "answers": [ + "Macronutrients mainly include carbohydrates, proteins and fats and also water which are required in large quantities and their main function being the release of energy in body.Whereas, micronutrients mainly comprise vitamins and minerals which are required in minute quantities." + ], + "passages": { + "is_selected": [ + 1, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0 + ], + "passage_text": [ + "Macronutrients include Carbon, Oxygen, Hydrogen, and Nitrogen. Micronutrients are chlorine, iron, maganese, zinc, boron, sodium, copper, molybdenum and nickel. Plants need these nutrients to survive.Macronutrients mainly include carbohydrates, proteins and fats and also water which are required in large quantities and their main function being the release of energy in body.Whereas, micronutrients mainly comprise vitamins and minerals which are required in minute quantities. Essential micronutrients include iodine, iron, vitamin A and folate. A nutrient is a substance used in an organism's metabolism which must be taken in from the en … vironment. Non-autotrophic organisms typically acquire nutrients by the ingestion of foods.", + "Best Answer: Micronutrients are essential elements needed by life in small quantities. They include microminerals and Vitamins. Microminerals or trace elements include at least iron, cobalt, chromium, copper, iodine, manganese, selenium, zinc, and molybdenum.icronutrients are nutrients needed by life to survive, but in small quantites. These include vitamins such as iron and zinc to give a few examples. A macronutrient is the opposite, it is needed by life to survive, but in large quantities such as oxygen and carbon. Scorcher117 · 9 years ago.", + "Macronutrients are elements that are needed for growth of plants in low amounts than macronutrient and these elements can be found in plants in lower amounts than macronutrients. Fe, Mn, Cu, Zn, Mo, B, Cl, Ni, are considered as micronutrients.Micronutrients are also absorbed by plant roots as ions from soil. Macronutrients may be non-mineral or mineral elements, whereas all micronutrients are minerals. • Some macronutrients are not absorbed by roots from soil such as C, H, O, whereas all micronutrient are absorbed by roots from the soil.", + "Macronutrients are the nutrients needed by plants in larger quantities like potassium, nitrogen, oxygen, etc. Micronutrients are the nutrients needed by plants in smaller quan … tities like magnesium and molybdenum. Essential micronutrients include iodine, iron, vitamin A and folate. A nutrient is a substance used in an organism's metabolism which must be taken in from the en … vironment. Non-autotrophic organisms typically acquire nutrients by the ingestion of foods.", + "Macronutrients and Micronutrients. P lant concentrations of essential elements may exceed the critical concentrations, the minimum concentrations required for growth, and may vary somewhat from species to species.omewhat arbitrarily, a dividing line is drawn between those nutrients required in greater quantities, macronutrients, and those elements required in smaller quantities, micronutrients.", + " Essential micronutrients include iodine, iron, vitamin A and folate. A nutrient is a substance used in an organism's metabolism which must be taken in from the en … vironment. Non-autotrophic organisms typically acquire nutrients by the ingestion of foods. Essential micronutrients include iodine, iron, vitamin A and folate. A nutrient is a substance used in an organism's metabolism which must be taken in from the en … vironment. Non-autotrophic organisms typically acquire nutrients by the ingestion of foods.", + "As stated above, your body is able to break those foods down into their chemical parts, like macronutrients and micronutrients. Macronutrients are the structural and energy-giving caloric components of our foods that most of us are familiar with. They include carbohydrates, fats and proteins.Micronutrients are the vitamins, minerals, trace elements, phytochemicals, and antioxidants that are essential for good health. The quantity and quality of these nutrients vary greatly, depending on not only what types of food you eat, but also the quality of those foods.icronutrients are the vitamins, minerals, trace elements, phytochemicals, and antioxidants that are essential for good health. The quantity and quality of these nutrients vary greatly, depending on not only what types of food you eat, but also the quality of those foods.", + "There are seven major classes of nutrients: carbohydrates, fats, fiber, minerals, protein, vitamin, and water. These nutrient classes can be categorized as either macronutrients (needed in relatively large amounts) or micronutrients (needed in smaller quantities).he micronutrients are minerals and vitamins. The macronutrients (excluding fiber and water) provide structural material (amino acids from which proteins are built, and lipids from which cell membranes and some signaling molecules are built) and energy.", + "3. Micronutrients There are 7 essential plant nutrient elements defined as micronutrients [boron (B), zinc (Zn), manganese (Mn), iron (Fe), copper (Cu), molybdenum (Mo), chlorine (Cl)]. They constitute in total less than 1% of the dry weight of most plants.. Micronutrients There are 7 essential plant nutrient elements defined as micronutrients [boron (B), zinc (Zn), manganese (Mn), iron (Fe), copper (Cu), molybdenum (Mo), chlorine (Cl)]. They constitute in total less than 1% of the dry weight of most plants.", + "Vitamins and Minerals. The three macronutrients of protein, fat, and carbohydrates all perform essential roles in the human body. Macronutrients are the main components of our diet. Our bodies require others nutrients as well, such as vitamins and minerals.owever, these are needed in much smaller quantities, and thus are referred to as micronutrients. All three macronutrients are needed in the diet, as each perform vital functions in the body. 1. Protein. Protein should consist of about 10 to 35 percent of your diet." + ], + "url": [ + "http://www.answers.com/Q/What_is_the_difference_between_macronutrients_and_micronutrients", + "https://answers.yahoo.com/question/index?qid=20061127193723AAH9JAW", + "http://www.differencebetween.com/difference-between-macronutrients-and-vs-micronutrients/", + "http://www.answers.com/Q/What_is_the_difference_between_macronutrients_and_micronutrients", + "http://soils.wisc.edu/facstaff/barak/soilscience326/macronut.htm", + "http://www.answers.com/Q/What_is_the_difference_between_macronutrients_and_micronutrients", + "http://bonfirehealth.com/micronutrients-macronutrients-food-breakdown/", + "http://www.studymode.com/essays/Animal-Nutrition-Distinguish-Macronutrients-And-Micronutrients-1436792.html", + "http://www.clemson.edu/public/regulatory/ag_svc_lab/soil_testing/downloads/micronutrients.pdf", + "http://www.fitday.com/fitness-articles/nutrition/vitamins-minerals/the-3-primary-macronutrients-and-their-importance.html" + ] + }, + "query": "what distinguishes a macronutrient from a micronutrient", + "query_id": 621519, + "query_type": "DESCRIPTION", + "wellFormedAnswers": [ + "The difference between a macronutrient and a micronutrient, macronutrients mainly include carbohydrates, proteins and fats and also water which are required in large quantities whereas, micronutrients mainly comprise vitamins and minerals which are required in minute quantities." + ] + }, + "truncated_cells": [] + }, + { + "row_idx": 126, + "row": { + "answers": [ + "70 to 75 years " + ], + "passages": { + "is_selected": [ + 1, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0 + ], + "passage_text": [ + "On February 7, 2015, Jim Boyle of the Pennsylvania Record reported that the bill to amend the state constitution and raise the mandatory retirement age for Pennsylvania judges from 70 to 75 years was approved by the House Judiciary Committee.", + "Pennsylvania judges’ challenge to the mandatory retirement age fails before the Pennsylvania Supreme Court. In a unanimous opinion, the Pennsylvania Supreme Court dismissed the challenge of a group of county judges to the mandatory retirement age (70) for judges in Pennsylvania.", + "It takes two successive sessions before an amendment to the constitution goes before the citizens of Pennsylvania for a vote. Right now the bill, which would raise the mandatory retirement age for judges from 70 to 75 is in its second session.", + "June 17, 2013 | By Peter Hall, Of The Morning Call. Judges who challenged the Pennsylvania Constitution's mandatory retirement age should pursue an amendment to eliminate it, the state Supreme Court said Monday in throwing out their case.", + "The state Supreme Court Monday found that judges challenging Pennsylvania's mandatory retirement age had no legitimate claim and instead said that the proper way to change it is through constitutional amendment.", + "Judges who challenged the Pennsylvania Constitution's mandatory retirement age should pursue an amendment to eliminate it, the state Supreme Court said Monday in throwing out their case.", + "In 1968, when the mandatory retirement age was placed in the constitution, life expectancy was 70, and today it is 78, said Sen. Lisa Boscola, D-Northampton County. Pennsylvania is one of 33 states with a mandatory retirement age, typically varying from 70 to 75.", + "HARRISBURG — The state Senate on Tuesday took a major step toward raising the mandatory retirement age for justices and judges from 70 to 75, approving a House-passed bill to change the state Constitution. The Senate approved the bill 44-6.", + "April 30, 2014 | By Peter Hall, Of The Morning Call. A federal appeals court has ruled against four Pennsylvania judges, including Northampton County's Leonard Zito, who sued to overturn the state's mandatory retirement age for judges.", + "Now a federal challenge starts. June 17, 2013 | By Peter Hall, Of The Morning Call. Judges who challenged the Pennsylvania Constitution's mandatory retirement age should pursue an amendment to eliminate it, the state Supreme Court said Monday in throwing out their case." + ], + "url": [ + "http://www.duq.edu/academics/gumberg-library/pa-constitution/in-the-news/2015", + "http://www.tthlaw.com/index.php?id=462", + "http://fox43.com/2015/02/10/constitutional-amendment-to-raise-mandatory-retirement-age-of-judges-moves-to-pa-senate/", + "http://articles.mcall.com/2013-06-17/news/mc-pa-judges-retirement-lawsuit-20130617_1_pennsylvania-judges-zygmont-pines-retirement-provision", + "http://www.post-gazette.com/news/state/2013/06/18/Pa-high-court-rejects-changing-mandatory-retirement-for-judges/stories/201306180216", + "http://articles.mcall.com/2013-06-17/news/mc-pa-judges-retirement-lawsuit-20130617_1_pennsylvania-judges-zygmont-pines-retirement-provision", + "http://triblive.com/news/adminpage/4887093-74/judges-age-retirement", + "http://triblive.com/news/adminpage/4887093-74/judges-age-retirement", + "http://articles.mcall.com/2014-04-30/news/mc-pa-judges-mandatory-retirement-20140430_1_retirement-age-pennsylvania-judges-unfit-judges", + "http://articles.mcall.com/2013-06-17/news/mc-pa-judges-retirement-lawsuit-20130617_1_pennsylvania-judges-zygmont-pines-retirement-provision" + ] + }, + "query": "pa amending the mandatory judicial retirement age", + "query_id": 471082, + "query_type": "NUMERIC", + "wellFormedAnswers": [ + "PA amending the mandatory judicial retirement age is 70 to 75 years." + ] + }, + "truncated_cells": [] + }, + { + "row_idx": 127, + "row": { + "answers": [ + "FAFSA could estimate $2,000 per semester for the above-mentioned grant." + ], + "passages": { + "is_selected": [ + 0, + 1, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0 + ], + "passage_text": [ + "For example, the 2017-2018 FAFSA encompasses the following semesters: 1 Summer Session 2017. 2 Fall Semester 2017. 3 Winter Semester 2018. 4 Spring Semester 2018.", + "First, understand that the award letter you receive from FAFSA is an estimate. You will receive your estimated award letter 6-8 weeks after submitting your application. This estimate indicates what you are eligible for, based on the information you provided, not your actual FAFSA money. FAFSA may indicate that you are eligible for a Pell grant in a certain amount, for example. Your financial aid award is determined by the school you will be attending and their financial aid offices. While FAFSA could estimate $2,000 per semester for the above-mentioned grant, your university may only approve $1,500 of this. The same principle applies to all other government grants and loans. In turn, you will receive another document, this time from your university’s financial aid office, which outlines what you will receive in aid, should you accept it.", + "Report Abuse. 1 Chat or rant, adult content, spam, insulting other members,show more. 2 Harm to minors, violence or threats, harassment or privacy invasion, impersonation or misrepresentation, fraud or phishing, show more. 3 Chat or rant, adult content, spam, insulting other members,show more.", + "1 Upload failed. 2 We are experiencing some problems, please try again. 3 You can only upload files of type PNG, JPG, or JPEG. 4 You can only upload files of type 3GP, 3GPP, MP4, MOV, AVI, MPG, MPEG, or RM. 5 You can only upload photos smaller than 5 MB. 6 You can only upload videos smaller than 600MB.", + "Best Answer: You can get pell grants and federal loans for 2 semesters per year. Summer counts as a semester, but the fafsa/academic year begins in fall. Your fall ...", + "Your official EFC is generated when you apply for the Pell Grant via the Free Application for Federal Student Aid, or FAFSA; learn more about how to submit a FAFSA here. For the 2015-2016 academic year, your EFC must be at or below $5081 to qualify for the Pell. I'll go over how to estimate your eligibility in the next section. Your enrollment status (full-time versus part-time) will also affect how much Pell Grant money you're eligible for - full-time students will get more aid than part-time students.", + "Award. 1 Maximum award is $5,815 per academic year; maximum award per semester is $2,908. 2 Students who received their maximum Pell Grant awards in the fall and spring, will not receive a Pell Grant in the summer.", + "This means you very likely will receive a $1570 Pell Grant for the full year...and $5500 as a Direct Loan. Those are the only guaranteed forms of federally funded aid you will receive. You MIGHT get other grants or scholarships...and you MIGHT get Work Study.", + "Your eligibility depends on your Expected Family Contribution, your year in school, your enrollment status, and the cost of attendance at the school you will be attending. The financial aid office at your college or career school will determine how much financial aid you are eligible to receive.", + "Site Last Updated: Saturday, July 1, 2017. Due to scheduled site maintenance, FAFSA on the Web will be unavailable every Sunday from 3 a.m. to 11 a.m. (Eastern Time). We apologize for any inconvenience this may cause." + ], + "url": [ + "https://www.byui.edu/financial-aid/aid-available/fafsa", + "http://www.gofinancialaid.com/resources/fafsa/fafsa-money", + "https://answers.yahoo.com/question/index?qid=20130311131630AAopUAr", + "https://answers.yahoo.com/question/index?qid=20090725153814AATsd4R", + "https://answers.yahoo.com/question/index?qid=20090725153814AATsd4R", + "https://blog.prepscholar.com/pell-grant-amount-maximum-award", + "https://studentaid.psu.edu/types-of-aid/grants/federal", + "https://talk.collegeconfidential.com/financial-aid-scholarships/2050869-is-this-ok-for-fafsa-estimates.html", + "https://studentaid.ed.gov/sa/fafsa/next-steps/how-calculated", + "https://fafsa.ed.gov/" + ] + }, + "query": "is the fafsa pell grant estimate per semester or year", + "query_id": 1174749, + "query_type": "DESCRIPTION", + "wellFormedAnswers": [] + }, + "truncated_cells": [] + }, + { + "row_idx": 128, + "row": { + "answers": [ + "It is a very professional way to format a paper, and, even if not required, is a nice, scholarly touch." + ], + "passages": { + "is_selected": [ + 0, + 0, + 0, + 0, + 0, + 1, + 0, + 0, + 0, + 0 + ], + "passage_text": [ + "This resource, updated to reflect the MLA Handbook for Writers of Research Papers (7 th ed.) and the MLA Style Manual and Guide to Scholarly Publishing (3 rd ed.), offers examples for the general format of MLA research papers, in-text citations, endnotes/footnotes, and the Works Cited page.", + "APA stands for American Psychological Association. APA is often called name-and-date style. APA Format is widely used in psychology, business, education, engineering and the social sciences.The latest APA manual is called: Publication Manual of the American Psychological Association, sixth edition.", + "According to Rosemary G. Feal in the MLA Handbook, the use of a specific format is like mathematicians use symbols to transmit information. Each field i.e. English, Physics, Chemistry, etc… designed styles to meet their specific needs.", + "1 Your subject and class, and possibly also grade, as needed (period 1, the name of the class with your class color if the teacher color codes their classes, etc.). 2 The date. 3 The date is most commonly written in the day, month, year format. 4 A sample heading.", + "To see a side-by-side comparison of the three most widely used citation styles, including a chart of all MLA citation guidelines, see the Citation Style Chart. You can also watch our MLA vidcast series on the Purdue OWL YouTube Channel.", + "MLA Format is commonly required of middle school, high school and college students. It is a very professional way to format a paper, and, even if not required, is a nice, scholarly touch.", + "MLA style specifies guidelines for formatting manuscripts and using the English language in writing. MLA style also provides writers with a system for referencing their sources through parenthetical citation in their essays and Works Cited pages.", + "1. Open a new blank document. Ad. 2. Set the margins to one inch. 1 If you are in middle school, you are probably somewhat new to MLA format, but you should be able to figure this out by clicking on such tabs as view, format, layout, or simply the ruler at the top of the document, if you have that feature enabled.", + "1 Indent the first line of paragraphs one half-inch from the left margin. 2 MLA recommends that you use the Tab key as opposed to pushing the Space Bar five times. 3 Create a header that numbers all pages consecutively in the upper right-hand corner, one-half inch from the top and flush with the right margin.", + "1 Do not make a title page for your paper unless specifically requested. 2 In the upper left-hand corner of the first page, list your name, your instructor's name, the course, and the date. 3 Again, be sure to use double-spaced text. 4 Double space again and center the title." + ], + "url": [ + "https://owl.english.purdue.edu/owl/resource/747/01/", + "http://academictips.org/mla-format/", + "http://academictips.org/mla-format/", + "http://www.wikihow.com/Write-a-Paper-for-School-in-MLA-Format", + "https://owl.english.purdue.edu/owl/resource/747/01/", + "http://www.wikihow.com/Write-a-Paper-for-School-in-MLA-Format", + "https://owl.english.purdue.edu/owl/resource/747/01/", + "http://www.wikihow.com/Write-a-Paper-for-School-in-MLA-Format", + "https://owl.english.purdue.edu/owl/resource/747/01/", + "https://owl.english.purdue.edu/owl/resource/747/01/" + ] + }, + "query": "what is an mla writing format", + "query_id": 716162, + "query_type": "DESCRIPTION", + "wellFormedAnswers": [] + }, + "truncated_cells": [] + }, + { + "row_idx": 129, + "row": { + "answers": [ + "You can drop-off passengers in the designated areas on the terminal forecourts. In the North Terminal, the drop-off zone is on the lower level forecourt between the Sofitel and the multi-storey car park. In the South Terminal, passengers can also be dropped off on the lower level." + ], + "passages": { + "is_selected": [ + 0, + 0, + 0, + 1, + 0, + 0, + 0, + 0, + 0, + 0 + ], + "passage_text": [ + "Gatwick by Car-Directions. London Gatwick is 28 miles (45km) south of London, directly linked to the M23 motorway at Junction 9 and to the A23 London-Brighton road.The M25 at Junction 7 is a 10 minute drive from Gatwick Airport, connecting it with the UK's extensive road and motorway network.If you plan on driving to or from London Gatwick Airport, you can search the AA Route Planner for tailored directions.atwick by Car-Directions. London Gatwick is 28 miles (45km) south of London, directly linked to the M23 motorway at Junction 9 and to the A23 London-Brighton road.", + "Gatwick Airport Taxi Pick Up Services. Gatwick Airport pick up services by Blackberry Cars are designed to ensure that your taxi transfer from Gatwick Airport is as smooth and stress-free as possible.We continuously monitor live flight arrivals at Gatwick Airport.atwick Airport pick up services by Blackberry Cars are designed to ensure that your taxi transfer from Gatwick Airport is as smooth and stress-free as possible.", + "ON ALL TRANSACTIONS. Gatwick Airport pick up services by Blackberry Cars are designed to ensure that your taxi transfer from Gatwick Airport is as smooth and stress-free as possible.We continuously monitor live flight arrivals at Gatwick Airport.atwick Airport pick up services by Blackberry Cars are designed to ensure that your taxi transfer from Gatwick Airport is as smooth and stress-free as possible.", + "You can drop-off passengers in the designated areas on the terminal forecourts. In the North Terminal, the drop-off zone is on the lower level forecourt between the Sofitel and the multi-storey car park.In the South Terminal, passengers can also be dropped off on the lower level.efore you leave, double check the flight is on time. Make sure you leave at least 30-40 minutes after landing for passengers to clear passport control, baggage reclaim and Customs.", + "Picking up. Before you leave, double check the flight is on time. Make sure you leave at least 30-40 minutes after landing for passengers to clear passport control, baggage reclaim and Customs. If you’re picking someone up by car you should use a car park.Car park prices.efore you leave, double check the flight is on time. Make sure you leave at least 30-40 minutes after landing for passengers to clear passport control, baggage reclaim and Customs.", + "Before you leave, double check the flight is on time. Make sure you leave at least 30-40 minutes after landing for passengers to clear passport control, baggage reclaim and Customs.If you’re picking someone up by car you should use a car park. Car park prices.efore you leave, double check the flight is on time. Make sure you leave at least 30-40 minutes after landing for passengers to clear passport control, baggage reclaim and Customs.", + "Gatwick Airport have processes in place to ensure that both the drop off and pick up of passengers is quick and easy, with as little hassle as possible. All passengers can be dropped off at no charge on the conveniently located forecourts just outside the terminal buildings. Arrange to meet their passenger(s) at the customer service building of the long stay car parks where there are specific bays marked ‘Free Pick Up’. 2 The passenger(s) then boards the regular long stay bus service and get off at the appropriate bus stop in order to meet their driver.", + "Gatwick Airport Coach Pick-up Notes. This airport operates strictly controlled procedures for coaches picking up from their various terminals and we ask you to make yourself familiar with the systems described, (if you are not travelling, please ensure the person travelling with the group has a copy of this leaflet).his airport operates strictly controlled procedures for coaches picking up from their various terminals and we ask you to make yourself familiar with the systems described, (if you are not travelling, please ensure the person travelling with the group has a copy of this leaflet).", + "Find out how far you will have to travel to get to Gatwick Airport. Below are various locations in the South of England with the distances in miles from Gatwick Airport. Use these distances to estimate travel times to Gatwick Airport. Drop off / Pick up.atwick by Car-Directions. London Gatwick is 28 miles (45km) south of London, directly linked to the M23 motorway at Junction 9 and to the A23 London-Brighton road.", + "Your driver will be instructed to enter the airport terminal for your taxi pick up service 30 minutes after your plane has landed, unless otherwise discussed at the time of booking. Passengers carrying only hand luggage may prefer their driver to be in the airport 15 minutes after landing.atwick Airport pick up services by Blackberry Cars are designed to ensure that your taxi transfer from Gatwick Airport is as smooth and stress-free as possible." + ], + "url": [ + "http://www.gatwick-airport-guide.co.uk/directions.html", + "http://www.blackberrycars.com/gatwick-airport-pick-up-guide/", + "http://www.blackberrycars.com/gatwick-airport-pick-up-guide/", + "http://gatwickairport.com/to-and-from/picking-up-dropping-off/", + "http://gatwickairport.com/to-and-from/picking-up-dropping-off/", + "http://gatwickairport.com/to-and-from/picking-up-dropping-off/", + "http://www.gatwickparking.com/our-car-parks/passenger-collection/", + "http://www.tappins.co.uk/coach/airport_gatwick.html", + "http://www.gatwick-airport-guide.co.uk/directions.html", + "http://www.blackberrycars.com/gatwick-airport-pick-up-guide/" + ] + }, + "query": "gatwick airport pick up area", + "query_id": 193572, + "query_type": "LOCATION", + "wellFormedAnswers": [] + }, + "truncated_cells": [] + }, + { + "row_idx": 130, + "row": { + "answers": [ + "Our DMV practice test tests are simple to use; read the question and click on the row with the correct answer. By using our site and free DMV practice tests you agree to our terms and conditions." + ], + "passages": { + "is_selected": [ + 0, + 1, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0 + ], + "passage_text": [ + "Samples of Driver License Knowledge Tests. Before you come into DMV to take your knowledge test, practice taking one (or all) of these sample tests. Note: To allow you sufficient time for testing, DMV will not be administering knowledge tests after 4:30 p.m. When you are ready to take the actual test, keep these suggestions in mind:", + "Select Your State. Free DMV practice test with no hassle, no fees and no hidden gimmicks. Just simple driving test questions, answers, and explanations to help you pass your DMV written knowledge exam. Our DMV practice test tests are simple to use; read the question and click on the row with the correct answer. By using our site and free DMV practice tests you agree to our terms and conditions.", + "You must usually have passed your theory test before booking. You don’t need a theory test to book a: 1 taxi test. 2 tractor test. 3 test to upgrade from automatic to manual. 4 test to progress through the motorcycle categories (progressive access) 5 car and trailer test. lorry and trailer test.", + "Free DMV Practice Permit Tests. Whether you are looking to get your learners permit or drivers license, our free DMV practice tests are one of the easiest and fastest ways to prepare for your test. Try a free practice test today! GET STARTED — IT’S FREE!", + "On the day of the test, remember these tips to stay calm and be confident: 1 Focus on your driving, not the examiner. 2 Spending your energy focusing on the actual test, and the person testing you, can lead to mistakes. 3 Don't worry about mistakes. If you do happen to make a mistake during the road test, move on.", + "When you don’t need a theory test. You must usually have passed your theory test before booking. You don’t need a theory test to book a: 1 taxi test. 2 tractor test. 3 test to upgrade from automatic to manual. test to progress through the motorcycle categories (progressive access)", + "Samples of Driver License Knowledge Tests. Before you come into DMV to take your knowledge test, practice taking one (or all) of these sample tests. Note: To allow you sufficient time for testing, DMV will not be administering knowledge tests after 4:30 p.m. Review the California Driver Handbook.", + "1 Taking a driver training course. 2 Though these aren't free, signing up for this service is a good way to practice for the test. Instructors will simulate the test conditions, which will improve your knowledge and help you gain comfort behind the wheel.", + "On the day of the test, remember these tips to stay calm and be confident: 1 Focus on your driving, not the examiner. Spending your energy focusing on the actual test, and the person testing you, can lead to mistakes. Instead focus on your driving and make good, sound decisions just as you've done during practice.", + "Book a test to upgrade your licence. You must call the Driver and Vehicle Standards Agency (DVSA) if you need an ‘upgrade’ test, eg automatic to manual car, or medium-sized lorry to a large lorry. When you don’t need a theory test. You must usually have passed your theory test before booking. You don’t need a theory test to book a: 1 taxi test. 2 tractor test. 3 test to upgrade from automatic to manual. 4 test to progress through the motorcycle categories (progressive access) car and trailer test." + ], + "url": [ + "http://www.dmv.ca.gov/portal/dmv/detail/pubs/interactive/tdrive/exam", + "https://driversprep.com/test/", + "https://www.gov.uk/book-driving-test", + "http://practicepermittest.com/", + "http://www.dmv.org/teen-drivers/ace-the-road-test.php", + "https://www.gov.uk/book-driving-test", + "http://www.dmv.ca.gov/portal/dmv/detail/pubs/interactive/tdrive/exam", + "http://www.dmv.org/teen-drivers/ace-the-road-test.php", + "http://www.dmv.org/teen-drivers/ace-the-road-test.php", + "https://www.gov.uk/book-driving-test" + ] + }, + "query": "how to practice for your drivers test", + "query_id": 372908, + "query_type": "DESCRIPTION", + "wellFormedAnswers": [ + "Our DMV practice test tests are simple to use; read the question and click on the row with the correct answer. By using our site and free DMV practice tests you agree to our terms and conditions." + ] + }, + "truncated_cells": [] + }, + { + "row_idx": 131, + "row": { + "answers": [ + "A subduction zone" + ], + "passages": { + "is_selected": [ + 0, + 0, + 0, + 0, + 1, + 0, + 0, + 0, + 0, + 0 + ], + "passage_text": [ + "As a result of pressure, friction, and plate material melting in the mantle, earthquakes and volcanoes are common near convergent boundaries. When two plates move towards one another, they form either a subduction zone or a continental collision. This depends on the nature of the plates involved.", + "Convergent boundary. From Wikipedia, the free encyclopedia. In plate tectonics, a convergent boundary, also known as a destructive plate boundary (because of subduction), is an actively deforming region where two (or more) tectonic plates or fragments of the lithosphere move toward one another and collide.", + "Along these boundaries, magma rises from deep within the Earth and erupts to form new crust on the lithosphere. Most divergent plate boundaries are underwater (Iceland is an exception) and form submarine mountain ranges called oceanic spreading ridges.", + "There are basically three different types of plate boundaries (divergent, convergent, transform), and a fourth type (boundary zones) is sometimes designated when it is difficult to define a clear boundary: 1 Divergent boundaries -- where new crust is generated as the plates pull away from each other.", + "A subduction zone is formed at a convergent plate boundary when one or both of the tectonic plates is composed of oceanic crust. The denser plate, made of oceanic crust, is subducted underneath the less dense plate, which can be either continental or oceanic crust.", + "Deep ocean trenches, volcanoes, island arcs, submarine mountain ranges, and fault lines are examples of features that can form along plate tectonic boundaries. Superheated molten lava, about 2,200 degrees Fahrenheit, is about to explode into the water at the West Mata volcano along the Pacific Ring of Fire.", + "Deep trenches are often formed where tectonic plates are being subducted and earthquakes are common. As the sinking plate moves deeper into the mantle, fluids are released from the rock causing the overlying mantle to partially melt.", + "Shane Shurock and Barret Dolan Effects: The effects are deep earthquakes, an oceanic trench, a chain of volcanic islands, and the annihilation of oceanic lithosphere. The Pacific and Caroline plates form s volcanic islands and trenches.", + "The new magma (molten rock) rises and may erupt violently to form volcanoes, often building arcs of islands along the convergent boundary. These island arcs are always landward of the neighboring trenches. When two plates are moving away from each other, we call this a divergent plate boundary.", + "1 Divergent boundaries -- where new crust is generated as the plates pull away from each other. 2 Convergent boundaries -- where crust is destroyed as one plate dives under another. 3 Transform boundaries -- where crust is neither produced nor destroyed as the plates slide horizontally past each other." + ], + "url": [ + "https://en.wikipedia.org/wiki/Convergent_boundary", + "https://en.wikipedia.org/wiki/Convergent_boundary", + "http://oceanexplorer.noaa.gov/facts/tectonic-features.html", + "http://www.indiana.edu/~g105lab/1425chap13.htm", + "https://en.wikipedia.org/wiki/Convergent_boundary", + "http://oceanexplorer.noaa.gov/facts/tectonic-features.html", + "http://oceanexplorer.noaa.gov/facts/tectonic-features.html", + "https://prezi.com/sgcz_rmtfqnp/oceanic-oceanic-convergent/", + "http://oceanexplorer.noaa.gov/facts/tectonic-features.html", + "http://www.indiana.edu/~g105lab/1425chap13.htm" + ] + }, + "query": "what forms at an ocean-ocean convergent boundary", + "query_id": 662447, + "query_type": "LOCATION", + "wellFormedAnswers": [ + "A subduction zone forms at an ocean-ocean convergent boundary." + ] + }, + "truncated_cells": [] + }, + { + "row_idx": 132, + "row": { + "answers": [ + "No Answer Present." + ], + "passages": { + "is_selected": [ + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0 + ], + "passage_text": [ + "Example 2. Add or subtract months to a date with Excel EDATE. Microsoft Excel provides a special function that returns a date that is a specified number of months before or after the start date - the EDATE function. It is available in modern versions of Excel 2007, 2010, 2013 and upcoming Excel 2016.", + "In your Excel worksheet, the formulas may look as follows: 1 To add years to a date in Excel: =DATE(YEAR(A2) + 5, MONTH(A2), DAY(A2)) The formula adds 5 years to the date in cell A2. 2 To subtract years from a date in Excel: =DATE(YEAR(A2) - 5, MONTH(A2), DAY(A2)) The formula subtracts 5 years from the date in cell A2.", + "Date Calculator: Add to or Subtract From a Date. This calculator enables you to add or subtract days, months and years to a date to calculate a past or future date. Recently added features.", + "Related Links. 1 Date/calendar related services – Overview. 2 Calendar Generator – Create a calendar for any year. 3 The World Clock – Current time all over the world. Countdown to any date.", + "This formula results in the date 9/15/09. You can specify the value of the start date either by referring to a cell that contains a date value or by entering a date enclosed in quotation marks, such as 2/15/10. For example, suppose you want to add 16 months to October 16, 2009. In cell A5, type 10/16/09.", + "In case you want to add or subtract whole weeks to a certain date, you can use the same formulas as for adding / subtracting days, and simply multiply the number of weeks by 7: Adding weeks to a date in Excel: =A2 + N weeks * 7. For example, you add 3 weeks to the date in A2, use the following formula: =A2+3*7.", + "This is a discussion on How to add 6 months to a date? within the Excel Questions forums, part of the Question Forums category; Hi guys, I need a formula that will add six months to a date, while keeping the day the same. Lets say I have 10-15-11 entered in A1. I want A2 to show 4-15-12. It's important that the particular day stay the same, in this case it must be the 15th both times. Thanks! Share Share this post on.", + "The Microsoft Excel MONTH function returns the month (a number from 1 to 12) given a date value. The MONTH function is a built-in function in Excel that is categorized as a Date/Time Function. It can be used as a worksheet function (WS) and a VBA function (VBA) in Excel. As a worksheet function, the MONTH function can be entered as part of a formula in a cell of a worksheet. As a VBA function, you can use this function in macro code that is entered through the Microsoft Visual Basic Editor.", + "In the same formula, the MONTH function returns the value 6, and the DAY function returns the value 9. The DATE function then combines these three values into a date that is three years in the future — 6/9/2012. You can use a similar formula to add months to a date.", + "In each of the formulas, a specified number of years, months, and days are added to the date that is contained in cell A2. For example, in cell A5 (the second formula), the YEAR function is used on the date in cell A2 (6/9/2009), and returns 2009 as the year." + ], + "url": [ + "https://www.ablebits.com/office-addins-blog/2015/05/13/subtract-dates-excel-add-days-months-years/", + "https://www.ablebits.com/office-addins-blog/2015/05/13/subtract-dates-excel-add-days-months-years/", + "http://www.timeanddate.com/date/dateadd.html", + "http://www.timeanddate.com/date/dateadd.html", + "https://support.office.com/en-us/article/add-or-subtract-dates-b83768f5-f695-4311-98b1-757345f7e926", + "https://www.ablebits.com/office-addins-blog/2015/05/13/subtract-dates-excel-add-days-months-years/", + "https://www.mrexcel.com/forum/excel-questions/595434-how-add-6-months-date.html", + "https://www.techonthenet.com/excel/formulas/month.php", + "https://support.office.com/en-us/article/add-or-subtract-dates-b83768f5-f695-4311-98b1-757345f7e926", + "https://support.office.com/en-us/article/add-or-subtract-dates-b83768f5-f695-4311-98b1-757345f7e926" + ] + }, + "query": "what is formula to add months", + "query_id": 748710, + "query_type": "DESCRIPTION", + "wellFormedAnswers": [] + }, + "truncated_cells": [] + }, + { + "row_idx": 133, + "row": { + "answers": [ + "Sam's Town, Las Vegas" + ], + "passages": { + "is_selected": [ + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 1, + 0, + 0 + ], + "passage_text": [ + "Almost Free. Sam's Town, Las Vegas, offers two RV parks with more than 500 spacious spots with full hookups and all amenities. Although there is a modest charge for parking, the amenities offset the cost and entice visitors to visit Nevada's second largest casino.", + "Think “casino accommodations” and you may think upscale hotel or luxury resort. Think “RV” and casinos may not come to mind at all. Many California casinos offer on-site RV parks and others without their own RV parks feature connections to nearby campgrounds.", + "The following Indian-owned RV parks are located in the state of California. Click the RV park name or photo to view more details.", + "This guide will help you find and locate casino gambling resorts in the United States that have full service RV Parks or campsites. Discover which casinos offer inexpensive or even free RV parking or camping where you can also enjoy all the resort amenities like pool, golf and spa, plus great dining, entertainment, slots and table action.", + "Related Articles. Back in the 1940s when Las Vegas was first making its gambling debut, small motels and trailer parks were the area's primary accommodations. Over more than 70 years, casinos have grown in size and stature, and luxury rooms have become the name of the game.", + "On-site Parks. At casinos offering an on-site RV park, the rules may differ from those you are accustomed to at a regular campground. Expect the campground to provide simple services: electric and sewer hookup and a pad for parking. Jackson Rancheria Casino includes 24-hour shuttle service from the remote RV park to the casino.", + "Casinos that do not have a full service RV Park still offer free overnight RV Parking in a section of the parking lot reserved for large vehicles. No services are offered, but you get what you pay for. The following list shows all USA casinos with full service RV Parking sites and campgrounds.", + "Las Vegas, NV 89109 (702) 794-3757. Sam's Town, Las Vegas, offers two RV parks with more than 500 spacious spots with full hookups and all amenities. Although there is a modest charge for parking, the amenities offset the cost and entice visitors to visit Nevada's second largest casino.", + "Take a Walk. Three casinos lie within walking distance of Las Vegas RV Resort on the Boulder Highway. Sam's Town Casino is a half-mile south, with East Side Cannery .4 mile further. Arizona Charlie's Boulder is the same distance north.", + "RV at a Biloxi casino - Biloxi Forum. RV at a Biloxi casino. Which Biloxi hotels are on sale? Does anyone know if you can park at any of the casino's in Biloxi in your RV, Isle of Capri in Lake Charles La allows you to park with elect hookup and use thier facilities for a small charge, can anyone help???!!! One destination mentioned in this post." + ], + "url": [ + "http://traveltips.usatoday.com/rv-camping-las-vegas-nevada-51710.html", + "http://traveltips.usatoday.com/california-casino-rv-parking-50807.html", + "http://www.indiangaming.com/rv/?state=ca", + "http://www.ourfavoritecasinos.com/casinorvparking.php", + "http://goneoutdoors.com/las-vegas-casinos-rv-parks-5791983.html", + "http://traveltips.usatoday.com/california-casino-rv-parking-50807.html", + "http://www.ourfavoritecasinos.com/casinorvparking.php", + "http://traveltips.usatoday.com/rv-camping-las-vegas-nevada-51710.html", + "http://goneoutdoors.com/las-vegas-casinos-rv-parks-5791983.html", + "https://www.tripadvisor.com/ShowTopic-g43686-i196-k2913030-RV_at_a_Biloxi_casino-Biloxi_Mississippi.html" + ] + }, + "query": "what casinos have rv parks?", + "query_id": 583500, + "query_type": "LOCATION", + "wellFormedAnswers": [ + "RV parks have Sam's Town and Las Vegas casinos." + ] + }, + "truncated_cells": [] + }, + { + "row_idx": 134, + "row": { + "answers": [ + "Run it under really really hot water and rub really really hard on the spot where you missed. not only will you decrease the chances of an absess forming--BUT you will also soon feel the warm rush as if you hadn't missed at all." + ], + "passages": { + "is_selected": [ + 0, + 0, + 0, + 0, + 1, + 0, + 0, + 0, + 0, + 0 + ], + "passage_text": [ + "Not later, NOW!!! If you are shooting meth, pills, or heroin then you will need a cotton ball (paper towels, a rag, or anything like that) and witch hazel U. S. P. Astringent. You will take the witch hazel and soak the cotton ball or whatever you are using and apply it to the injection cite.", + "Thread: missed vein. 04-09-2002 06:47 i just injected a good shot of H, which was in about 80 or 90cc's of water. the problem is, most of it didn't make it into my bloodstream. even though initially i got a nice red cloud, the needle must have slipped out...", + "Btw, you will definitely still get high, but there wont' be that 'rush' (which is, at least in my opinion, the best part of injecting heroin)...but you should still feel a decent amount of opiated bliss. 06-09-2002 22:48 I learned an extremely valueable lesson earlier today when I missed my vein entirely...", + "Report Abuse. If you are shooting meth, pills, or heroin then you will need a cotton ball (paper towels, a rag, or anything like that) and witch hazel U. S. P. Astringent. You will take the witch hazel and soak the cotton ball or whatever you are using and apply it to the injection cite.", + "what to do when you miss your vein: run it under really really hot water and rub really really hard on the spot where you missed. not only will you decrease the chances of an absess forming--BUT you will also soon feel the warm rush as if you hadn't missed at all.", + "Drugs should only be injected into the veins. Think of the body as a road map with a highway system all its own that sends blood to and from your body parts. The map is called the circulatory system and the roads are called arteries and veins. Arteries, which usually look red, carry blood away from the heart. Veins, which usually look blue, return blood to the heart. You should never inject into an artery. If you happen to hit upon an artery by mistake, you will know if:", + "CARE: go to a hospital right away – this is serious; you could die! REDUCE YOUR RISK: You can do this by trying to keep dirt and bacteria out of your hit. Use a new needle, sterile water, clean cooker/and filter every time you inject. You can prevent vein damage by following the vein care tips on pages 20 and 21.", + "Missing The Vein. Missing. Missing (short for missing the vein) is what happens when a person shooting up isn't in a vein when they inject their shot. The the fluid that was intended for the vein ends up pooling underneath the skin or in the muscle tissue. Missing is usually an accident and not intentional.", + "What happens if you miss a vein when shooting up heroin. kgb answers » Health & Body » Health & Fitness » What happens if you miss a vein when shooting up heroin. Not medical advice. Shooting heroin is dangerous and missing the vein could result in blisters on the skin. Tags: blister, heroin, vein, skin.", + "Blood clots can form in veins throughout the body. An embolism is a free-floating blood clot moving through the veins and arteries. CAUSE: Injecting pieces of dirt or bacteria can cause clots – they get stuck in the vein and block the blood flow. Also, blood clots form around scarred veins. SIGNS could be: A clot in your arms and legs may cause pain and swelling. In your lungs it may cause chest pain, shortness of breath, unconsciousness, or death." + ], + "url": [ + "https://answers.yahoo.com/question/index?qid=20121112212737AAzG0yk", + "http://bluelight.org/vb/threads/69258-missed-vein", + "http://bluelight.org/vb/threads/69258-missed-vein", + "https://answers.yahoo.com/question/index?qid=20121112212737AAzG0yk", + "http://bluelight.org/vb/threads/69258-missed-vein", + "http://www.tweaker.org/crystal101/slamming/avoidart.html", + "http://www.tripproject.ca/trip/?q=book/export/html/105", + "http://me-and-meth.blogspot.com/p/missing-vein.html", + "http://www.kgbanswers.com/what-happens-if-you-miss-a-vein-when-shooting-up-heroin/21635563", + "http://www.tripproject.ca/trip/?q=book/export/html/105" + ] + }, + "query": "what happens if you miss a vein shooting up", + "query_id": 666179, + "query_type": "DESCRIPTION", + "wellFormedAnswers": [] + }, + "truncated_cells": [] + }, + { + "row_idx": 135, + "row": { + "answers": [ + "No Answer Present." + ], + "passages": { + "is_selected": [ + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0 + ], + "passage_text": [ + "Courtesy of Defender. High-pressure Inflatable Floor: Like the roll-up floor, the high-pressure inflatable floor can stow easily, and setup time is super quick. The bottom of the boat has a V-shape due to an inflatable keel tube, so this style of inflatable tracks better than a flat-bottom dinghy. Due to its light weight and the hull shape, an inflatable hull dinghy can also hop on a plane with as little as a 5-horse outboard for a single rider.", + "How do I find and repair air leak in an inflatable boat, kayak or raft? If you are losing air pressure, (aside from pressure loss commonly caused by colder temperatures), check the boat over for air leaks. To find tiny leaks on a boat surface, fully inflate the boat until it's hard to the touch.", + "Small Inflatable and Plastic Pools Can Spread Illness. Small inflatable pools and plastic pools (usually 3 to 5 feet diameter) or other small water play attractions (for example, slides) have been associated with the spread of recreational water illnesses (RWIs). RWIs can be spread by swallowing or having contact with contaminated recreational water.", + "Steps for assembly inflatable boat with an air floor: 1 Inflate all tubes to approximately 75% full. 2 Insert boat seats in designated spots. 3 Place deflated air floor inside the boat. Place both ends of plywood boards under the left and right sides of 1 tubes. Stretch the air floor along the boats bottom, so it covers it from nose to transom.", + "Before you start looking at boats, consider what your needs are, your budget, where you plan to store the boat, if you plan to tow the boat, and how you’ll power it. Inflatable-Boat Options. Roll-up Floor: If space is at a premium, an inflatable with a roll-up floor may be right for you.", + "Small inflatable and plastic pools are typically filled with tap water. Some people in the United States have a disinfectant in their tap water but this is not adequate to kill germs that may get into water used for swimming. Sources of information exist about how to disinfect these pools.", + "Clean and dry the surface of the inflatable boat thoroughly before proceeding. Create a round patch of material that has an approximate circumference of 2 (5 cm) from the centre of the hole in the inflatable boat. Use the same material of patch that the boat is constructed from for best effect.", + "Some inflatable boats have been designed to be disassembled and packed into a small volume, so that they can be easily stored and transported to water when needed. The boat, when inflated, is kept rigid crossways by a foldable removable thwart.", + "Steps for assembly inflatable boat with an air floor: 1 Inflate all tubes to approximately 75% full. 2 Insert boat seats in designated spots. 3 Place deflated air floor inside the boat. The gray plywood board should be facing the keel. Place both ends of plywood boards under the left and right sides of tubes.", + "The most common term for inflatable boats is rubber boat although rubber is usually no longer used in their construction. Other terms used include inflatable dinghy, rubber dinghy, inflatable, inflatable rescue boat, and rubber duck." + ], + "url": [ + "http://www.cruisingworld.com/gear/dinghy-decisions", + "http://www.boatstogo.com/faq.asp", + "https://www.cdc.gov/healthywater/swimming/swimmers/inflatable-plastic-pools.html", + "http://www.boatstogo.com/faq.asp", + "http://www.cruisingworld.com/gear/dinghy-decisions", + "https://www.cdc.gov/healthywater/swimming/swimmers/inflatable-plastic-pools.html", + "https://en.wikipedia.org/wiki/Inflatable_boat", + "https://en.wikipedia.org/wiki/Inflatable_boat", + "http://www.boatstogo.com/faq.asp", + "https://en.wikipedia.org/wiki/Inflatable_boat" + ] + }, + "query": "how to pull inflatable", + "query_id": 374126, + "query_type": "DESCRIPTION", + "wellFormedAnswers": [] + }, + "truncated_cells": [] + }, + { + "row_idx": 136, + "row": { + "answers": [ + "No, it is not considered hazardous waste." + ], + "passages": { + "is_selected": [ + 0, + 1, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0 + ], + "passage_text": [ + "By definition these materials can be harmful and should never go into your community’s regular trash. The materials listed below have commonly been referred to as household hazardous waste or HHW but are now commonly referred to as home generated special materials. These materials include: Automotive products (antifreeze, fluids, motor oil, oil filters, gasoline, polish and wax)", + "Latex paint is not considered hazardous waste and is not accepted at household hazardous waste (HHW) events. Unfortunately, latex paint does find its way to HHW events. In 2009, at HHW events, Montgomery County collected 188,000 pounds of latex paint and non-hazardous materials that cost $65,737 to dispose of.", + "Disposal Problem. The average household stockpiles 1 to 3 gallons of waste paint per year, according to several studies. In California, unless latex paint is reused or recycled, it is considered a hazardous waste and must be disposed of in a Class I hazardous waste landfill.", + "You can dispose of latex paint in the garbage if you dry it out it first. Here’s how. Add equal parts kitty litter to latex paint in the can (one part paint to one part kitty litter). If you have more than a half a can, you can also pour the paint into a lined cardboard box then pour in cat litter. Stir the cat litter into the paint until it has an oatmeal-like consistency that will not spill out.", + "Oil Based & Latex Paints. Oil-Based Paints. Oil-based paint is considered hazardous waste and must be disposed of at a Household Hazardous Waste Collection. Very small amounts of oil-based paint may be dried out using cat litter or oil spill absorbent material and placed in the regular trash.", + "Here’s how. 1 Add equal parts kitty litter to latex paint in the can (one part paint to one part kitty litter). 2 Stir the cat litter into the paint until it has an oatmeal-like consistency that will not spill out. 3 Allow the paint and cat litter mixture to sit for one hour. Throw the dried paint in the can in the garbage with the lid off.", + "The solvent keeps the paint in a liquid form until the solvent evaporates after the paint is applied. The. solvent in oil-based paint is derived from a petroleum distillate and can include such hazardous. ingredients as mineral spirits, toluene and xylene. The solvent in latex paint is water.", + "Household Hazardous Waste. PAINT DISPOSAL. Paints commonly used in households: Water-based: latex - least harmful, pre-1992 paint may contain mercury; Oil-based: enamel, lacquer, shellac and varnish - contains solvents; Hobby or artist: coloring paints - may contain solvents or heavy metals; Aerosols: spray paints - contain solvents and propellants.", + "Paint. 1 Paint and varnish are the most common household products that become household hazardous waste. 2 By diverting latex paint from household hazardous waste collections, Montgomery County could save valuable tax payer dollars and perhaps provide additional services or events.", + "Management of leftover paint, such as disposal and household hazardous waste (HHW) collection, is discussed in another fact sheet, Latex Paint: Hazards and Solution for Disposal. Save on Disposal. Landfilling is an unnecessary expense because leftover paint, in most cases, is still a usable product." + ], + "url": [ + "http://www.wm.com/enterprise/municipalities/residential-solutions/household-hazardous-waste.jsp", + "http://www.montcopa.org/1996/Paint", + "http://www.calrecycle.ca.gov/ConDemo/Paint/", + "http://www.hazwastehelp.org/HHW/latexpaint.aspx", + "http://www.acua.com/paint/", + "http://www.hazwastehelp.org/HHW/latexpaint.aspx", + "http://www.dec.ny.gov/docs/materials_minerals_pdf/paint.pdf", + "http://www.dec.ny.gov/docs/materials_minerals_pdf/paint.pdf", + "http://www.montcopa.org/1996/Paint", + "http://www.calrecycle.ca.gov/ConDemo/Paint/" + ] + }, + "query": "is latex paint considered hazardous waste", + "query_id": 416035, + "query_type": "DESCRIPTION", + "wellFormedAnswers": [] + }, + "truncated_cells": [] + }, + { + "row_idx": 137, + "row": { + "answers": [ + "No Answer Present." + ], + "passages": { + "is_selected": [ + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0 + ], + "passage_text": [ + "Cells undergoing aerobic respiration produce 6 molecules of carbon dioxide, … 6 molecules of water, and up to 30 molecules of ATP (adenosine triphosphate), which is directly used to produce energy, from each molecule of glucose in the presence of surplus oxygen.", + "Cellular respiration is the process of oxidizing food molecules, like glucose, to carbon dioxide and water. C6H12O6 + 6O2 + 6H2O → 12H2O + 6 CO2. The energy released is trapped in the form of ATP for use by all the energy-consuming activities of the cell.", + "Cells undergoing aerobic respiration produce 6 molecules of carbon dioxide, … 6 molecules of water, and up to 30 molecules of ATP (adenosine triphosphate), which is directly used to produce energy, from each molecule of glucose in the presence of surplus oxygen. 12 people found this useful.", + "Cells undergoing aerobic respiration produce 6 molecules of carbon dioxide, 6 molecules of water, and up to 30 molecules of ATP (adenosine triphosphate), which is directly used to produce energy, from each molecule of glucose in the presence of surplus oxygen.", + "Cellular respiration is the process of oxidizing food molecules, like glucose, to carbon dioxide and water. C6H12O6 + 6O2 + 6H2O → 12H2O + 6 CO2. The energy released is trapped in the form of ATP for use by all the energy-consuming activities of the cell. 1 glycolysis, the breakdown of glucose to pyruvic acid.", + "Cellular respiration 3. Glycolysis Glycolysis is a metabolic pathway that is found in the cytoplasm of cells in all living organisms and is anaerobic(that is, oxygen is not required). The process converts one molecule of glucose into two molecules of pyruvate, itmakes energy in the form of two net molecules of ATP.", + "This process starts in the cells’ cytoplasm and is completed in the mitochondria-the cellular powerhouse. In those tiny organelles, one molecule of glucose with 6 molecules of oxygen are changed into 36 molecules of ATP – the energy cells can use to get things done.", + "Cellular Respiration begins with a biochemical pathway called GLYCOLYSIS. This is a process in which one molecule of glucose is broken in half by enzymes in the cytoplasm, producing 2 molecules of pyruvic acid and only 2 molecules of ATP. Glycolysis releases a relatively small amount of the energy stored in glucose.", + "Cellular respiration is the process of using oxygen in the mitochondria to chemically break down organic molecules such as glucose to release the energy stored in its bonds. In the process molecules of water and carbon dioxide are released as waste products.", + "The aerobic respiration of a molecule of glucosereleases more energy than the anaerobicrespiration of a molecule of glucose because, inaerobic respiration,(1) carbon dioxide is used (2) more chemical bonds are broken (3) oxygen is released(4) lactic acid is formed6." + ], + "url": [ + "http://www.answers.com/Q/What_energy_molecules_are_produced_in_this_respiration_organelle", + "http://users.rcn.com/jkimball.ma.ultranet/BiologyPages/C/CellularRespiration.html", + "http://www.answers.com/Q/What_energy_molecules_are_produced_in_this_respiration_organelle", + "http://www.answers.com/Q/What_energy_rich_molecules_are_produced_in_cellular_respiration", + "http://users.rcn.com/jkimball.ma.ultranet/BiologyPages/C/CellularRespiration.html", + "http://www.saylor.org/site/wp-content/uploads/2010/11/Wiki-Cellular-respiration.pdf", + "http://www.exploringnature.org/graphics/biology/cell_respiration.pdf", + "https://students.ga.desire2learn.com/d2l/lor/viewer/viewFile.d2lfile/1798/12577/photosynthesis4.html", + "https://students.ga.desire2learn.com/d2l/lor/viewer/viewFile.d2lfile/1798/12577/photosynthesis4.html", + "http://reviewbiology.com/site/practice-questions/pdf/aerobic-respiration.pdf" + ] + }, + "query": "what energy molocuels are produced in this respiration oragnelle", + "query_id": 657317, + "query_type": "DESCRIPTION", + "wellFormedAnswers": [] + }, + "truncated_cells": [] + }, + { + "row_idx": 138, + "row": { + "answers": [ + "Yes, Subtrochanteric fractures are located between the lesser trochanter and the femoral isthmus that is, in the proximal part of the femoral shaft." + ], + "passages": { + "is_selected": [ + 0, + 1, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0 + ], + "passage_text": [ + "Now, another part that I want to highlight on the head of the femur is this depression right here that is used for the attachment of this ligament that is cut right here. This is the head of the femur ligament.", + "Subtrochanteric fractures are located between the lesser trochanter and the femoral isthmus that is, in the proximal part of the femoral shaft. They are less common than femoral neck and intertrochanteric fractures, accounting for approximately 5% to 15 % of hip fractures.", + "Now, the acetabulum, as I mentioned, is a cavity formed by the synostosis of these three bones. So this is the meeting point of these three bones: the ilium, the pubic bone, and of course, the ischium. Now, still on the acetabulum, I want to add something important here that this is the socket for the hip joint.", + "Femoral Neck Fractures The femoral neck is the most common location for a hip fracture, accounting for 45% to 53% of hip fractures. Per 100,000 person years, approximately 27.7 femoral neck fractures occur in men and 63.3 occur in women.", + "Part Position of the Lateral Femur distal and mid shaft. Pt. is in lateral recumbent position. Flex knee 45* with patient on affected side and align femur to midline of IR, placing unaffected leg behind affected, to prevent rotation. Include knee joint and take a 2nd radiograph for the hip.", + "As you know, the hip joint is a ball-and-socket joint, and for that matter, you’re going to have a ball portion. That is the head of the femur as you can see here. And of course, the socket portion where this head will attach will, then, be the acetabulum.", + "Now, moving on to another part, the largest portion of the femur, this is known, of course, as the body or the shaft of the femur. Moving on to the next one, this time, we’re going to talk about the neck of the femur. And this is the portion that you find between the head right here and this other portion that we’re going to talk about next known as the greater trochanter.", + "Now, on the posterior side, you find, as well, another line, let’s say, but this time called the intertrochanteric crest that is also between the neck of the femur and the shaft and runs, as well, from the greater trochanter all the way down to the lesser trochanter.", + "The femoral neck is the region of the femur bounded by the femoral head proximally and the greater and lesser trochanters distally (shown below). A femoral neck fracture is intracapsular, that is within the hip joint and beneath the fibrous joint capsule.", + "And the very first thing you need to know about the hip bone, it’s also comprised of three bones. Three bones... or the hip bone consists of three bones. The first one is this one that you can see here. It’s highlighted in green like all our training units and all our tutorials." + ], + "url": [ + "https://www.kenhub.com/en/videos/bones-pelvis-femur", + "https://www.hopkinsmedicine.org/gec/series/fixing_hip_fractures", + "https://www.kenhub.com/en/videos/bones-pelvis-femur", + "https://www.hopkinsmedicine.org/gec/series/fixing_hip_fractures", + "https://quizlet.com/31680695/chapt-7-femur-and-pelvic-girdle-flash-cards/", + "https://www.kenhub.com/en/videos/bones-pelvis-femur", + "https://www.kenhub.com/en/videos/bones-pelvis-femur", + "https://www.kenhub.com/en/videos/bones-pelvis-femur", + "https://www.hopkinsmedicine.org/gec/series/fixing_hip_fractures", + "https://www.kenhub.com/en/videos/bones-pelvis-femur" + ] + }, + "query": "is the femoral neck part of the hip", + "query_id": 1174747, + "query_type": "DESCRIPTION", + "wellFormedAnswers": [] + }, + "truncated_cells": [] + }, + { + "row_idx": 139, + "row": { + "answers": [ + "It is actually the Native American meaning to the word Schenectady" + ], + "passages": { + "is_selected": [ + 1, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0 + ], + "passage_text": [ + "Derek Cianfrance wrote the script based on the town his wife Shannon Plumb grew up in, Schenectady, NY. The film was mostly filmed there on location. The phrase Place Beyond the Pines is actually the Native American meaning to the word Schenectady..", + "Director Derek Cianfrance claims that he would not have made the movie without Bradley Cooper cast as Avery Cross. In fact, he drove five hours to Montreal (QC) to meet with Cooper in person to convince him to take the role.", + "Luke (Academy Award nominee Ryan Gosling) is in constant motion, a high-wire motorcycle stunt performer who travels from town to town with the carnival. Passing through Schenectady in upstate New York, he tries to reconnect with a former lover, Romina (Eva Mendes), only to learn that she has in his absence given birth to their son Jason.", + "News. 1 New VOD and Streaming Movies, Plus: How to Watch 'Olympus Has Fallen,' 'Epic' and 'Lovelace' Before Disc. 2 New VOD and Streaming Movies, Plus: How to Watch 'Oblivion' and 'The Place Beyond the Pines' Before Disc.", + "A mysterious and mythical motorcycle racer, Luke, (Ryan Gosling) drives out of a traveling carnival globe of death and whizzes through the backstreets of Schenectady, New York, desperately trying to connect with a former lover, Romina, (Eva Mendes) who recently and secretly gave birth to the stunt rider's son.", + "Critics Consensus: Ambitious to a fault, The Place Beyond the Pines finds writer/director Derek Cianfrance reaching for -- and often grasping -- thorny themes of family, fatherhood, and fate.", + "The Place Beyond the Pines (2012) Watch Now. A motorcycle stunt rider turns to robbing banks as a way to provide for his lover and their newborn child, a decision that puts him on a collision course with an ambitious rookie cop navigating a department ruled by a corrupt detective.", + "One of the two films released in 2012 that featured the song The Wolves (Act I And II) by Bon Iver playing in the final scene. The other is Rust and Bone (2012), that premiered at the Cannes Film Festival four months before The Place Beyond the Pines premiered at the Toronto Film Festival.", + "The Place Beyond The Pines Videos. The Place Beyond The Pines Photos. Movie Info. The highly anticipated new drama from director Derek Cianfrance (Blue Valentine) powerfully explores the consequences of motorcycle rider Luke's (Academy Award nominee Ryan Gosling) fateful decision to commit a crime to support his child.", + "Other movies like this. Movies.com, the ultimate source for everything movies, is your destination for new movie trailers, reviews, photos, times, tickets + more! Stay in the know with the latest movie news and cast interviews at Movies.com." + ], + "url": [ + "http://www.imdb.com/title/tt1817273/trivia", + "http://www.imdb.com/title/tt1817273/trivia", + "http://www.movies.com/place-beyond-pines/details/m69133", + "http://www.movies.com/place-beyond-pines/m69133", + "http://www.imdb.com/title/tt1817273/", + "https://www.rottentomatoes.com/m/the_place_beyond_the_pines_2012/", + "http://www.imdb.com/title/tt1817273/", + "http://www.imdb.com/title/tt1817273/trivia", + "https://www.rottentomatoes.com/m/the_place_beyond_the_pines_2012/", + "http://www.movies.com/place-beyond-pines/details/m69133" + ] + }, + "query": "the place beyond the pines cast", + "query_id": 518239, + "query_type": "PERSON", + "wellFormedAnswers": [] + }, + "truncated_cells": [] + }, + { + "row_idx": 140, + "row": { + "answers": [ + "No Answer Present." + ], + "passages": { + "is_selected": [ + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0 + ], + "passage_text": [ + "Hello, I used to be an Alltel customer and just switched to Verizon. I am able to send text messages to people but often when they send them back, they go to my old Alltel phone.I kept the same phone number that I had with Alltel. am able to send text messages to people but often when they send them back, they go to my old Alltel phone. I kept the same phone number that I had with Alltel.", + "You might need to deregister iMessage if you have a non-Apple phone and can't get SMS or text messages someone sends you from an iPhone. This can happen if you used iMessage on your iPhone and then transferred your SIM card or phone number to a non-Apple phone (such as Android, Windows, or BlackBerry).If you recently switched from using an iPhone and didn't turn off iMessage, your number is still sending iMessages, not SMS or text.f you still have the iPhone you were using before you switched, use it to deregister iMessage with these steps. 1 If you transferred your SIM card from the iPhone to a non-Apple phone, put it back in the iPhone.", + "And I did request to port my number. I was not automatically switched with the Verizon/Alltel merge. My old phone is always off but if I turn it on, I recieve lots of text messages that should have been sent to my new phone. am able to send text messages to people but often when they send them back, they go to my old Alltel phone. I kept the same phone number that I had with Alltel.", + "Still getting text messages on old phone after porting from ATT to Verizon. One of my wife's coworkers just switched from an IPhone on ATT to a Galaxy S4 on Verizon.She ported her number over and is happy with the service but something odd is happening.When someone texts her, she gets the text message on both her Verizon and her ATT phone.ne of my wife's coworkers just switched from an IPhone on ATT to a Galaxy S4 on Verizon. She ported her number over and is happy with the service but something odd is happening. When someone texts her, she gets the text message on both her Verizon and her ATT phone.", + "My Nexus arrived-but I am still getting texts on my old phone. Ported my number to Verizon from ATT. All went well, aside from the one DOA phone that arrived first. Today, my second phone arrived and is all set up.I can send texts and make calls.I cannot make calls on my ATT phone. However, when I send a text from my new Nexus, it arrives as it should-but the replies go to my old phone, which shows No Service up top.Further, a friend texted me after the switch and it showed up on the old phone but not the new.y Nexus arrived-but I am still getting texts on my old phone. Ported my number to Verizon from ATT. All went well, aside from the one DOA phone that arrived first. Today, my second phone arrived and is all set up.", + "Feedback Score. 0. Hopefully, this will be an easy fix. if your old number is still programmed into the old phone you will probably receive text alerts on both phones. They say it will only last for a couple of days but I switched phones in December and mine did it till i gave it to somebody else.Congrats on your upgrade (bb).opefully, this will be an easy fix. if your old number is still programmed into the old phone you will probably receive text alerts on both phones. They say it will only last for a couple of days but I switched phones in December and mine did it till i gave it to somebody else. Congrats on your upgrade (bb).", + "It has something to do with the phone trying to send texts as an iMessage. It is related to the new IO7 release. I set my phone to send either as an iMessage or a text. This is something you have to do manually in settings. I was sending messages to other iPhones and they were not going through at all.t is most likely they are still IM'ing your apple id instead of your new phone number. have them explicitly text your phone number and not your apple id. sorry to hear about your downgrade. Level 1 (0 points). The iPhone user deleted m y contact info and entered my number directly but it still wouldn't go through.", + "1 The phone you're using might not show a notification when you get a text message. 2 Open the text messaging app on your phone and look for the message. 3 If you still can't find the text with the code, ask your wireless phone carrier if they allow people to send SMS texts to your phone number using short codes.f you still have the iPhone you were using before you switched, use it to deregister iMessage with these steps. 1 If you transferred your SIM card from the iPhone to a non-Apple phone, put it back in the iPhone.", + "Changed numbers and old number coming up when I text people on ATT network. Edited by nappyjim on Jan 6, 2013 at 1:25:36 PM. I had a sprint number, ending in 5571. When me and my fiance switched to ATT, I could not transfer my number over yet, so I got a new number, ending in 0671 with my iphone.hen I text my father with the new 5571 number, it still came up as 0671 on his phone (he never even had that number stored as a contact for me).", + "4. Ask your friends to hit send as text message.. If your iPhone friends text you and it doesn't go through, make them hit the i information button next to the failed text and, when prompted, resend the text as a text message and not an iMessage.. Ask your friends to hit send as text message.. If your iPhone friends text you and it doesn't go through, make them hit the i information button next to the failed text and, when prompted, resend the text as a text message and not an iMessage." + ], + "url": [ + "https://community.verizonwireless.com/thread/99558/", + "https://support.apple.com/en-us/HT203042", + "https://community.verizonwireless.com/thread/99558/", + "http://www.howardforums.com/showthread.php/1825755-Still-getting-text-messages-on-old-phone-after-porting-from-ATT-to-Verizon", + "http://forums.androidcentral.com/verizon-galaxy-nexus/145525-my-nexus-arrived-but-i-am-still-getting-texts-my-old-phone.html", + "http://www.howardforums.com/showthread.php/1403209-Text-still-going-to-my-old-phone!", + "https://discussions.apple.com/thread/5358680?start=0&tstart=0", + "https://support.apple.com/en-us/HT203042", + "https://forums.att.com/t5/Apple/Changed-numbers-and-old-number-coming-up-when-I-text-people-on/td-p/3396527", + "http://www.businessinsider.com/fix-iphone-imessage-not-sending-texts-to-non-apple-phones-2014-5" + ] + }, + "query": "switched number to new service but text messages still going to old phone", + "query_id": 505982, + "query_type": "NUMERIC", + "wellFormedAnswers": [] + }, + "truncated_cells": [] + }, + { + "row_idx": 141, + "row": { + "answers": [ + "China" + ], + "passages": { + "is_selected": [ + 0, + 0, + 0, + 0, + 0, + 1, + 0, + 0, + 0, + 0 + ], + "passage_text": [ + "Put together, the United States constitutes roughly 40 percent of the world's military expenditures. For the period 2010–14, the Stockholm International Peace Research Institute (SIPRI) found that the United States was the world's largest exporter of major arms, accounting for 31 per cent of global shares.", + "Fort Bragg is west of Fayetteville, North Carolina. It has a population of 238,646 that includes 52,280 active-duty soldiers. It covers 163,000 acres in area. Fort Campbell, on the border of Kentucky and Tennessee, has the second largest population of any U.S. military base, including 234,914 inhabitants.", + "The American military has been. viewed as a form of national service, an occupation, a profession, a work-. place, a calling, an industry, and a set. of internal labor markets.1 Military. service has touched most American. families; nearly 26 million Americans. living today have served in the mili-.", + "Mady Wechsler Segal is Distinguished Scholar-Teacher, professor of sociology, associate direc-. tor of the Center for Research on Military Organization, and faculty affiliate in the Women’s. Studies Program and in the School of Public Policy at the University of Maryland.", + "Military Active-Duty Personnel, Civilians by State. Numbers of U.S. military service members vary by state, driven mostly by workforce levels at large bases. There were a total of 1.3 million active duty military and more than 800,000 reserve forces as of 2016, according to Defense Department data. Total active duty personnel for the five armed service were 471,397 for the Army, 326,276 for the Navy, 309,682 for the Air Force, 183,917 for the Marine Corps and 39,084 for the Coast Guard.", + "The U.S. military is the world's second largest, after China's People's Liberation Army, and has troops deployed around the globe. From 1776 until September 2012, a total of 40 million people have served in the United States Armed Forces.", + "Fort Bragg, Fort Campbell and Fort Hood are the largest U.S. military bases by population according to figures from 2013. Joint Base Lewis-McChord and Fort Benning are the next largest.", + "It currently has 247,000 active personnel with an additional 57,900 in reserve. Japan also has 1,595 aircraft, the world's fifth largest air force, and 131 ships. Japan's military is limited by a peace clause in the constitution that makes it illegal for the country to have an offensive army.", + "They consist of the Army, Marine Corps, Navy, Air Force, and Coast Guard. The President of the United States is the military's overall head, and helps form military policy with the U.S. Department of Defense (DoD), a federal executive department, acting as the principal organ by which military policy is carried out.", + "Research on Military Organization, faculty associate in the Maryland Population Research. Center, and faculty affiliate in School of Public Policy at the University of Maryland. He has. published widely on military manpower, personnel, and operational issues." + ], + "url": [ + "https://en.wikipedia.org/wiki/Military_of_the_United_States", + "https://www.reference.com/government-politics/largest-u-s-military-bases-d1824809f894bfc", + "http://www.prb.org/Source/ACF1396.pdf", + "http://www.prb.org/Source/ACF1396.pdf", + "http://www.governing.com/gov-data/military-civilian-active-duty-employee-workforce-numbers-by-state.html", + "https://en.wikipedia.org/wiki/Military_of_the_United_States", + "https://www.reference.com/government-politics/largest-u-s-military-bases-d1824809f894bfc", + "http://www.businessinsider.com/11-most-powerful-militaries-in-the-world-2014-4", + "https://en.wikipedia.org/wiki/Military_of_the_United_States", + "http://www.prb.org/Source/ACF1396.pdf" + ] + }, + "query": "largest active military", + "query_id": 435759, + "query_type": "PERSON", + "wellFormedAnswers": [ + "China has the largest active military." + ] + }, + "truncated_cells": [] + }, + { + "row_idx": 142, + "row": { + "answers": [ + "The January low is 39." + ], + "passages": { + "is_selected": [ + 0, + 0, + 0, + 0, + 1, + 0, + 0, + 0, + 0, + 0 + ], + "passage_text": [ + "Annual Weather Averages Near Charleston. Averages are for Charleston Air Force Base Reporting Station, which is 10 miles from Charleston. All Year Climate & Weather Averages in Charleston. January Climate & Weather Averages in Charleston.", + "Forecast data from The Norwegian Meteorological Institute; Current conditions data from the National Weather Service. All historical data and normals © Weatherbase.", + "NEARBY - LIST. 1 Charleston - Harbor, South Carolina (0 mi / 0 km) 2 Sullivans Island, South Carolina (4 mi / 7 km) 3 Charleston, South Carolina (10 mi / 16 km) North Charleston, South Carolina (10 mi / 16 1 km) Lincolnville, South Carolina (20 mi / 32 km)", + "Charleston South Carolina Weather. Average annual temperatures, rainfall, sunrise and sunset times for Charleston SC. This weather chart will help you plan your vacation or wedding in Charleston. Weather Forecast | Weather Maps | Weather Radar.", + "Mount Pleasant, South Carolina, gets 48 inches of rain per year. The US average is 39. Snowfall is 0 inches. The average US city gets 26 inches of snow per year. The number of days with any measurable precipitation is 72. On average, there are 211 sunny days per year in Mount Pleasant, South Carolina. The July high is around 89 degrees. The January low is 39. Sperling's comfort index for Mount Pleasant is a 81 out of 100, where a higher score indicates a more comfortable year-around climate. The US average for the comfort index is 54.", + "Isolated severe thunderstorms with a potential for large hail and wind damage are possible today across parts of the southern Plains into the northern Ozarks. Marginally severe thunderstorms with strong wind gusts and hail are also possible from the Ohio Valley into the central and northern Appalachians. Read More >.", + "Mt. Pleasant, SC Weather. Mt. Pleasant, SC climate is hot during summer when temperatures tend to be in the 80's and cold during winter when temperatures tend to be in the 40's.", + "Mount Pleasant, SC Weather. The average temperature of Mount Pleasant is 65.01°F, which is higher than the South Carolina average temperature of 61.70°F and is much higher than the national average temperature of 54.45°F. Historical Weather.", + "Annual Climate Plots | Monthly Normals/Records | Daily/Monthly/Annual Extremes | Holiday Climatology | Precipitation Normal Maps Additional Resources.", + "South Carolina Weather > Mt. Pleasant Weather. Mt. Pleasant, SC climate is hot during summer when temperatures tend to be in the 80's and cold during winter when temperatures tend to be in the 40's." + ], + "url": [ + "http://www.timeanddate.com/weather/usa/charleston-sc/climate", + "http://www.weatherbase.com/weather/weather.php3?s=722081", + "http://www.weatherbase.com/weather/weather.php3?s=722081", + "http://www.dreamcharleston.com/charleston-weather.html", + "http://www.bestplaces.net/climate/city/south_carolina/mount_pleasant", + "http://forecast.weather.gov/MapClick.php?site=CHS&textField1=32.8231&textField2=-79.8638&e=0", + "http://www.idcide.com/weather/sc/mt-pleasant.htm", + "http://www.usa.com/mount-pleasant-sc-weather.htm", + "http://www.weather.gov/chs/climate", + "http://www.idcide.com/weather/sc/mt-pleasant.htm" + ] + }, + "query": "average january temps in mount pleasant, sc", + "query_id": 38032, + "query_type": "NUMERIC", + "wellFormedAnswers": [ + "The average low temperature in January is 39 in Mount Pleasant, South Carolina." + ] + }, + "truncated_cells": [] + }, + { + "row_idx": 143, + "row": { + "answers": [ + "No Answer Present." + ], + "passages": { + "is_selected": [ + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0 + ], + "passage_text": [ + "Myrrh is a common resin in the Horn of Africa. An essential oil extracted from myrrh (Commiphora myrrha). Myrrh /ˈmɜr/ from the Hebrew 'מור' (mor) and Arabic مر (mur) is the aromatic resin of a number of small, thorny tree species of the genus Commiphora, which is an essential oil termed an oleoresin.Myrrh resin is a natural gum.yrrh gum, like frankincense, is such a resin. When people harvest myrrh, they wound the trees repeatedly to bleed them of the gum. Myrrh gum is waxy, and coagulates quickly. After the harvest, the gum becomes hard and glossy.", + "Myrrh gum is commonly harvested from the species Commiphora myrrha, which is native to Yemen, Somalia, Eritrea and eastern Ethiopia. Another commonly used name, Commiphora molmol, is now considered a synonym of Commiphora myrrha.yrrh gum, like frankincense, is such a resin. When people harvest myrrh, they wound the trees repeatedly to bleed them of the gum. Myrrh gum is waxy, and coagulates quickly. After the harvest, the gum becomes hard and glossy.", + "Commiphora mukul, a related species, is not a source of myrrh. Myrrh is used to make medicine. Myrrh is used for indigestion, ulcers, colds, cough, asthma, lung congestion, arthritis pain, cancer, leprosy, spasms, and syphilis.It is also used as a stimulant and to increase menstrual flow.Myrrh is applied directly to the mouth for soreness and swelling, inflamed gums (gingivitis), loose teeth, canker sores, bad breath, and chapped lips.It is also used topically for hemorrhoids, bedsores, wounds, abrasions, and boils. In foods and beverages, myrrh is used as a flavoring component.t is also used as a stimulant and to increase menstrual flow. Myrrh is applied directly to the mouth for soreness and swelling, inflamed gums (gingivitis), loose teeth, canker sores, bad breath, and chapped lips.", + "Both frankincense and myrrh are derived from the gummy sap that oozes out of the Boswellia and Commiphora trees, respectively, when their bark is cut.The leaking resin is allowed to harden and scraped off the trunk in tear-shaped droplets; it may then be used in its dried form or steamed to yield essential oils.oth frankincense and myrrh are derived from the gummy sap that oozes out of the Boswellia and Commiphora trees, respectively, when their bark is cut.", + "Frankincense, also called olibanum, is an aromatic resin used in incense and perfumes, obtained from trees of the genus Boswellia in the family Burseraceae, particularly Boswellia sacra (syn: B. carteri, B. bhaw-dajiana), B. frereana, B. serrata (B. thurifera, Indian frankincense), and B. papyrifera.rankincense resin is edible and is used in traditional medicines in Africa and Asia for digestion and healthy skin. For internal consumption, it is recommended that frankincense be translucent, with no black or brown impurities.", + "It is an aromatic resin obtained from trees of the genus Boswellia and used to make incense and perfume. Answer: Frankincense is also referred as olibanum. It is an arom … atic resin acquired from genus Boswellia trees (Boswellia sacra).This is a common source to make perfume and incense.aking the world better, one answer at a time. Yes, frankincense is edible. But it must be pure frankincense which should be translucent and light yellow in colour, with no black or brown impurities. It is commonly chewed like gum.", + "Myrrh gum, like frankincense, is such a resin. When people harvest myrrh, they wound the trees repeatedly to bleed them of the gum. Myrrh gum is waxy, and coagulates quickly. After the harvest, the gum becomes hard and glossy.yrrh gum, like frankincense, is such a resin. When people harvest myrrh, they wound the trees repeatedly to bleed them of the gum. Myrrh gum is waxy, and coagulates quickly. After the harvest, the gum becomes hard and glossy.", + "Both frankincense and myrrh are derived from the gummy sap that oozes out of the Boswellia and Commiphora trees, respectively, when their bark is cut. The leaking resin is allowed to harden and scraped off the trunk in tear-shaped droplets; it may then be used in its dried form or steamed to yield essential oils.t can be used in carrier oil as a chest rub. 4. Skin. Myrrh is an astringent antiseptic that is beneficial for acne, rashes, and inflammatory skin problems. The tincture, powder, or essential oil of myrrh can be applied directly to ulcerated sores, wounds, and abrasions.", + "Frankincense resin is edible and is used in traditional medicines in Africa and Asia for digestion and healthy skin. For internal consumption, it is recommended that frankincense be translucent, with no black or brown impurities.It is often light yellow with a (very) slight greenish tint.rankincense resin is edible and is used in traditional medicines in Africa and Asia for digestion and healthy skin. For internal consumption, it is recommended that frankincense be translucent, with no black or brown impurities.", + "Derived from tree sap, or gum resin, both frankincense and myrrh are prized for their alluring fragrance. Frankincense is a milky white resin extracted from species of the genus Boswellia, which thrive in arid, cool areas of the Arabian Peninsula, East Africa and India.yrrh is a reddish resin that comes from species of the genus Commiphora, which are native to northeast Africa and the adjacent areas of the Arabian Peninsula. Commiphora myrrha, a tree commonly used in the production of myrrh, can be found in the shallow, rocky soils of Ethiopia, Kenya, Oman, Saudi Arabia and Somalia." + ], + "url": [ + "https://en.wikipedia.org/wiki/Myrrh", + "https://en.wikipedia.org/wiki/Myrrh", + "http://www.webmd.com/vitamins-supplements/ingredientmono-570-MYRRH.aspx?activeIngredientId=570&activeIngredientName=MYRRH", + "http://www.history.com/news/a-wise-mans-cure-frankincense-and-myrrh", + "https://en.wikipedia.org/wiki/Frankincense", + "http://www.answers.com/Q/Is_Frankincense_edible", + "https://en.wikipedia.org/wiki/Myrrh", + "http://www.curejoy.com/content/holy-herbs-frankincense-and-myrrh-can-cure-cancer/", + "https://en.wikipedia.org/wiki/Frankincense", + "http://science.howstuffworks.com/life/botany/question283.htm" + ] + }, + "query": "is myrrh edible", + "query_id": 418836, + "query_type": "DESCRIPTION", + "wellFormedAnswers": [] + }, + "truncated_cells": [] + }, + { + "row_idx": 144, + "row": { + "answers": [ + "22.8335 stone OR 22 stone and 11.67 lbs." + ], + "passages": { + "is_selected": [ + 0, + 0, + 0, + 1, + 0, + 0, + 0, + 0, + 0, + 0 + ], + "passage_text": [ + "The plural of stone is also stone. Many scales provide a weight display setting in kilograms, pounds or stone.. What is a Stone in Weight Measurement. The stone (st) is a unit of measure equal to 14 pounds (lb) avoirdupois, or 6.3503 kilograms (kg).This unit of measurement is used in Australia, Great Britain, and Ireland for measuring human body weight, and people there may commonly be said to weigh, e.g., 11 stone 4 (11 stone - 4 pounds), which equals approx.he plural of stone is also stone. Many scales provide a weight display setting in kilograms, pounds or stone. Use our calculator below to convert stones to pounds and/or kilograms-and vice versa. Simply enter the value you know in the appropriate box and the other figures will be calculated for you.", + "72 kilograms or 158 pounds. The plural of stone is also stone. Many scales provide a weight display setting in kilograms, pounds or stone. Use our calculator below to convert stones to pounds and/or kilograms-and vice versa.Simply enter the value you know in the appropriate box and the other figures will be calculated for you.he plural of stone is also stone. Many scales provide a weight display setting in kilograms, pounds or stone. Use our calculator below to convert stones to pounds and/or kilograms-and vice versa. Simply enter the value you know in the appropriate box and the other figures will be calculated for you.", + "The conversion formulae for stones (st) and pounds (lb) to kilograms (kg) conversions are as follows: 1 1 stone = 6.35029318 kilograms. 2 1 pound = 0.45359237 kilograms. Weight conversion chart 0 - 8 stone to kilograms. 2 Weight conversion chart 8 - 16 stone as kilograms. 3 Weight conversion chart 16 - 24 stone in kilograms. 4 Weight conversion chart 0 - 80 kilograms to stones and pounds.", + "Answer: 145 kg = 22.8335 stone OR 22 stone and 11.67 lbs.45 kilograms weighs 319.67 pounds The answer is 319 pounds done as follow 1Kg= 2.2 pounds 2.2 lbs * 145Kg= 319 lbs. 2 people found this useful.", + "145 Pounds (lb). =. 65.77089 Kilograms (kg). Pounds. The pound or pound-mass (abbreviations: lb, lbm, lbm, ℔[1]) is a unit of mass with several definitions. Nowadays, the most common is the international avoirdupois pound which is legally defined as exactly 0.45359237 kilograms. A pound is equal to 16 ounces.Kilograms. The kilogram (or kilogramme, SI symbol: kg), also known as the kilo, is the fundamental unit of mass in the International System of Units.owadays, the most common is the international avoirdupois pound which is legally defined as exactly 0.45359237 kilograms. A pound is equal to 16 ounces. Kilograms. The kilogram (or kilogramme, SI symbol: kg), also known as the kilo, is the fundamental unit of mass in the International System of Units.", + "Convert between kilograms and stones & pounds. These tools help you convert between units of kilograms (kg), stones and pounds. Choose between converters for kilograms, stones and pounds or kilograms and stones or kilograms and pounds.You can view a kg, stones and pounds conversion chart here. Please note that these converters require JavaScript.hoose between converters for kilograms, stones and pounds or kilograms and stones or kilograms and pounds. You can view a kg, stones and pounds conversion chart here. Please note that these converters require JavaScript.", + "You are here: the calculator site » unit conversions » mass & weight conversions-kg to stones & pounds. These tools help you convert between units of kilograms (kg), stones and pounds.Choose between converters for kilograms, stones and pounds or kilograms and stones or kilograms and pounds. You can view a kg, stones and pounds conversion chart here. Please note that these converters require JavaScript.hoose between converters for kilograms, stones and pounds or kilograms and stones or kilograms and pounds. You can view a kg, stones and pounds conversion chart here. Please note that these converters require JavaScript.", + "There are 14 pound in 1 stone. Therefore, 145 pounds is 10 stone 5 pounds.he resulting number is the weight in grams. To convert grams to kilograms, simply divide by 1000. Or, an easier option … is to take the weight given in pounds and multiply by 0.45359. In this case the answer is 65.77 kilograms.", + "65.77089 Kilograms (kg). Pounds. The pound or pound-mass (abbreviations: lb, lbm, lbm, ℔[1]) is a unit of mass with several definitions. Nowadays, the most common is the international avoirdupois pound which is legally defined as exactly 0.45359237 kilograms.A pound is equal to 16 ounces.Kilograms. The kilogram (or kilogramme, SI symbol: kg), also known as the kilo, is the fundamental unit of mass in the International System of Units.owadays, the most common is the international avoirdupois pound which is legally defined as exactly 0.45359237 kilograms. A pound is equal to 16 ounces. Kilograms. The kilogram (or kilogramme, SI symbol: kg), also known as the kilo, is the fundamental unit of mass in the International System of Units.", + "The answer is 2.20462262185. We assume you are converting between pound and kilogram. You can view more details on each measurement unit: pounds or kg. The SI base unit for mass is the kilogram. 1 pounds is equal to 0.45359237 kilogram.Note that rounding errors may occur, so always check the results. Use this page to learn how to convert between pounds and kilograms.ou can view more details on each measurement unit: pounds or kg. The SI base unit for mass is the kilogram. 1 pounds is equal to 0.45359237 kilogram. Note that rounding errors may occur, so always check the results. Use this page to learn how to convert between pounds and kilograms." + ], + "url": [ + "http://www.disabled-world.com/calculators-charts/convert-stones.php", + "http://www.disabled-world.com/calculators-charts/convert-stones.php", + "http://www.stonestokilograms.com/", + "http://www.answers.com/Q/How_many_stones_and_pounds_is_145_kg", + "http://www.theunitconverter.com/pounds-to-kilograms-conversion/145-pounds-to-kilograms.html", + "http://www.thecalculatorsite.com/conversions/common/kg-to-stones-pounds.php", + "http://www.thecalculatorsite.com/conversions/common/kg-to-stones-pounds.php", + "http://www.answers.com/Q/145_pounds_is_equivalent_to_how_many_stone", + "http://www.theunitconverter.com/pounds-to-kilograms-conversion/145-pounds-to-kilograms.html", + "http://www.convertunits.com/from/145+pounds/to/kg" + ] + }, + "query": "145 kilos in stones and pounds", + "query_id": 677, + "query_type": "NUMERIC", + "wellFormedAnswers": [] + }, + "truncated_cells": [] + }, + { + "row_idx": 145, + "row": { + "answers": [ + "It is located at the address 1304 Ne Cedar St in Roseburg, Oregon 97470." + ], + "passages": { + "is_selected": [ + 0, + 0, + 0, + 0, + 1, + 0 + ], + "passage_text": [ + "United States Postal Service is located at the address 1304 Ne Cedar St in Roseburg, Oregon 97470. They can be contacted via phone at (541) 672-8044 for pricing, hours and directions. For more information contact Lynne K Tonn, Manager or go to www.usps.gov.", + "Stats and Demographics for the 97471 ZIP Code. ZIP code 97471 is located in southwest Oregon and covers a slightly higher than average land area compared to other ZIP codes in the United States. It also has a slightly less than average population density. The people living in ZIP code 97471 are primarily white.", + "United States Postal Service 291 SW Main St , Winston, OR 97496. United States Postal Service 9455 Old Hwy 99 S , Dillard, OR 97432. United States Postal Service 114 Lena Ave , Tenmile, OR 97481. North Umpqua Video 2658 NE Stephens St , Roseburg, OR 97470.", + "Read moreery service that reaches every address in the nation: 155 million residences, businesses and Post Office Boxes. With more than 31,600 retail locations and the most frequently visited website in the federal government, the Postal Service delivers 47 percent of the world's mail.", + "United States Postal Service is located at the address 1304 Ne Cedar St in Roseburg, Oregon 97470. They can be contacted via phone at (541) 672-8044 for pricing, hours and directions. For maps and directions to United States Postal Service view the map to the right.", + "Visit your local Post Office at 519 SE Kane St! The Postal Service mission is to provide a reliable, efficient, trusted and affordable universal delivery service that connects people and helps businesses grow. The U.S. Postal Service is the only deliv..." + ], + "url": [ + "https://www.chamberofcommerce.com/roseburg-or/9941749-united-states-government", + "https://www.unitedstateszipcodes.org/97471/", + "https://www.mapquest.com/search/results?query=US%20Post%20Office,%20Winston,%20OR%2097496", + "http://www.superpages.com/bp/roseburg-or/united-states-postal-service-L2063102969.htm", + "https://www.chamberofcommerce.com/roseburg-or/9941749-united-states-government", + "http://www.superpages.com/bp/roseburg-or/united-states-postal-service-L2063102969.htm" + ] + }, + "query": "united states postal service roseburg or", + "query_id": 532464, + "query_type": "DESCRIPTION", + "wellFormedAnswers": [] + }, + "truncated_cells": [] + }, + { + "row_idx": 146, + "row": { + "answers": [ + "It is a sensor that works with wireless technology (Wi-Fi) to bring the user full monitoring of floods and water leaks." + ], + "passages": { + "is_selected": [ + 0, + 0, + 1, + 0, + 0, + 0, + 0, + 0, + 0, + 0 + ], + "passage_text": [ + "When used with the Insteon Hub, you will receive instant alerts the instant a water leak is detected. Avoid Flooding One of the sensors you hope you never have to use in your home, Leak Sensor's function is simple: it detects water leaks. Place one by your water heater, under every sink, by your clothes and dish washers and behind the toilet for total protection.", + "Just set on the floor - no screws, no tape, no wires! Use with the Insteon Hub and receive an alert to your smartphone the instant a water leak is detected. Simply tap/tap link to lights to be visually alerted.", + "FLOODSPOT - WiFi Water Leak Sensor - Description. The FloodSpot is a sensor that works with wireless technology (Wi-Fi) to bring the user full monitoring of floods and water leaks. Current Wi-Fi must be present in the immediate area to have the FloodSpot connected and running without any delay. SpotProtect has a cloud server that is included with the purchase of the FloodSpot.", + "Basement Water Alarm. Prevalert’s water alarm assist in keeping water leaks under control. You can utilize this alarm in the bathrooms, basement and the kitchen. It detects water easily with water depth sensitivity of 1/32”. The alarm is powered by a nine volts battery that runs up to 3 years without difficulty.", + "Fibaro’s Home Center 2 or another Z-Wave hub is required to use the Flood Sensor. Utilitech Water Leak Detector. If you have a Lowe’s Iris smart home system, this is the water detector you want, but it will also work with other Z-Wave hubs such as Vera. The Utilitech Leak Detector comes with a three-foot long cord and runs on three AAA batteries. $30.", + "Proteus Aquo - Wi-Fi Water Sensor. The Proteus Aquo Wi-Fi water sensor for your basement, kitchen or bathroom is designed to detect and alert you to potential water damage. The Wi-Fi water sensor keeps constant guard throughout the day and night, and automatically alerts you when water damage is imminent.", + "The sensors connect to the central smart home hub, and you can view the device’s status on your phone or tablet. If the device detects water, you get an alert (usually a text or push notification). That’s when you rush home to see what the damage is.", + "Proteus Aquo Wi-Fi sensor monitors presence of water and sends you alert messages water is detected, to your inbox or smart phone. The Aquo sensor connects to your home or office Wi-Fi networks . Setup is easy, only takes a few minutes.", + "The detection alarm 71631 is simply the best. It is small in size and can be positioned anywhere to sense leaks. The alarm operates on a nine volts battery that runs seamlessly for number of years. In case of a detected leak, it produces an alarm of 95 dB level and sings for up to 72 hours.", + "Wally: A high-tech networked water leak detection system. The Wally system is a wireless sensor network that effectively addresses the problem of detecting water damage from broken or leaking pipes at a very reasonable price. Email a friend. To. Use commas to separate multiple email addresses." + ], + "url": [ + "http://www.smarthome.com/insteon-2852-222-water-leak-sensor.html", + "http://www.smarthome.com/insteon-2852-222-water-leak-sensor.html", + "http://www.alarms247.com/floodspot-wifiwaterleaksensor.aspx", + "http://toppersworld.com/top-10-best-selling-water-leak-detectors-and-alarms-reviews/", + "https://www.electronichouse.com/smart-home/you-need-a-smart-home-water-leak-detector-because-leaks-happen/", + "https://proteussensor.com/wi-fi-water-sensor.html", + "https://www.electronichouse.com/smart-home/you-need-a-smart-home-water-leak-detector-because-leaks-happen/", + "https://proteussensor.com/wi-fi-water-sensor.html", + "http://toppersworld.com/top-10-best-selling-water-leak-detectors-and-alarms-reviews/", + "http://www.networkworld.com/article/2597649/wireless/wally-a-high-tech-networked-water-leak-detection-system.html" + ] + }, + "query": "what is a wifi leak sensor", + "query_id": 706304, + "query_type": "DESCRIPTION", + "wellFormedAnswers": [] + }, + "truncated_cells": [] + }, + { + "row_idx": 147, + "row": { + "answers": [ + "No Answer Present." + ], + "passages": { + "is_selected": [ + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0 + ], + "passage_text": [ + "An opportunistic infection is an infection caused by bacterial, viral, fungal, or protozoan pathogens that take advantage of a host with a weakened immune system or an altered microbiota (such as a disrupted gut flora).Many of these pathogens do not cause disease in a healthy host that has a normal immune system.n opportunistic infection is an infection caused by bacterial, viral, fungal, or protozoan pathogens that take advantage of a host with a weakened immune system or an altered microbiota (such as a disrupted gut flora). Many of these pathogens do not cause disease in a healthy host that has a normal immune system.", + "INTRODUCTION. Infection with HIV reduces the immune system's ability to fight infections. Certain bacteria, viruses, fungi, and other organisms, which do not usually cause infections in healthy people, can cause infections in people with a weakened immune system; these are called opportunistic infections.NTRODUCTION. Infection with HIV reduces the immune system's ability to fight infections. Certain bacteria, viruses, fungi, and other organisms, which do not usually cause infections in healthy people, can cause infections in people with a weakened immune system; these are called opportunistic infections.", + "Deep mycoses are caused by primary pathogenic and opportunistic fungal pathogens. The primary pathogenic fungi are able to establish infection in a normal host; whereas, opportunistic pathogens require a compromised host in order to establish infection (e.g., cancer, organ transplantation, surgery, and AIDS).The primary deep pathogens usually gain access to the host via the respiratory tract.he primary pathogenic fungi are able to establish infection in a normal host; whereas, opportunistic pathogens require a compromised host in order to establish infection (e.g., cancer, organ transplantation, surgery, and AIDS).", + "Opportunistic Fungus Infections are caused by organisms that are inherently of low virulence, and disease production depends on diminished host resistance to infection. Common etiologic agents of opportunistic infections are Aspergillus, Candida, Rhizopus, and Cryptococcus.. |. |. In true pathogenic fungus infections, the fungus is virulent regardless of the constitutional adequacy of the host.", + "These infections are called “opportunistic” because they take advantage of your weakened immune system, and they can cause devastating illnesses. OIs are signs of a declining immune system. Most life-threatening OIs occur when your. is below 200 cells/mm3. OIs are the most common cause of death for people with HIV/AIDS. OPPORTUNISTIC INFECTIONS. 2 In general, people with CD4 counts greater than 500 cells/mm 3 are not at risk for opportunistic infections. 3 For people with CD4 counts around 500, however, the daily fluctuations in CD4 cell levels can leave them vulnerable to minor infections, such as candidal vaginitis or yeast infections.", + "1 sex, age, and race are important factors in the statistics of pathogenic fungus infections. 2 pathogenic fungi exhibit a morphological transition from a the mycelial or saprobic form to the parasitic form found in infected tissue.. |. |. In true pathogenic fungus infections, the fungus is virulent regardless of the constitutional adequacy of the host.", + "1 OPPORTUNISTIC INFECTIONS. 2 Pnuemocystis Jirovecii (Carinii) Pneumonia (PCP). 3 PCP is a fungal infection and is the OI that most often causes death in patients with HIV. 4 It is treatable with antibiotic therapy and close monitoring. OPPORTUNISTIC INFECTIONS. 2 In general, people with CD4 counts greater than 500 cells/mm 3 are not at risk for opportunistic infections. 3 For people with CD4 counts around 500, however, the daily fluctuations in CD4 cell levels can leave them vulnerable to minor infections, such as candidal vaginitis or yeast infections.", + "The infections are called opportunistic because they take the opportunity to attack you when your immune system is weak. The cancers are called AIDS related because they appear mostly in people who have advanced, later-stage HIV infection, known as AIDS. Most people who die of AIDS do not die from the virus itself.pportunistic infections can be caused by viruses, bacteria, and fungus, even parasites. One way to avoid these infections is to reduce your risk of exposure to these germs. The following pages offer some practical suggestions.", + "|. |. |. In true pathogenic fungus infections, the fungus is virulent regardless of the constitutional adequacy of the host.True pathogenic fungi include Histoplasma, Coccidioides, Blastomyces, and Paracoccidiodies.. |. |. In true pathogenic fungus infections, the fungus is virulent regardless of the constitutional adequacy of the host.", + "1 very restricted geographic distribution of fungus. 2 sex, age, and race are important factors in the statistics of pathogenic fungus infections. 3 pathogenic fungi exhibit a morphological transition from a the mycelial or saprobic form to the parasitic form found in infected tissue.. |. |. In true pathogenic fungus infections, the fungus is virulent regardless of the constitutional adequacy of the host." + ], + "url": [ + "https://en.wikipedia.org/wiki/Opportunistic_infection", + "http://www.uptodate.com/contents/preventing-opportunistic-infections-in-hiv-beyond-the-basics", + "http://www.njmoldinspection.com/mycoses/Spectrum%20of%20Mycoses.htm", + "http://clt.astate.edu/mhuss/true_&_opportunistic_mycoses.htm", + "https://www.aids.gov/hiv-aids-basics/staying-healthy-with-hiv-aids/potential-related-health-problems/opportunistic-infections/index.html", + "http://clt.astate.edu/mhuss/true_&_opportunistic_mycoses.htm", + "https://www.aids.gov/hiv-aids-basics/staying-healthy-with-hiv-aids/potential-related-health-problems/opportunistic-infections/index.html", + "http://hivinsite.ucsf.edu/insite?page=pb-diag-04-00", + "http://clt.astate.edu/mhuss/true_&_opportunistic_mycoses.htm", + "http://clt.astate.edu/mhuss/true_&_opportunistic_mycoses.htm" + ] + }, + "query": "in general, are fungal infections usually parasitic or are the opportunistic quizlet", + "query_id": 393403, + "query_type": "ENTITY", + "wellFormedAnswers": [] + }, + "truncated_cells": [] + }, + { + "row_idx": 148, + "row": { + "answers": [ + "No Answer Present." + ], + "passages": { + "is_selected": [ + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0 + ], + "passage_text": [ + "Building a l-shaped corner desk is easy and it will create lots of storage space in your bedroom, but there are a few things that you should take into account. Always adjust the size and the design of the desk to your needs and buy quality materials.", + "This step by step diy project is about how to build a corner desk. Building a l-shaped corner desk is easy and it will create lots of storage space in your bedroom, but there are a few things that you should take into account. Always adjust the size and the design of the desk to your needs and buy quality materials.", + "How to build a corner desk. Building the tabletop. The first step of the woodworking project is to build the top of the desk. As you can see in the image, you need to cut three components out of 3/4″ plywood or MDF.", + "Large DIY home office desk on the corner. For a similar corner look, check out the DIY Build Your Own Craft Desk project. Note how table legs are attached to one end of the desk, while cube shelving adds support to the opposite end and middle. Visit Jannypie for further instructions.", + "For a similar corner look, check out the DIY Build Your Own Craft Desk project. Note how table legs are attached to one end of the desk, while cube shelving adds support to the opposite end and middle. Visit Jannypie for further instructions.", + "For a similar corner look, check out the DIY Build Your Own Craft Desk project. Note how table legs are attached to one end of the desk, while cube shelving adds support to the opposite end and middle.", + "How to build a simple legless corner desk with wood flooring panels. I demonstrate how I constructed a custom desk from surplus wood flooring and scrap materials. The resulting desk build is simple, functional, and elegant.", + "When you think practically, there’s no need to pay hundreds of dollars for a desk when you can make your own one for under $30. Here’s how: Use (9 cm) wide CLS for the main frame (legs and one support) and some 60mm (6cm) CLS timber for the supports that will be visible.", + "1 A corner desk is space saving and fits in different room layouts, but you’ll be stuck facing a corner, usually with your back to the door. 2 Straight desks are the most common and versatile for placement (against a wall or in the middle of the room). 3 They don’t always offer the most surface space, however.", + "1. Run a stud finder along the wall on both sides of the corner. Locate all of the studs on both sides to a distance of 32 inches on the left and right from the corner, and mark the locations. Measure up from the floor, and make marks on both sides of the wall at 28 inches." + ], + "url": [ + "http://howtospecialist.com/finishes/furniture/how-to-build-a-corner-desk/", + "http://howtospecialist.com/finishes/furniture/how-to-build-a-corner-desk/", + "http://howtospecialist.com/finishes/furniture/how-to-build-a-corner-desk/", + "http://www.decoist.com/2012-05-17/diy-desks/", + "http://www.decoist.com/2012-05-17/diy-desks/", + "http://www.decoist.com/2012-05-17/diy-desks/", + "http://www.youtube.com/watch?v=EWYiA3-_qNk", + "http://www.homedit.com/20-diy-desks-that-really-work-for-your-home-office/", + "http://lifehacker.com/how-to-choose-or-build-the-perfect-desk-for-you-1000433355", + "http://homeguides.sfgate.com/make-corner-desk-small-home-office-59570.html" + ] + }, + "query": "how to make a corner desk", + "query_id": 367447, + "query_type": "DESCRIPTION", + "wellFormedAnswers": [] + }, + "truncated_cells": [] + }, + { + "row_idx": 149, + "row": { + "answers": [ + "Yes, The femoral nerve is one of the major peripheral nerves of the lower limb." + ], + "passages": { + "is_selected": [ + 0, + 0, + 1, + 0, + 0, + 0, + 0, + 0, + 0, + 0 + ], + "passage_text": [ + "The successful use of permanent percutaneous femoral nerve stimulation using a stimulating lead placed close to the femoral nerve with the aid of ultrasound guidance has been reported. Surgical", + "If nerve stimulation is used (0.5 mA, 0.1 msec), the passage of the needle through the fascia iliaca and contact of the needle tip with the femoral nerve usually is associated with a motor response of the quadriceps muscle group.", + "The Femoral Nerve. The femoral nerve is one of the major peripheral nerves of the lower limb. In this article, we shall look at the anatomy of the femoral nerve – its anatomical course, motor and sensory functions, and any clinical relevance.", + "The femoral nerve is one of the largest nerves in your leg. It’s located near the groin and controls the muscles that help straighten your leg and move your hips. It also provides feeling in the lower part of your leg and the front of your thigh.", + "The largest nerve that emerges from the lumbar plexus is the femoral nerve, which descends beneath the inguinal ligament before dividing into a number of smaller branches innervating the anterior thigh musculature and skin . One pure sensory branch, the saphenous nerve, continues down the medial leg to the arch of the foot.", + "Femoral nerve block with local anesthetic and steroid is occasionally used in the treatment of persistent lower extremity pain when the pain is thought to be secondary to inflammation or when entrapment of the femoral nerve as it passes under the inguinal ligament is suspected.", + "The femoral artery is a very large artery that lies close to the femoral nerve. In trauma they are often injured together. Injury to or bleeding in the artery can cause compression on the nerve. Additionally, because the femoral nerve provides sensation to a major portion of the leg, injuries can occur due to this loss of sensation.", + "In the thigh, the nerve lies in a groove between iliacus muscle and psoas major muscles, outside the femoral sheath, and lateral to the femoral artery. After a short course of about 4 cm in the thigh, the nerve is divided into anterior and posterior divisions, separated by lateral femoral circumflex artery.", + "Mononeuritis multiplex is the femoral nerve dysfunction due to systemic disorder of femoral nerve. Entrapment of femoral nerve also damages myelin sheath or axons (nerve fibers). Due to this the impulses are not passed on properly via nerve. If pelvic bone is broken, femoral nerve can get damaged.", + "The femoral nerve is present in leg and provides assistance in the leg straightening action. Sensation to the thigh front and lower leg is provided by femoral nerve. Pelvic fracture is the major problem associated with this nerve. In case the femoral nerve is damaged, it is indicated by weakness in leg or impaired movement or sensation of leg. Recovery is possible if the exact reason for femoral nerve dysfunction is diagnosed." + ], + "url": [ + "https://patient.info/doctor/femoral-nerve-lesion", + "https://www.nysora.com/ultrasound-guided-femoral-nerve-block", + "http://teachmeanatomy.info/lower-limb/nerves/femoral-nerve/", + "https://www.healthline.com/health/femoral-nerve-dysfunction", + "https://www.uptodate.com/contents/overview-of-lower-extremity-peripheral-nerve-syndromes#!", + "https://www.sciencedirect.com/topics/neuroscience/femoral-nerve", + "https://www.msn.com/en-gb/news/other/femoral-neuropathy/ar-AAYGPJ", + "https://en.wikipedia.org/wiki/Femoral_nerve", + "http://www.innovateus.net/innopedia/what-are-symptoms-femoral-nerve-damage", + "http://www.innovateus.net/innopedia/what-are-symptoms-femoral-nerve-damage" + ] + }, + "query": "is the femoral nerve a peripheral nerve", + "query_id": 1174746, + "query_type": "DESCRIPTION", + "wellFormedAnswers": [] + }, + "truncated_cells": [] + }, + { + "row_idx": 150, + "row": { + "answers": [ + "The bar that is used as a frame to pull or support something heavy." + ], + "passages": { + "is_selected": [ + 1, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0 + ], + "passage_text": [ + "A yoke used for oxen. A yoke used for oxen. The definition of yoke is the bar that is used as a frame to pull or support something heavy. 1. An example of yoke is the wood that oxen are hooked to on an old-style plow. 2.", + "A yoke used for oxen. A yoke used for oxen. The definition of yoke is the bar that is used as a frame to pull or support something heavy. 1. An example of yoke is the wood that oxen are hooked to on an old-style plow.", + "A. Use the Heavy Duty End Yoke Definition link to define the exact Dana Spicer component using your desired dimensions or dimensions of the part you are looking to replace. You will have a Splined, Serrated Steering Shaft or Round Steering Shaft End Yoke.", + "The definition of yoke is the bar that is used as a frame to pull or support something heavy. 1. An example of yoke is the wood that oxen are hooked to on an old-style plow. 2.", + "A yoke used for oxen. A yoke used for oxen. The definition of yoke is the bar that is used as a frame to pull or support something heavy.", + "A yoke used for oxen. A yoke used for oxen. The definition of yoke is the bar that is used as a frame to pull or support something heavy. 1. An example of yoke is the wood that oxen are hooked to on an old-style plow. 2. A bar used across the shoulders to balance a load equally on both sides is an example of a yoke. 3.", + "Definition of YOKE for Kids. 1. : a wooden bar or frame by which two work animals (as oxen) are harnessed at the heads or necks for drawing a plow or load. 2. : a frame fitted to a person's shoulders to carry a load in two equal parts. 3. : a clamp that holds or connects two parts. 4. plural usually yoke: two animals yoked together.", + "2. a pair of draft animals fastened together by a yoke. 3. something resembling a yoke in form or use. 4. a frame fitting a person's neck and shoulders, for carrying a pair of buckets or the like. 5. an agency of oppression, servitude, etc.", + "Definition of YOKE for Kids. 1. : a wooden bar or frame by which two work animals (as oxen) are harnessed at the heads or necks for drawing a plow or load. 2. : a frame fitted to a person's shoulders to carry a load in two equal parts. 3. : a clamp that holds or connects two parts. 4.", + "A. Use the Heavy Duty End Yoke Definition link to define the exact Dana Spicer component using your desired dimensions or dimensions of the part you are looking to replace." + ], + "url": [ + "http://www.yourdictionary.com/yoke", + "http://www.yourdictionary.com/yoke", + "http://www.ccidriveline.com/end-yokes/heavy-duty-1.html", + "http://www.yourdictionary.com/yoke", + "http://www.yourdictionary.com/yoke", + "http://www.yourdictionary.com/yoke", + "http://www.merriam-webster.com/dictionary/yoke", + "http://www.thefreedictionary.com/yoke", + "http://www.merriam-webster.com/dictionary/yoke", + "http://www.ccidriveline.com/end-yokes/heavy-duty-1.html" + ] + }, + "query": "steering yoke definition", + "query_id": 503519, + "query_type": "DESCRIPTION", + "wellFormedAnswers": [ + "Steering yoke is the bar that is used as a frame to pull or support something heavy." + ] + }, + "truncated_cells": [] + }, + { + "row_idx": 151, + "row": { + "answers": [ + "No Answer Present." + ], + "passages": { + "is_selected": [ + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0 + ], + "passage_text": [ + "Acute bronchitis often develops three to four days after a cold or the flu. It may start with a dry cough, then after a few days the coughing spells may bring up mucus. Most people get over an acute bout of bronchitis in two to three weeks, although the cough can sometimes hang on for four weeks or more.t may start with a dry cough, then after a few days the coughing spells may bring up mucus. Most people get over an acute bout of bronchitis in two to three weeks, although the cough can sometimes hang on for four weeks or more.", + "Whether you have acute bronchitis after a cold or chronic bronchitis brought on by recurring illnesses or smoking, there are natural remedies you can use to cure it and make sure it doesn`t come back.The key is to support your body with nutrients so it can heal.Bronchitis is a disease where the air tubes in the lungs, the bronchi, are enflamed and can either be acute or chronic. Symptoms of acute bronchitis include coughing, chest pain, and fever which often follows a cold or flu.Symptoms of chronic bronchitis are more severe and include difficulty in breathing, wheezing, and exhaustion. Bronchitis is often preceded by the common cold or flu.nother thing you can do to help recover from a bout of bronchitis is to strengthen your lungs. Blowing up balloons is a simple way to strengthen your lungs after they have been infected. Doing yoga may also help you regulate your breathing and strengthen your lungs.", + "Acute bronchitis is caused in most cases by a viral infection and may begin after you develop a cold or sore throat. Bronchitis usually begins with a dry cough. After a few days it progresses to a productive cough, which may be accompanied by fever, fatigue, and headache. The cough may last up to several weeks.If not treated acute bronchitis can progress to pneumonia.Chronic bronchitis is caused in most cases by exposure to tobacco smoke or other irritants. As a result, the airways produce lots of mucus. Inflammation and extra mucus reduce air flow and cause severe coughing and spitting up of phlegm.ronchitis usually begins with a dry cough. After a few days it progresses to a productive cough, which may be accompanied by fever, fatigue, and headache. The cough may last up to several weeks.", + "Prevent COPD Before It Starts. The best way to prevent COPD is to not start smoking or to quit smoking. Smoking is the leading cause of COPD. If you smoke, talk with your doctor about programs and products that can help you quit.If you have trouble quitting smoking on your own, consider joining a support group.he best way to prevent COPD is to not start smoking or to quit smoking. Smoking is the leading cause of COPD. If you smoke, talk with your doctor about programs and products that can help you quit.", + "If you have chronic bronchitis related to smoking, the most important thing to do is to quit smoking to prevent ongoing damage to your lungs. Unless your doctor advises against it, get a pneumococcal vaccine and an annual flu vaccine. Treatment may include bronchodilators and steroids (inhaled or by mouth).t may start with a dry cough, then after a few days the coughing spells may bring up mucus. Most people get over an acute bout of bronchitis in two to three weeks, although the cough can sometimes hang on for four weeks or more.", + "Another thing you can do to help recover from a bout of bronchitis is to strengthen your lungs. Blowing up balloons is a simple way to strengthen your lungs after they have been infected. Doing yoga may also help you regulate your breathing and strengthen your lungs.nother thing you can do to help recover from a bout of bronchitis is to strengthen your lungs. Blowing up balloons is a simple way to strengthen your lungs after they have been infected. Doing yoga may also help you regulate your breathing and strengthen your lungs.", + "If you have chronic bronchitis related to smoking, the most important thing to do is to stop smoking to prevent further damage to your lungs. Unless your doctor advises against it, get a pneumococcal vaccination and an annual flu vaccination.Treatment may include bronchodilators and steroids (inhaled or by mouth).f you have chronic bronchitis related to smoking, the most important thing to do is to stop smoking to prevent further damage to your lungs. Unless your doctor advises against it, get a pneumococcal vaccination and an annual flu vaccination.", + "If you kill cold germs on your hands before you transfer them to your nose or eyes, you stop a cold before it can start. Few of us can wash our hands as often as needed, though, so be sure to follow these other strategies as well: Avoid touching your face, especially your eyes and nose.f you kill cold germs on your hands before you transfer them to your nose or eyes, you stop a cold before it can start. Few of us can wash our hands as often as needed, though, so be sure to follow these other strategies as well: Avoid touching your face, especially your eyes and nose.", + "Back to Top Symptoms. The classic symptoms of bronchitis may be like those of a cold. You may have a tickle in the back of your throat, which leads to a dry, irritating cough. As the infection gets worse, you may cough up thick, yellow mucus that may (rarely) be streaked with blood.ack to Top Symptoms. The classic symptoms of bronchitis may be like those of a cold. You may have a tickle in the back of your throat, which leads to a dry, irritating cough. As the infection gets worse, you may cough up thick, yellow mucus that may (rarely) be streaked with blood.", + "People who have chronic bronchitis or asthma sometimes develop acute bronchitis. In these cases, the acute bronchitis is most likely a complication of their existing condition, and not caused by an infectious virus, so it's less likely to be contagious.With.eople who have chronic bronchitis or asthma sometimes develop acute bronchitis. In these cases, the acute bronchitis is most likely a complication of their existing condition, and not caused by an infectious virus, so it's less likely to be contagious. With." + ], + "url": [ + "http://www.webmd.com/lung/ss/slideshow-bronchitis-overview", + "http://www.naturalnews.com/027958_bronchitis_natural_remedies.html", + "http://bronovil.com/k/best_ways_to_prevent_bronchitis_once_it_started.aspx?IDS=2923939&rf=bronchitiscough.info%2fkpud.aspx", + "http://www.nhlbi.nih.gov/health/health-topics/topics/copd/prevention", + "http://www.webmd.com/lung/ss/slideshow-bronchitis-overview", + "http://www.naturalnews.com/027958_bronchitis_natural_remedies.html", + "http://www.webmd.boots.com/cold-and-flu/ss/slideshow-bronchitis-symptoms", + "https://www.caring.com/articles/how-to-stop-a-cold", + "http://www.nytimes.com/health/guides/disease/acute-bronchitis/overview.html", + "http://www.mayoclinic.org/diseases-conditions/bronchitis/expert-answers/acute-bronchitis/FAQ-20057839" + ] + }, + "query": "how to stop bronchitis before it starts", + "query_id": 381385, + "query_type": "DESCRIPTION", + "wellFormedAnswers": [] + }, + "truncated_cells": [] + }, + { + "row_idx": 152, + "row": { + "answers": [ + "No Answer Present." + ], + "passages": { + "is_selected": [ + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0 + ], + "passage_text": [ + "Withdrawal symptoms may be diminished by substituting nicotine in the ... nicotine withdrawal definition ... You can complete the definition of nicotine withdrawal given by the English Definition dictionary with other ...", + "Nicotine substitutes for acetylcholine and over stimulates the nicotinic receptor. ... Looking for online definition of nicotine replacement therapy in the ... and skin patches as a substitute for ...", + "Futuristic: The cigarette inhaler is being touted as a viable alternative. The brainchild of Chinese inventor Hon Lik, these were battery-powered plastic cylinders made to look like the real thing, which contain a small vaporiser which delivers a puff of nicotine (but no tar) to the lungs when sucked.", + "Without doubt, smoking remains a risky business. In the U.S. alone, tobacco kills more than 440,000 people each year, according to the CDC. Yet most experts concur that no matter how strong your will for kicking the habit, there are some powerful, addictive forces plotting against you.", + "When it comes to smoking cessation, there's no magic bullet -- I think everyone agrees with that, says Thomas Kiresuk, PhD, a clinical psychologist at the Minneapolis Medical Research Foundation and former director of the Center for Addiction and Alternative Medicine Research in Minneapolis, Minn.", + "Pharmacokinetics of nicotine. Pharmacokinetics refers to what the body does to a substance, while pharmacodynamics refers to what a substance does to the body. After inhaling tobacco smoke, nicotine rapidly enters the bloodstream, crosses the blood-brain barrier and is inside the brain within eight to twenty seconds.", + "But there are two crucial differences which BAT believes will set it apart and make it the first truly safe cigarette. Principally, the nicotine dose will be higher. And second, BAT is in talks with the MHRA to have their devices licensed as an officially approved tobacco substitute. Alex Hearne says BAT plans to submit its product to the MHRA to secure its status as an officially regulated product next year.", + "But it's one of the best things you can do for your health. Smoking is a dangerous, even deadly habit. It's a leading cause of cancer. It also increases your risk for heart attacks, strokes, lung disease, and other health problems, including bone fractures and cataracts. If nicotine lozenges, patches, chewing gum, counseling, and other smoking cessation methods haven't helped you kick the habit, don't give up.", + "All this has led many tobacco firms - fearful of losing revenue - to ponder an alternative, described as the -'safe cigarette'. This new cigarette, which will satisfy nicotine cravings without the danger of lung cancer, emphysema or heart disease, has achieved almost mythical status in the industry. Although big tobacco firms have been working on 'healthy smoking' for 50 years, the technical and economic hurdles have been too high.", + "Nicotine substitutes for acetylcholine and over stimulates the nicotinic receptor. ... Read more. Positive: 58 %. Looking for online definition of nicotine replacement therapy in the ... and skin patches as a substitute for ... nicotine replacement therapy; nicotine ... Read more." + ], + "url": [ + "http://www.weknowtheanswer.com/q/what-is-the-definition-of-nicotine-substitute", + "http://www.weknowtheanswer.com/q/what-is-the-definition-of-nicotine-substitute", + "http://www.dailymail.co.uk/sciencetech/article-2012023/Have-scientists-finally-created-safe-cigarette.html", + "http://www.webmd.com/smoking-cessation/features/quit-smoking-alternatives", + "http://www.webmd.com/smoking-cessation/features/quit-smoking-alternatives", + "http://www.medicalnewstoday.com/articles/240820.php", + "http://www.dailymail.co.uk/sciencetech/article-2012023/Have-scientists-finally-created-safe-cigarette.html", + "http://www.webmd.com/smoking-cessation/features/quit-smoking-alternatives", + "http://www.dailymail.co.uk/sciencetech/article-2012023/Have-scientists-finally-created-safe-cigarette.html", + "http://www.weknowtheanswer.com/q/what-is-the-definition-of-nicotine-substitute" + ] + }, + "query": "what is a nicotine substitute", + "query_id": 692482, + "query_type": "DESCRIPTION", + "wellFormedAnswers": [] + }, + "truncated_cells": [] + }, + { + "row_idx": 153, + "row": { + "answers": [ + "Vesicles and vacuoles are membrane-bound sacs that function in storage and transport. Vacuoles are somewhat larger than vesicles, and the membrane of a vacuole does not fuse with the membranes of other cellular components. Vesicles can fuse with other membranes within the cell system." + ], + "passages": { + "is_selected": [ + 0, + 0, + 0, + 0, + 0, + 1, + 0, + 0, + 0, + 0 + ], + "passage_text": [ + "Transcript of Vacuoles, Vesicles, and Cytoskeleton Defined. Cytoskeleton The Cytoskelton is a network of protein filaments. that gives a eukaryotic cell its shape and support. Its main functions are: It supports the cell and maintains shape. It controls the positions and movements of organelles within the cell.", + "Some freshwater protists have contractile vacuoles, a specialized form of vacuole that they use to manage water balance within the cell by pumping out excess water. Plant cells have very large vacuoles which function in storing nutrients and water within the cell. They can also serve a structural function by helping the plant cell to retain its shape through turgidity. Vesicles typically function through transportation of compounds within and between cells. Often, the substances within a vesicle will be cellular products or byproducts of a cells functioning. Typically vesicles function in much the same way in all cells. Vacuoles serve a variety of functions depending on the cell in which they are found. In most animal cells where vacuoles occur, they function in the temporary storage of food substances.", + "Do white blood cells have vacuoles or vesicles? White blood cells have vesicles, which transport molecules in and out of the cell. It is plant cells which have the vacuoles which maintains cell stability.", + "outside of the cell wall (endocytosis). 3. Enzyme Storage: Vesicles can hold and store enzymes used throughout the cell. e.g. enzymes that are used to make plant cell walls. 2. Metabolism: Vesicles can act as chemical reaction chambers. The membrane of vesicles harbor reactions from the cytosol in the cell allowing the reactions to take place.", + "In a plant cell the vacuole is much larger than the animal cells vacuole. The plant cells vacuole mostly contains water. In the animal cells vacuole it is used to store waste. … Animal cells do not have vacuoles. Only plant cells", + "Vesicles and Vacuoles Vesicles and vacuoles are membrane-bound sacs that function in storage and transport. Vacuoles are somewhat larger than vesicles, and the membrane of a vacuole does not fuse with the membranes of other cellular components. Vesicles can fuse with other membranes within the cell system (Figure 1).", + "The contractile vacuole enlarges as water enters then abruptly contracts, forcing the water out of the cell through a special pore structure. Vacuoles work with the cell membrane to move materials in and out of the cell. They also work with the lysosomes of a cell to digest cellular materials. Vesicle Vacuoles are basically vesicles filled with mostly water. A vesicle is a small bubble in a cell. This bubble is similar to a plasma membrane, consisting of a lipid bi-layer.", + "2. Structure: In many plant cells, enormous vacuoles take up more than 90 percent of the cell volume and grow as the cell grows. The presence of dissolved substances in the vacuole causes water to enter it from the cytoplasm, making the vacuole swell like a water-filled balloon.", + "The contractile vacuole enlarges as water enters then abruptly contracts, forcing the water out of the cell through a special pore structure. Vacuoles work with the cell membrane. to move materials in and out of the cell. They also work with the lysosomes of a cell to digest cellular materials. Vesicle Vacuoles are basically vesicles filled with mostly water. A vesicle is a small bubble in a cell. This bubble is similar to a plasma membrane, consisting of a lipid bi-layer. Vesicles interact closely with the endomembrane", + "Vesicles and Vacuoles. Vesicles and vacuoles are membrane-bound sacs that function in storage and transport. Vacuoles are somewhat larger than vesicles, and the membrane of a vacuole does not fuse with the membranes of other cellular components. Vesicles can fuse with other membranes within the cell system (Figure 1). Additionally, enzymes within plant vacuoles can break down macromolecules." + ], + "url": [ + "https://prezi.com/hzteo97q8cz9/vacuoles-vesicles-and-cytoskeleton-defined/", + "http://www.answers.com/Q/Difference_between_cell_vacuole_and_vesicle", + "http://www.answers.com/Q/Difference_between_cell_vacuole_and_vesicle", + "https://prezi.com/hzteo97q8cz9/vacuoles-vesicles-and-cytoskeleton-defined/", + "http://www.answers.com/Q/Difference_between_cell_vacuole_and_vesicle", + "https://openoregon.pressbooks.pub/mhccmajorsbio/chapter/4-11-vesicles-and-vacuoles-lysosomes-and-peroxisomes/", + "https://prezi.com/hzteo97q8cz9/vacuoles-vesicles-and-cytoskeleton-defined/", + "https://prezi.com/hzteo97q8cz9/vacuoles-vesicles-and-cytoskeleton-defined/", + "https://prezi.com/hzteo97q8cz9/vacuoles-vesicles-and-cytoskeleton-defined/", + "https://openoregon.pressbooks.pub/mhccmajorsbio/chapter/4-11-vesicles-and-vacuoles-lysosomes-and-peroxisomes/" + ] + }, + "query": "what do vacuoles and vesicles do", + "query_id": 625796, + "query_type": "DESCRIPTION", + "wellFormedAnswers": [] + }, + "truncated_cells": [] + }, + { + "row_idx": 154, + "row": { + "answers": [ + "15 minutes" + ], + "passages": { + "is_selected": [ + 0, + 0, + 0, + 0, + 1, + 0, + 0, + 0, + 0, + 0 + ], + "passage_text": [ + "Rub each trout generously with olive oil and sprinkle with sea salt; sprinkle inside of cavities with salt and black pepper. Place half the lemon and onion slices into cavity of each trout, along with minced garlic, and place a sprig of rosemary and thyme into cavities.", + "Dip fish in milk and coat with flour. Dip again in milk, and then dredge fish in the breadcrumbs mixture. Place fish on a greased baking sheet. Bake, uncovered at 450 degree for 4-6 minutes per ½-inch thickness or until fish flakes easily when tested with a fork.", + "Preheat your oven to 400 F. Rinse the fish and pat it dry with clean paper towels. Grease a baking dish with a nonstick cooking spray and lay the speckled trout in the middle of the dish. The spray will help prevent the fish from sticking to the dish and make removal of the fish easier when cooking is complete. Step 4. Brush the fish with a mixture of butter, thyme, rosemary, black pepper and tarragon.", + "If cooking in an oven, pre-heat oven to 350 degrees. After you have rolled up the trout, you have to measure its thickness. Cook for 10 minutes plus an extra 10 minutes for each inch of thickness. If you stuff a 4-pound trout, it will be about 3 inches thick so you would cook it for 40 minutes. Another good way to bake a trout is to chop up an apple and a large white onion and put into a pan and fry with some salt and butter.", + "Once you catch ‘em, you got to eat ‘em! Here are a few delicious recipes to prepare with that freshly caught Speckled Trout you worked so hard for. Baked Speckled Trout. Prep: 15 minutes.", + "A 2 to 4 pound trout is usually the best size to bake. Trout that are bigger should be let go as they are the breeders. Place the trout on the fire grill or barbeque. Don't have the trout close enough to the fire that it burns but you do want it to be hot.", + "made it | 14 reviews. Recipe by: Trina Cosgrave. Whole trout stuffed with herbs and flavorings, then grilled directly on grates, produces flavorful, flaky, tender fish with tasty crispy skin.. Featured in Allrecipes Magazine — Subscribe!", + "After 40 minutes, you can place the trout off to the side while you cook some steaks, which by the way, goes great with baked trout. At this time, the trout is cooked but it's OK to keep it warm by the fire for another ten minutes while you cook other stuff.", + "A man prepares speckled trout on a baking tray in his kitchen. Trout is a mildly flavored, oily fish that holds up well when cooked in the oven. To keep the fat and calorie content low, avoid baking the fish in heavy sauce or using an excessive amount of butter or oil during cooking.", + "Turn preheated grill down to low and place the trout directly onto the grill; cook until flesh flakes easily and the skins are browned, 6 to 7 minutes per side, flipping once." + ], + "url": [ + "http://allrecipes.com/recipe/228043/whole-grilled-trout/", + "http://www.homeruncharters.com/speckled-trout-recipes/", + "http://www.livestrong.com/article/479706-how-to-cook-baked-speckled-trout/", + "http://www.pinesunsetlodge.com/howtocleantrout.htm", + "http://www.homeruncharters.com/speckled-trout-recipes/", + "http://www.pinesunsetlodge.com/howtocleantrout.htm", + "http://allrecipes.com/recipe/228043/whole-grilled-trout/", + "http://www.pinesunsetlodge.com/howtocleantrout.htm", + "http://www.livestrong.com/article/479706-how-to-cook-baked-speckled-trout/", + "http://allrecipes.com/recipe/228043/whole-grilled-trout/" + ] + }, + "query": "how long to bake whole speckled trout", + "query_id": 268352, + "query_type": "NUMERIC", + "wellFormedAnswers": [ + "A whole speckled trout take 15 minutes to bake." + ] + }, + "truncated_cells": [] + }, + { + "row_idx": 155, + "row": { + "answers": [ + "Los Angeles" + ], + "passages": { + "is_selected": [ + 0, + 0, + 0, + 0, + 0, + 0, + 1, + 0, + 0, + 0 + ], + "passage_text": [ + "General Parking: Parking for a fee is available in the public parking structure is located at 6170 Sylmar Ave. between Delano St. and Calvert St. (one block east of Van Nuys Blvd.) The parking structure closes at 7:00 pm. The ticket booth is at the top of the ramp on the 4th level.", + "Thank you for being a loyal MapQuest user. For a better experience, we have migrated to the new MapQuest and have more to offer than ever before. With faster loading, sleeker and easier to read maps, along with less intrusive advertising, we know you'll love it. If you don't, just let us know. We're constantly making updates to improve the experience.", + "Ok, there's going to be long lines. So if you're not going early in the morning, they open at 8:30am, be prepared to spend at least 3 hours here. But be there before 8, to get a good place, if not at the beginning of the line, and you'll be in and out within 30 mins. Otherwise pick a day, that's not busy. Service: the staff here were excellent, and friendly. Getting married was a breeze.", + "Fifteen percent of Van Nuys residents aged 25 and older had earned a four-year degree by 2000, an average figure for both the city and the county, but the percentage of the same-age residents who had less than a high school diploma (43.1%) was high for Los Angeles.", + "When a translation is complete, you assume the risk of any inaccuracies, errors or other problems encountered. The Los Angeles Superior Court is not responsible for any damage or issues that may possibly result from using Google™ Translate or any other translation system.", + "Located in the same place as the park, the Van Nuys Sherman Oaks Pool is a seasonal outdoor heated swimming pool. The Van Nuys Sherman Oaks Senior Citizen Center (a.k.a. Bernardi Center), also on the park grounds, has an auditorium and multi-purpose room.", + "The United States Postal Service operates the Civic Center Van Nuys Post Office at 6200 Van Nuys Boulevard in Van Nuys and the Van Nuys Post Office at 15701 Sherman Way in the Lake Balboa neighborhood in Los Angeles, west of Van Nuys.", + "Also, Sepulveda Blvd. was resurfaced between Victory Blvd and Oxnard Street in May 2014. A new Los Angeles County services building is under construction on the southwest corner of Van Nuys Blvd. and Saticoy Street in 2014. On February 14, 2016, some 170 firefighters battled a fire at the abandoned Voyager Motel at 6500 N. Sepulveda Blvd.", + "The Los Angeles Superior Court does not warrant the accuracy, reliability or timeliness of any information translated by Google™ Translate or any other translation system. In addition, some applications, files or items cannot be translated including graphs, photos or some portable document formats (pdfs).", + "The official language used for the content of the Los Angeles Superior Court public website is English. Google™ Translate is a free online language translation service that can translate text and web pages into different languages." + ], + "url": [ + "http://www.lacourt.org/courthouse/info/LAV", + "https://www.mapquest.com/us/ca/van-nuys-282014687", + "https://www.yelp.com/biz/la-county-department-of-registrar-van-nuys", + "https://en.wikipedia.org/wiki/Van_Nuys,_Los_Angeles,_California", + "http://www.lacourt.org/courthouse/info/LAV", + "https://en.wikipedia.org/wiki/Van_Nuys,_Los_Angeles,_California", + "https://en.wikipedia.org/wiki/Van_Nuys,_Los_Angeles,_California", + "https://en.wikipedia.org/wiki/Van_Nuys,_Los_Angeles,_California", + "http://www.lacourt.org/courthouse/info/LAV", + "http://www.lacourt.org/courthouse/info/LAV" + ] + }, + "query": "what county is van nuys ca", + "query_id": 614045, + "query_type": "LOCATION", + "wellFormedAnswers": [] + }, + "truncated_cells": [] + }, + { + "row_idx": 156, + "row": { + "answers": [ + "The x-ray photons are either absorbed or scattered out of the beam. In scattering, photons are ejected out of the primary beam as a result of interactions with the orbital electrons of absorber atoms." + ], + "passages": { + "is_selected": [ + 0, + 0, + 0, + 0, + 1, + 0, + 0, + 0, + 0, + 0 + ], + "passage_text": [ + "Bremsstrahlung (or Brems) radiation. is one of the two kinds of x-rays produced at the tungsten target of the x-ray tube; The incident high-speed electron, passing through a tungsten atom, is attracted by the positively charged nucleus and therefore is deflected from its course, with a resulting loss of energy.", + "High-energy x-. ray photons have a greater probability of penetrating matter, whereas relatively low-energy photons have a greater probability of being absorbed. Therefore the higher the kVp and mean energy of the x-ray beam, the greater the penetrability of the beam through matter.", + "X-rays can be produced by a high-speed collision between an electron and a proton. Light can take on many forms. Radio waves, microwaves, infrared, visible, ultraviolet, X-ray and gamma radiation are all different forms of light. The energy of the photon tells what kind of light it is. Radio waves are composed of low energy photons. Optical photons--the only photons perceived by the human eye--are a million times more energetic than the typical radio photon.", + "This results in an increased efficiency of conversion of electron energy into x-ray photons, and thus an increase in 1) BThe number of photons generated ~ Be eww aa rre iinn BBooardd EExxaammss 2) Their mean energy. 3) Their maximal energy.", + "The x-ray photons are either absorbed or scattered out of the beam. In scattering, photons are ejected out of the primary beam as a result of interactions with the orbital electrons of absorber atoms. In the case of a dental x-ray beam, three mechanisms exist where these interactions take place.", + "In radiation protection, the product of absorbed dose and the correct modifying factor (rad x QF) is used to determine. rem (Sv) Rem (dose-equivalent) is the only unit of measurement that expresses the dose-effect relationship. The product of rad (absorbed dose) and the quality factor appropriate for the radiation type is expressed as rem or DE (dose equivalent), and may be used to predict the type and extent of response to radiation.", + "classical scatter, a low-energy photon interacts with an atom but causes no ionization; the incident photon disappears into the atom, and is then immediately released as a photon of identical energy but changed direction.", + "X-Rays-Another Form of Light. The photons themselves can also collide with electrons. If the electrons have more energy than the photons, the collision can boost the energy of the photons. In this way, photons can be changed from low-energy photons to high-energy photons.", + "The closer the high-speed electron approaches the nuclei, the greater is the electrostatic attraction on the electron, the braking effect, and the greater the energy of the resulting Bremsstrahlung photon. Bremsstrahlung interactions generate x-ray photons with a continuous spectrum of energy. i.e. different energies.", + "The HVL is the thickness of an absorber, such as aluminum, required to reduce by one half the number of x-ray photons passing through it. As the average energy of an x-ray beam increases, so does it HVL. The term quality refers to the mean energy of an x-ray beam. Half value layer measures the intensity of a beam." + ], + "url": [ + "https://quizlet.com/4301827/biological-aspects-of-radiation-flash-cards/", + "http://www.columbia.edu/itc/hs/dental/sophs/material/production_xrays.pdf", + "http://chandra.harvard.edu/xray_astro/xrays.html", + "http://www.columbia.edu/itc/hs/dental/sophs/material/production_xrays.pdf", + "http://www.columbia.edu/itc/hs/dental/sophs/material/production_xrays.pdf", + "https://quizlet.com/4301827/biological-aspects-of-radiation-flash-cards/", + "https://quizlet.com/4301827/biological-aspects-of-radiation-flash-cards/", + "http://chandra.harvard.edu/xray_astro/xrays.html", + "http://www.columbia.edu/itc/hs/dental/sophs/material/production_xrays.pdf", + "http://www.columbia.edu/itc/hs/dental/sophs/material/production_xrays.pdf" + ] + }, + "query": "what is an x ray photon", + "query_id": 717648, + "query_type": "DESCRIPTION", + "wellFormedAnswers": [] + }, + "truncated_cells": [] + }, + { + "row_idx": 157, + "row": { + "answers": [ + "No Answer Present." + ], + "passages": { + "is_selected": [ + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0 + ], + "passage_text": [ + "The role of Deputy Director of HR and Corporate Services is a full time appointment. Post holders are selected on merit, against objective criteria, following public advertisement.", + "Deputy Director of HR and Corporate Services. The current Deputy Director of HR and Corporate Services is Nick Hollier, who has held a Deputy Director position since his appointment in March 2006.", + "The Deputy Director of HR and Corporate Services job description outlines Mr Hollier's key responsibilities as follows: 1 HR Strategy and policy development including remuneration. 2 HR Operational support to Directorates including payroll. 3 HR Services to Schools. 4 Pension Administration. 5 Internal Communications.", + "The Deputy Director of HR and Corporate Services job description outlines Mr Hollier's key responsibilities as follows: 1 HR Strategy and policy development including remuneration. 2 HR Operational support to Directorates including payroll. 3 HR Services to Schools. 4 Pension Administration.", + "Lungisa Fuzile, Director-General of the National Treasury Lungisa Fuzile joined the National Treasury in 1998 as a deputy director. He quickly rose through the ranks to become the head of the Intergovernmental Relations division.", + "Profile of the Director-General. Lungisa Fuzile, Director-General of the National Treasury Lungisa Fuzile joined the National Treasury in 1998 as a deputy director. He quickly rose through the ranks to become the head of the Intergovernmental Relations division.", + "This job description is the broadest of the COO-track positions: the role oversees everything internal, freeing up the executive director to focus on external matters such as fundraising, public relations, and partnerships.", + "Registration or Restoration of Deregistered Companies. Profile of the Director-General. Lungisa Fuzile, Director-General of the National Treasury Lungisa Fuzile joined the National Treasury in 1998 as a deputy director. He quickly rose through the ranks to become the head of the Intergovernmental Relations division.", + "(Operations/Internally Focused). This job description is the broadest of the COO-track positions: the role oversees everything internal, freeing up the executive director to focus on external matters such as fundraising, public relations, and partnerships.", + "Lungisa Fuzile, Director-General of the National Treasury Lungisa Fuzile joined the National Treasury in 1998 as a deputy director." + ], + "url": [ + "http://www.bexley.gov.uk/index.aspx?articleid=14532", + "http://www.bexley.gov.uk/index.aspx?articleid=14532", + "http://www.bexley.gov.uk/index.aspx?articleid=14532", + "http://www.bexley.gov.uk/index.aspx?articleid=14532", + "http://www.treasury.gov.za/nt/director%20general.aspx", + "http://www.treasury.gov.za/nt/director%20general.aspx", + "http://www.bridgespan.org/Publications-and-Tools/Hiring-Nonprofit-Leaders/Nonprofit-Job-Descriptions/Chief-Operating-Officer-Job-Descriptions/Sample-Deputy-Director-Job-Description.aspx", + "http://www.treasury.gov.za/nt/director%20general.aspx", + "http://www.bridgespan.org/Publications-and-Tools/Hiring-Nonprofit-Leaders/Nonprofit-Job-Descriptions/Chief-Operating-Officer-Job-Descriptions/Sample-Deputy-Director-Job-Description.aspx", + "http://www.treasury.gov.za/nt/director%20general.aspx" + ] + }, + "query": "role of deputy director corporate services", + "query_id": 489734, + "query_type": "DESCRIPTION", + "wellFormedAnswers": [] + }, + "truncated_cells": [] + }, + { + "row_idx": 158, + "row": { + "answers": [ + "The size of our binder depends on your sheet size. Binder size is always measured by the size sheet the binder will hold." + ], + "passages": { + "is_selected": [ + 0, + 0, + 1, + 0, + 0, + 0, + 0, + 0, + 0, + 0 + ], + "passage_text": [ + "For round rings measure the horizontal inside diameter of the ring at the. widest point. When measuring D-rings, take the perpendicular dimension. from the point where the ring exits from the metal base to the inside of. the top of the ring. HOW MANY PAGES WILL A BINDER HOLD - (BASED ON 20# BOND PAPER) ROUND RING.", + "submitted 1 year ago by gaynx. My name is Onyx (very new to reddit please forgive me!) i really just need some help! I'm not sure how to measure for a gc2b binder! it's my first binder and i'm very scared to mess this up! photos or guides would be super appreciated. 3 comments.", + "SIZE OF YOUR BINDER- The size of our binder depends on your sheet size. Binder size is always. measured by the size sheet the binder will hold. Most binders are made to hold 11” x 8 1/2” or. 8 1/2” x 5 1/2” sheets. Always list the binding edge of your sheet first.", + "D-Ring Binders hold up to 25% more paper than a Round Ring. The ring is mounted to the back cover so pages lie flat. The number of pages of paper (sheet capacity) that a binder can hold depends on the size of the binder (that’s the ring size measured as inches) and the type of ring style.", + "Measure around your chest just below the swell of your breast. Make certain the measuring tape is snug, but not constricting. This measurement is your underbust, as shown by the red line in the diagram. Now measure around the fullest part of your breast. The tape should be loose-fitting, as when measuring for a bra. This number is your topbust. Subtract your underbust size from your topbust size. This number will give you your cupsize, according to the chart below.", + "6. sohoeva: Every binder at this site has a different size chart. Pick the binder you want, then click on the size chart. You’ll find the button to get to the chart down near the bottom of the page, where there are other pictures of the binder for you to click on and enlarge. One of those pictures is the size chart.", + "For example: 5 tabs = 20 sheets, which would be deducted from the above total number of sheets. For larger binders, you can approximate the number of sheets by calculating from the totals above. For example, a 2 binder can hold up to 500 sheets of 24# bond, and a 1 binder can hold 250 sheets. Therefore, a 3 binder would be needed to hold up to 750 sheets.", + "Ring binder size (1″, 2″, etc.) is measured based on the size of the ring, not the width of the binder spine. The overall size of the rings must be larger than the stated inch-size because the ring must go around the contents in order for you to close it. Round Ring (also called O-Ring)", + "your binder: Measure along the straight edge of the ring, as indicated by the red arrow. Do not include any of the curved part of the ring. Capacities are in 1/4 to 1/2 increments, ande may be as much as 1/8 variation, depending upon manufacturer. For number of sheets. per capacity, see chart below.", + "Go, on the underworks site, to the specific binder that you want. You’ll see something that looks like this: “ Size - fits Chest: x-small 29-31 / Small 32-34 / Medium 35-39 / Large 40-44 / X-large 45-48 / 2X 48-52 / 3X 53-56”. Your average measurement should be within the range of your size." + ], + "url": [ + "https://spiralbinding.com/files/pgsFiles/templates/binder%20misc/HOW%20TO%20MEASURE%20A%20BINDER.pdf", + "https://www.reddit.com/r/asktransgender/comments/32zerm/help_measuring_for_a_chest_binder_for_gc2b/", + "https://spiralbinding.com/files/pgsFiles/templates/binder%20misc/HOW%20TO%20MEASURE%20A%20BINDER.pdf", + "https://www.ezop.com/guides-demos/how-to-choose-the-right-binder/", + "http://en.nabeshirt.com/size/measure.html", + "http://binders101.tumblr.com/post/18761272912/zev-explains-how-to-measure-yourself", + "http://www.universalprinting.com/DringGuide.aspx", + "https://www.ezop.com/guides-demos/how-to-choose-the-right-binder/", + "http://www.universalprinting.com/DringGuide.aspx", + "http://binders101.tumblr.com/post/18761272912/zev-explains-how-to-measure-yourself" + ] + }, + "query": "how to measure binder size", + "query_id": 370420, + "query_type": "DESCRIPTION", + "wellFormedAnswers": [] + }, + "truncated_cells": [] + }, + { + "row_idx": 159, + "row": { + "answers": [ + "No Answer Present." + ], + "passages": { + "is_selected": [ + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0 + ], + "passage_text": [ + "Tropical Rainforest The tropical rainforest is a hot, moist biome found near Earth's equator. The world's largest tropical rainforests are in South America, Africa, and Southeast Asia.Tropical rainforests receive from 60 to 160 inches of precipitation that is fairly evenly distributed throughout the year.he world's largest tropical rainforests are in South America, Africa, and Southeast Asia. Tropical rainforests receive from 60 to 160 inches of precipitation that is fairly evenly distributed throughout the year.", + "LOCATION: There are two types of rainforest biomes: temperate and tropical rainforests. Temperate rainforests are found along coasts in temperate regions. The largest temperate rainforests are on the Pacific coast in North America, stretching from Alaska to Oregon.ropical rainforests are lush and warm all year long! Temperatures don’t even change much between night and day. The average temperature in tropical rainforests ranges from 70 to 85°F (21 to 30°C). The environment is pretty wet in tropical rainforests, maintaining a high humidity of 77% to 88% year-round.", + "A tropical rainforest is a biome type that occurs roughly within the latitudes 28 degrees north or south of the equator (in the equatorial zone between the Tropic of Cancer and Tropic of Capricorn).ther parameters that affect tropical rainforests are carbon dioxide concentrations, solar radiation, and nitrogen availability. In general, climatic patterns consist of warm temperatures and high annual rainfall. However, the abundance of rainfall changes throughout the year creating distinct wet and dry seasons.", + "**** Rainforests by Michael G. 2001 In an average year the climate in a tropical rain forest is very humid because of all the rainfall. A tropical rainforest gets about 150 cm of rain per year.It gets lots of rain because it is very hot and wet in rain forests.The hotter the air, the more water vapor it can hold.*** Rainforests by Michael G. 2001 In an average year the climate in a tropical rain forest is very humid because of all the rainfall. A tropical rainforest gets about 150 cm of rain per year.", + "The tropical rainforest region is made up of just that, tropical forest. Although the rainforest and temperate deciduous forest have a similar structure, the vegetation is much more lush in a tropical rainforest.eather Patterns. In a tropical rainforests rain falls nearly every day. On average about 2500 millimetres of rain falls annually. This, along with the constant temperature hanging around 25-30 degrees Celsius, makes the rainforest an extremely humid place.", + "The tropical rain forest is a forest of tall trees in a region of year-round warmth. An average of 50 to 260 inches (125 to 660 cm.) of rain falls yearly. Rain forests belong to the tropical wet climate group.The temperature in a rain forest rarely gets higher than 93 °F (34 °C) or drops below 68 °F (20 °C); average humidity is between 77 and 88%; rainfall is often more than 100 inches a year.*** Rainforests by Michael G. 2001 In an average year the climate in a tropical rain forest is very humid because of all the rainfall. A tropical rainforest gets about 150 cm of rain per year.", + "There are two types of rainforest: tropical rainforest and temperate rainforest. The monsoon trough, alternatively known as the intertropical convergence zone, plays a significant role in creating the climatic conditions necessary for the Earth 's tropical rainforests.here are two types of rainforest: tropical rainforest and temperate rainforest. The monsoon trough, alternatively known as the intertropical convergence zone, plays a significant role in creating the climatic conditions necessary for the Earth 's tropical rainforests.", + "Tropical Rainforest. Tropical rain forests are woodlands around the equator with a lot of vegetation that is evergreen. It is very warm and rain falls throughout the year. Although only 7 % of the land surface are covered with rainforests, more than half of the world’s plants and animal species live there.ropical Rainforest. Tropical rain forests are woodlands around the equator with a lot of vegetation that is evergreen. It is very warm and rain falls throughout the year. Although only 7 % of the land surface are covered with rainforests, more than half of the world’s plants and animal species live there.", + "The Tropical Rainforest made up 14% of the Earth's surface, now there are only about 6% left that covers the land. This 6% of land features mountains, valleys, flood plains, streams, rivers, and a little bit of wetlands.It also contains high and lowlands, beaches, as well as some karsts.he Tropical Rainforest made up 14% of the Earth's surface, now there are only about 6% left that covers the land. This 6% of land features mountains, valleys, flood plains, streams, rivers, and a little bit of wetlands. It also contains high and lowlands, beaches, as well as some karsts.", + "Weather Patterns. In a tropical rainforests rain falls nearly every day. On average about 2500 millimetres of rain falls annually. This, along with the constant temperature hanging around 25-30 degrees Celsius, makes the rainforest an extremely humid place.Tropical rain forests receive almost 12 hours of sunlight every day.eather Patterns. In a tropical rainforests rain falls nearly every day. On average about 2500 millimetres of rain falls annually. This, along with the constant temperature hanging around 25-30 degrees Celsius, makes the rainforest an extremely humid place." + ], + "url": [ + "http://www.cotf.edu/ete/modules/msese/earthsysflr/rforest.html", + "http://kids.nceas.ucsb.edu/biomes/rainforest.html", + "https://en.wikipedia.org/wiki/Tropical_rainforest", + "http://www.blueplanetbiomes.org/rainforest.htm", + "http://trfbiome.weebly.com/physical-landscape.html", + "http://www.blueplanetbiomes.org/rainforest.htm", + "https://en.wikipedia.org/wiki/Rainforest", + "http://www.english-online.at/geography/tropical-rainforest/tropical-rainforest.htm", + "http://tilapiale.weebly.com/landforms.html", + "http://trfbiome.weebly.com/physical-landscape.html" + ] + }, + "query": "what does the tropical rainforest consists of", + "query_id": 653283, + "query_type": "DESCRIPTION", + "wellFormedAnswers": [] + }, + "truncated_cells": [] + }, + { + "row_idx": 160, + "row": { + "answers": [ + "No Answer Present." + ], + "passages": { + "is_selected": [ + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0 + ], + "passage_text": [ + "He incorporated Biltmore and opened the house to visitors for the first time in 1930. Edith died in 1958, and in 1960 the Cecil sons split the Biltmore property. George took the dairy and a portion of the estate, while William took the house and the part of the estate known as Biltmore Forest. William became head of the Biltmore Company and a leading historic preservation advocate. Although the U.S. government has declared Biltmore a National Historic Landmark, it operates without federal grants", + "Stay on Biltmore Estate. Vacation like a family friend of the Vanderbilts at our convenient Village Hotel, elegant Inn, or our charming Cottage, comprising the lodgings of Biltmore. Learn more. Village Hotel on Biltmore Estate. Moderate $$$ Casual style next to Winery, dining, shopping, outdoor activities for your Asheville getaway. About the Hotel", + "George Vanderbilt passes away at the age of 51. Vanderbilt is buried in the Vanderbilt family mausoleum on Staten Island. He leaves an enormous philanthropic legacy. Edith sells approximately 87,000 acres of the estate to the United States Forest Service for less than $5 an acre.", + "Village Hotel on Biltmore Estate opens. A casual and relaxed hotel is built in Antler Hill Village to serve more overnight guests who wish to experience Vanderbilt-inspired hospitality. Learn more about the Vanderbilt family and Biltmore's history in our blog.", + "The Inn on Biltmore Estate opens. Vanderbilt’s initial plans in 1900 to create an inn never materialized in his lifetime. The idea finally becomes a reality with The Inn on Biltmore Estate, offering guests a personal taste of Vanderbilt hospitality.", + "Edith sold the federal government a large part of Pisgah Forest, which now makes up the core of Pisgah National Forest, reducing the Biltmore property to a more manageable 8,000 acres. A flood destroyed Olmsted's nursery in 1916, but the dairy thrived and paid for the estate's maintenance.", + "About Biltmore Forest. The Town of Biltmore Forest was incorporated in 1923 in the Blue Ridge Mountains of western North Carolina. The Town is located between the Biltmore Estate, the Blue Ridge Parkway and the City of Asheville. The Town has a land area of 2.9 square miles and an estimated population of 1,343. The Town provides a full range of services including police, public works, water, zoning and sanitation.", + "See also: Pisgah National Forest; Asheville; Biltmore Forest School; Biltmore Industries George Washington Vanderbilt, inheritor of part of the huge Vanderbilt fortune accrued by his grandfather, steamship and railroad magnate Cornelius Vanderbilt, first visited Asheville in 1889 for health reasons.", + "About Biltmore Forest The Town of Biltmore Forest was incorporated in 1923 in the Blue Ridge Mountains of western North Carolina. The Town is located between the Biltmore Estate, the Blue Ridge Parkway and the City of Asheville. The Town has a land area of 2.9 square miles and an estimated population of 1,343. The Town provides a full range of services including police, public works, water, zoning and sanitation. History of Biltmore Forest . Community Committee Historical Findings", + "The Horse Barn is a thriving social and work center for the families who farmed Biltmore, and the agricultural heart of the estate. It remains a unique connection to the estate’s past. 1914" + ], + "url": [ + "https://www.ncpedia.org/biltmore-house", + "http://www.biltmore.com/visit/biltmore-house-gardens/estate-history", + "http://www.biltmore.com/visit/biltmore-house-gardens/estate-history", + "http://www.biltmore.com/visit/biltmore-house-gardens/estate-history", + "http://www.biltmore.com/visit/biltmore-house-gardens/estate-history", + "https://www.ncpedia.org/biltmore-house", + "http://www.biltmoreforest.org/about-biltmore-forest", + "https://www.ncpedia.org/biltmore-house", + "http://www.biltmoreforest.org/about-biltmore-forest", + "http://www.biltmore.com/visit/biltmore-house-gardens/estate-history" + ] + }, + "query": "is the forest part of the biltmore estate", + "query_id": 1174745, + "query_type": "DESCRIPTION", + "wellFormedAnswers": [] + }, + "truncated_cells": [] + }, + { + "row_idx": 161, + "row": { + "answers": [ + "Physical fitness and the ability to perform and enjoy day-to-day physical activities with ease." + ], + "passages": { + "is_selected": [ + 0, + 1, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0 + ], + "passage_text": [ + "To provide healthy-lifestyle education, a quality program of physical education must be a core requirement in all schools and a central component in a comprehensive school health program (Allensworth & Kolbe, 1987). Our first step might be to consider ways to increase curriculum time devoted to physical education.", + "Physical education is a course taught in school that focuses on developing physical fitness and the ability to perform and enjoy day-to-day physical activities with ease. Kids also develop skills necessary to participate in a wide range of activities, such as soccer, basketball, or swimming.", + "In Australia, physical education was first made an important part of the curriculum in Government primary and secondary schools in 1981. The policy was outlined in a Ministerial Statement to the Victorian Legislative Assembly by the Minister for Educational Services, the Fat Norman Lacy MP on 17 September.", + "Definition of Physical Education. Kids, as well as adults, benefit from regular exercise. Health benefits from regular exercise include: stronger muscles and bones, increased coordination and energy, and decreased risk of developing chronic diseases such as type 2 diabetes. For most kids, exercise means being physically active during play, recess, and physical education class, also known as P.E.", + "A physically educated person. 1 Demonstrates competence in many movement forms and proficiency in a few movement forms; 2 Applies movement concepts and principles to the learning and development of motor skills; 3 Exhibits a physically active lifestyle; Achieves and maintains a health-enhancing level of physical activity;", + "Report Abuse. 1 physical education:- it basically means knowledge for exercise physical-body... so that's why it is called a s physical education.. 2 Physical Education, to me, means getting fit and exercising to get active. It helps with your fitness and your health.", + "physical education:- it basically means knowledge for exercise physical-body... so that's why it is called a s physical education.. body exercises by playing, running nd doing activities which can make ur physic be better or Flexible. Nancy · 12 months ago.", + "of or relating to the body: physical exercise. 2. of or relating to that which is material: the physical universe; the physical sciences. 3. noting or pertaining to the properties of matter and energy other than those peculiar to living matter.", + "Meaning pertaining to matter is from 1590s; meaning having to do with the body, corporeal is attested from 1780. Meaning characterized by bodily attributes or activities is attested from 1970. Physical education first recorded 1838; abbreviated form phys ed is from 1955. Physical therapy is from 1922.", + "Rethinking how we teach physical education can help students lead healthy lives. Regular physical activity provides numerous health benefits—from leaner bodies and lower blood pressure to improved mental health and cognitive functioning." + ], + "url": [ + "http://www.ascd.org/publications/educational-leadership/mar00/vol57/num06/The-New-Physical-Education.aspx", + "http://study.com/academy/lesson/what-is-physical-education-definition-overview.html", + "https://en.wikipedia.org/wiki/Physical_education", + "http://study.com/academy/lesson/what-is-physical-education-definition-overview.html", + "http://www.ascd.org/publications/educational-leadership/mar00/vol57/num06/The-New-Physical-Education.aspx", + "https://answers.yahoo.com/question/index?qid=20080902051328AAfsDgc", + "https://answers.yahoo.com/question/index?qid=20080902051328AAfsDgc", + "http://www.dictionary.com/browse/physical", + "http://www.dictionary.com/browse/physical", + "http://www.ascd.org/publications/educational-leadership/mar00/vol57/num06/The-New-Physical-Education.aspx" + ] + }, + "query": "what does physical education mean", + "query_id": 645586, + "query_type": "DESCRIPTION", + "wellFormedAnswers": [] + }, + "truncated_cells": [] + }, + { + "row_idx": 162, + "row": { + "answers": [ + "No Answer Present." + ], + "passages": { + "is_selected": [ + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0 + ], + "passage_text": [ + "Blue dart is a reputed brand for delivering goods and documents with safety and also a popular courier company. That’s they the Blue Dart providing top notch customer care number with toll free and general number as well.In order to provide quality service the to its customer the company provides the customer service numbers for major cities like Delhi, Mumbai, Hyderabad, Kolkata, Indore, Ranchi, Ahmadabad etc.he Blue dart is the Asia’s largest courier service provider having thousands of outlet in India. Few people know that the Blue Dart is the part of DHL Express group of company. The company was corporate in 1995 year.", + "USA Visa from India-Passport/Visa Collection-Blue Dart Locations. Following are the Blue Dart location for collecting your passport with U.S. visa in India, once your visa is approved. Of course, you can only collect the passport from the location you have earlier specified while taking the appointment or after that.SA Visa from India-Passport/Visa Collection-Blue Dart Locations. Following are the Blue Dart location for collecting your passport with U.S. visa in India, once your visa is approved. Of course, you can only collect the passport from the location you have earlier specified while taking the appointment or after that.", + "23.02.2015 | Author: admin | Posted in Courier. Advertisement. Blue Dart Customer Care Number, BlueDart Toll Free Number | Blue Dart Tracking, Helpline, Complaints | Blue Dart Courier Offices Contact Address | Blue Dart Contact Number. Blue Dart courier is a brand name for Courier Service.22 Responses to “Blue Dart Customer Care Toll Free Number | Blue Dart Courier Tracking, Helpline, Complaints | Blue Dart Offices Contact Address, Number”.", + "If you even have a problem with your consignment, you can reach the blue dart customer care at all India blue dart customer care number 1860-233-1234 or you can call the blue dart helpline number 011-66111234.lue Dart, is a premier courier and Logistics Company that offers secure and reliable delivery of consignments to over 27050 locations in India.", + "Overview. Once your visa is approved, Blue Dart will deliver your passport to the pickup location you specified when you scheduled your appointment. There are no extra fees associated with either aspect of this service-the cost for Blue Dart to hold your passport is included in the visa application fee.lease note that passports not collected within 14 calendar days from 11 Visa Application Centers or within 7 working days from 22 Blue Dart locations will be RETURNED to the respective U.S. Embassy/Consulate and applicants will need to pick up their passports/documents directly from U.S. Embassy/Consulate.", + "The Blue dart is the Asia’s largest courier service provider having thousands of outlet in India. Few people know that the Blue Dart is the part of DHL Express group of company. The company was corporate in 1995 year.It serves 220 countries in all over world with covering the 33,742 locations.he Blue dart is the Asia’s largest courier service provider having thousands of outlet in India. Few people know that the Blue Dart is the part of DHL Express group of company. The company was corporate in 1995 year.", + "122 Responses to “Blue Dart Customer Care Toll Free Number | Blue Dart Courier Tracking, Helpline, Complaints | Blue Dart Offices Contact Address, Number”.22 Responses to “Blue Dart Customer Care Toll Free Number | Blue Dart Courier Tracking, Helpline, Complaints | Blue Dart Offices Contact Address, Number”.", + "It has in-house continuation ability and provides aircraft maintenance and engineering support to other airlines. Dear viewers from here you can obtain Blue Dart Customer Care New Toll Free phone Number which is active 24 Hrs and may also obtain contact details region wise.ustomers if you have find any difficulty related to the services offered by Blue dart, than you may contact on Blue dart New Toll Free phone Number you may also you’re your problem through Mail and may get a answer of your difficulty.", + "Call Center contact Information. Please direct all your inquiries to: E-mail: support-india@ustraveldocs.com. Telephone: 040-4625-8222 or 0120-484-4644 (for calls in India) and 1-703-520-2239 (for all calls from the United States). Complete list of Visa Application Centers (VAC).U.S Consulate General Contact Information. The fastest, best way to reach us is by email at support-india@ustraveldocs.com.f your passport is lost, stolen or missing, immediately contact the U.S. Embassy or Consulate General that issued your visa with details of police complaint lodged, passport and visa numbers. Email: hydfpu@state.gov. Provide your passport number, name, and contact information.", + "Blue customer Courier Service Call Centre’s are accessible in all main metropolitan cities. If you face any problem and desire to contact with the customer care than you are free to call on blue dart toll free numbers nay time from anywhere.ustomers if you have find any difficulty related to the services offered by Blue dart, than you may contact on Blue dart New Toll Free phone Number you may also you’re your problem through Mail and may get a answer of your difficulty." + ], + "url": [ + "http://www.1800customercare.com/blue-dart-courier-customer-care-number/", + "http://www.immihelp.com/india/blue-dart-locations.html", + "http://helpcontact.in/553", + "http://indiancustomercarenumbers.com/blue-dart-customer-care-number-blue-dart-toll-free-number/", + "http://www.ustraveldocs.com/in/in-loc-passportcollection.asp", + "http://www.1800customercare.com/blue-dart-courier-customer-care-number/", + "http://helpcontact.in/553", + "http://customerkart.com/blue-dart-customer-care/", + "http://hyderabad.usconsulate.gov/contact-information.html", + "http://customerkart.com/blue-dart-customer-care/" + ] + }, + "query": "Blue Dart at US consulate office Hyderabad telephone number", + "query_id": 2257, + "query_type": "NUMERIC", + "wellFormedAnswers": [] + }, + "truncated_cells": [] + }, + { + "row_idx": 163, + "row": { + "answers": [ + "The group of motivational theories that falls under the umbrella category of Process Theories of Motivation is based on the use of our rational thought processes or cognitive processing abilities." + ], + "passages": { + "is_selected": [ + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 1 + ], + "passage_text": [ + "Process theories of motivation are based on early cognitive theories, which posit that behavior is the result of conscious decision-making processes. The major process theories of motivation are expectancy theory, equity theory, goal-setting theory, and reinforcement theory.", + "Sign In | Sign Up. Process theories explain how workers select behavioral actions to meet their needs and determine their choices. The following theories each offer advice and insight on how people actually make choices to work hard or not work hard based on their individual preferences, the available rewards, and the possible work outcomes. Equity theory.", + "This has been an important theory in the history of the study of motivation. This theory highlights that motivation is partly a decision-making process that evaluates effort for outcomes. It highlights the involvement of the active cognitive processes and user choice in the process.", + "Process (or cognitive) theories of motivation focus on conscious human decision processes as an explanation of motivation. The process theories are concerned with determining how individual behavior is energized, directed, and maintained in the specifically willed and self-directed human cognitive processes.", + "The Process Theories of Motivation. Whereas the content theories concentrate on the question of 'what' motivates, the process theories address more the issues relating to how the process works and sustains itself over time, such as factors that determine the degree of effort, the continuation of effort, the modification of effort, etc.", + "Content (or need) theories of motivation focus on factors internal to the individual that energize and direct behavior. In general, such theories regard motivation as the product of internal drives that compel an individual to act or move (hence, motivate) toward the satisfaction of individual needs.", + "Equity Theory. Equity Theory within Process Theory measures work motivation by the amount of skills an employee possesses and the efforts of the employer. When an employee feels that she and her employer have made equal investments in each other, she is more likely to feel motivated.", + "The Equity Theory of motivation is a process theory that explores an individual’s motivation to work based on the fairness or sense of equality he detects in the relationship, comparing the amount of effort he puts into any given situation to the benefits he is receiving.", + "Using process theory, a type of scientific observation, individuals measure how events in a specific process lead to an outcome. According to this theory, when a company wants to reproduce an outcome, the company must duplicate the process used to derive this objective.", + "Process theories of motivation. The group of motivational theories that falls under the umbrella category of Process Theories of Motivation is based on the use of our rational thought processes or cognitive processing abilities." + ], + "url": [ + "http://www.referenceforbusiness.com/management/Mar-No/Motivation-and-Motivation-Theory.html", + "https://www.cliffsnotes.com/study-guides/principles-of-management/motivating-and-rewarding-employees/motivation-theories-behavior", + "https://sielearning.tafensw.edu.au/MBA/9791F/BusinessServices/LO/1207_020138_605F_02_wi/1207_020138_605F_0205_wi.htm", + "http://www.referenceforbusiness.com/management/Mar-No/Motivation-and-Motivation-Theory.html", + "https://sielearning.tafensw.edu.au/MBA/9791F/BusinessServices/LO/1207_020138_605F_02_wi/1207_020138_605F_0205_wi.htm", + "http://www.referenceforbusiness.com/management/Mar-No/Motivation-and-Motivation-Theory.html", + "http://smallbusiness.chron.com/process-theory-works-measuring-work-motivation-14149.html", + "https://www.selfdevelopment.net/hypnosis/Motivation-basics/Process-theories-of-motivation", + "http://smallbusiness.chron.com/process-theory-works-measuring-work-motivation-14149.html", + "https://www.selfdevelopment.net/hypnosis/Motivation-basics/Process-theories-of-motivation" + ] + }, + "query": "process theories of motivation suggest that", + "query_id": 482341, + "query_type": "DESCRIPTION", + "wellFormedAnswers": [ + "Process theories of motivation suggest that motivation is based on the use of our rational thought processes or cognitive processing abilities." + ] + }, + "truncated_cells": [] + }, + { + "row_idx": 164, + "row": { + "answers": [ + "Heart disease, stroke, cancer, and diabetes." + ], + "passages": { + "is_selected": [ + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 1 + ], + "passage_text": [ + "Often going along with depression in many individuals, anxiety is also one of the more prevalent mental health problems among the elderly. Anxiety disorders encompass a range of issues, from obsessive-compulsive disorder (including hoarding syndrome) to phobias to post-traumatic stress disorder (PTSD).", + "The Facts About Mental Illness in the Elderly. You might not be surprised to read that the most common mental health issue among the elderly is severe cognitive impairment or dementia, particularly caused by Alzheimer’s disease (National Alliance on Mental Illness).", + "The study also showed that common geriatric conditions were strongly associated with disability and difficulty in performing normal activities of daily living, such as bathing, dressing, eating, and going to the bathroom, even after adjusting for other chronic diseases.", + "Aug. 6, 2007 -- Half of U.S. adults over age 65 suffer from at least one common age-related condition, according to a new study. But researchers say these highly treatable geriatric health problems are often overlooked by health care providers.", + "Heart disease. Heart disease is common in senior cats also. There are many different types of heart disease. One of the most commonly seen in cats is cardiomyopathy, a disease of the heart muscle. Degenerative valvular disease and other types of heart disease can be seen as well.", + "Chronic renal (kidney) disease. Disease affecting the kidneys is a common affliction in older cats. Essentially, the kidneys act as a filter system, removing many of the waste products produced by your cat’s body. Once filtered from your cat’s blood, these waste products are eliminated via the urine.", + "Social Issues and Seniors. Social circumstances can have a significant impact on physical and mental health of seniors. These are some of the common factors impacting the overall health of older individuals. Addressing these issues makes comprehensive care of the elderly complex and multi-dimensional.", + "Researchers say most older adults with common geriatric health conditions live in the community rather than in nursing homes and are not under the care of a geriatrician. An approach to their care that included the identification and management of geriatric conditions is needed, write the authors.", + "Cognitive health is focused on a person’s ability to think, learn and remember. The most common cognitive health issue facing the elderly is dementia, the loss of those cognitive functions. Approximately 47.5 million people worldwide have dementia—a number that is predicted to nearly triple in size by 2050.", + "1. Chronic health conditions. According to the National Council on Aging, about 92 percent of seniors have at least one chronic disease and 77 percent have at least two. Heart disease, stroke, cancer, and diabetes are among the most common and costly chronic health conditions causing two-thirds of deaths each year." + ], + "url": [ + "http://www.aplaceformom.com/blog/2013-10-7-mental-illness-in-the-elderly/", + "http://www.aplaceformom.com/blog/2013-10-7-mental-illness-in-the-elderly/", + "http://www.webmd.com/healthy-aging/news/20070806/common-geriatric-conditions-overlooked", + "http://www.webmd.com/healthy-aging/news/20070806/common-geriatric-conditions-overlooked", + "http://www.petmd.com/blogs/thedailyvet/lhuston/2013/july/seven-most-common-illnesses-in-senior-cats-30574", + "http://www.petmd.com/blogs/thedailyvet/lhuston/2013/july/seven-most-common-illnesses-in-senior-cats-30574", + "http://www.emedicinehealth.com/senior_health/page3_em.htm", + "http://www.webmd.com/healthy-aging/news/20070806/common-geriatric-conditions-overlooked", + "https://vitalrecord.tamhsc.edu/10-common-elderly-health-issues/", + "https://vitalrecord.tamhsc.edu/10-common-elderly-health-issues/" + ] + }, + "query": "what are the most common geriatric illness", + "query_id": 571722, + "query_type": "ENTITY", + "wellFormedAnswers": [] + }, + "truncated_cells": [] + }, + { + "row_idx": 165, + "row": { + "answers": [ + "The virtual machine hardware must be. compatible with Workstation 8 and later virtual machines. n Support for USB 2.0 and 3.0 requires that you configure virtual machine settings to enable USB 2.0 and. 3.0 support and that you have compatible guest operating systems and virtual machine hardware." + ], + "passages": { + "is_selected": [ + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 1 + ], + "passage_text": [ + "You need to verify the date and time when updates were last installed on your Windows Server 2008 R2 system. Security Information. You need to add the Active Directory Domain Services role to a Windows Server 2012 R2 system. Click the option you would use in Server Manager to access the Add Roles and Features Wizard.", + "You need to view resource usage for Hyper-V virtual machine named AccServer that is running on a Windows Server 2012 R2 system. before you can actually retrieve usage information, you need to turn resource metering on the virtual machine.", + "You are preparing to intsall Windows Server 2012 R2 on a new server. You will use this server for the DHCP server role and configure the server in a failover cluster with two nodes. You want to select the minimum Windows Server 2012 R2 edition to support the required roles.", + "The MVMC tool has to meet some strict requirements in order to successfully convert a vmware virtual machine. Before starting you conversion process, ensure that the following requirements are met. the virtual machine to be converted must be running. the vmware tools needs to be loaded and installed on the virtual machine. the virtual machine to be converted is joined into an Active Directory Domain.", + "To use ALSA in a virtual machine, the host system must meet certain requirements. n The ALSA library version on the host system must be version 1.0.16 or later. n The sound card on the host system must support ALSA. The ALSA project Web site maintains a current. listing of sound cards and chipsets that support ALSA.", + "Windows Virtual PC is the latest Microsoft virtualization technology. You can use it to run more than one operating system at the same time on one computer, and to run many productivity applications on a virtual Windows environment, with a single click, directly from a computer running Windows 7. Windows Virtual PC supports the following Host and Guest Operating systems:", + "Getting Started with VMware Workstation describes how to install and upgrade VMware® Workstation, create. a typical virtual machine, and perform common virtual machine operations. Intended Audience. This information is intended for anyone who wants to install Workstation and create a typical virtual.", + "requirements for virtual 4k. It works with a graphics card that's fitted with it - a GTX970 or GTX980 at the moment are the only cards with this feature. DSR outputs at the resolution of your monitor. The output to a 1080p monitor will be 1080p, your hardware doesn't see a difference as the changes are all in software.", + "Before starting you conversion process, ensure that the following requirements are met. 1 the virtual machine to be converted must be running. 2 the vmware tools needs to be loaded and installed on the virtual machine. 3 the virtual machine to be converted is joined into an Active Directory Domain.", + "The virtual machine hardware must be. compatible with Workstation 8 and later virtual machines. n Support for USB 2.0 and 3.0 requires that you configure virtual machine settings to enable USB 2.0 and. 3.0 support and that you have compatible guest operating systems and virtual machine hardware." + ], + "url": [ + "https://quizlet.com/46886826/2110-flash-cards/", + "https://quizlet.com/46886826/2110-flash-cards/", + "https://quizlet.com/46886826/2110-flash-cards/", + "http://c-nergy.be/blog/?p=3749", + "http://www.vmware.com/pdf/desktop/ws10-getting-started.pdf", + "http://www.microsoft.com/en-us/download/details.aspx?id=3702", + "http://www.vmware.com/pdf/desktop/ws10-getting-started.pdf", + "http://www.tomshardware.com/answers/id-2621314/requirements-virtual.html", + "http://c-nergy.be/blog/?p=3749", + "http://www.vmware.com/pdf/desktop/ws10-getting-started.pdf" + ] + }, + "query": "requirements to be able to use virtual machines", + "query_id": 488003, + "query_type": "DESCRIPTION", + "wellFormedAnswers": [ + "The virtual machine hardware must be. compatible with Workstation 8 and later virtual machines. n Support for USB 2.0 and 3.0 requires that you configure virtual machine settings to enable USB 2.0 and. 3.0 support and that you have compatible guest operating systems and virtual machine hardware." + ] + }, + "truncated_cells": [] + }, + { + "row_idx": 166, + "row": { + "answers": [ + "Theory proposes that the Moon was once part of the Earth and somehow separated from the Earth early in the history of the solar system." + ], + "passages": { + "is_selected": [ + 1, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0 + ], + "passage_text": [ + "The Fission Theory: This theory proposes that the Moon was once part of the Earth and somehow separated from the Earth early in the history of the solar system. The present Pacific Ocean basin is the most popular site for the part of the Earth from which the Moon came.", + "Fission theory. Fission Theory-A theory for the origin of the Moon in which the Moon consists of matter that was flung from the primitive Earth because of the Earth 's rapid rotation ...", + "The Fission Theory: This theory proposes that the Moon was once part of the Earth and somehow separated from the Earth early in the history of the solar system.", + "Five Serious Theories. 1 The Fission Theory: The Moon was once part of the Earth and somehow separated from the Earth early in the history of the Solar System. 2 The present Pacific Ocean basin is the most popular site for the part of the Earth from which the Moon came.", + "Fission Definition: Fission is the splitting of an atomic nucleus into two or more lighter nuclei accompanied by energy release. The original heavy atom is termed the parent nucleus and the lighter nuclei are daughter nuclei. By Anne Marie Helmenstine, Ph.D.", + "1 The Fission Theory: The Moon was once part of the Earth and somehow separated from the Earth early in the history of the Solar System. 2 The present Pacific Ocean basin is the most popular site for the part of the Earth from which the Moon came.", + "Fission Definition: Fission is the splitting of an atomic nucleus into two or more lighter nuclei accompanied by energy release.", + "Full Definition of FISSION. 1. : a splitting or breaking up into parts. 2. : reproduction by spontaneous division of the body into two or more parts each of which grows into a complete organism. 3. : the splitting of an atomic nucleus resulting in the release of large amounts of energy.", + "Full Definition of FISSION. 1. : a splitting or breaking up into parts. 2. : reproduction by spontaneous division of the body into two or more parts each of which grows into a complete organism. 3. : the splitting of an atomic nucleus resulting in the release of large amounts of energy. — fis·sion·al \\-shə-nəl, -zhə-\\ adjective.", + "Fission Definition: Fission is the splitting of an atomic nucleus into two or more lighter nuclei accompanied by energy release. The original heavy atom is termed the parent nucleus and the lighter nuclei are daughter nuclei. By Anne Marie Helmenstine, Ph.D. Return to the Chemistry Glossary Index." + ], + "url": [ + "http://en.mimi.hu/astronomy/fission_theory.html", + "http://en.mimi.hu/astronomy/fission_theory.html", + "http://en.mimi.hu/astronomy/fission_theory.html", + "http://csep10.phys.utk.edu/astr161/lect/moon/moon_formation.html", + "http://chemistry.about.com/od/chemistryglossary/a/fissiondef.htm", + "http://csep10.phys.utk.edu/astr161/lect/moon/moon_formation.html", + "http://chemistry.about.com/od/chemistryglossary/a/fissiondef.htm", + "http://www.merriam-webster.com/dictionary/fission", + "http://www.merriam-webster.com/dictionary/fission", + "http://chemistry.about.com/od/chemistryglossary/a/fissiondef.htm" + ] + }, + "query": "fission theory definition", + "query_id": 187620, + "query_type": "DESCRIPTION", + "wellFormedAnswers": [] + }, + "truncated_cells": [] + }, + { + "row_idx": 167, + "row": { + "answers": [ + "No Answer Present." + ], + "passages": { + "is_selected": [ + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0 + ], + "passage_text": [ + "LegalZoom Satisfaction Guarantee Details: 1 If you're not satisfied, simply call us toll-free at (800) 773-0888 during our normal business hours. If you want to exchange the product you ordered for a different one, you must request this exchange and complete your replacement order within 60 days of purchase.", + "Breaking a Lease and Leaving Early. Landlords must take reasonable steps to rerent the place if you break a lease (you won't always be on the hook for rent for the remainder of the lease term). A lease lasts for a fixed term, typically one year, then simply ends of its own accord at the end of the term.", + "1 stay on as a month-to-month tenant with your landlord’s approval (in most states, the terms and conditions of the old lease (such as no pets) will carry over into your new, oral month-to-month tenancy), or. face an eviction lawsuit if you attempt to stay when the landlord wants you to move on.", + "A few state laws list other reasons that allow tenants to break a lease, for example because of a job relocation or family health problems. If you have a good reason for a sudden move, check your state law to see whether or not you are still on the hook for rent for the remaining lease term.", + "At this point, you must either: 1 move. 2 sign a new lease, with the same or different terms, stay on as a month-to-month tenant with your landlord’s approval (in most states, the terms and conditions of the old lease (such as no pets) will carry over into your new, oral month-to-month tenancy), or.", + "Online services like leasetrade.com, leasetrading.com, or swapalease.com allow you to advertise your lease to prospective buyers. People who are looking to get out of a lease are matched up with people who want to take over the lease for the remainder of the term. These services can be useful, but exercise caution and check the monthly advertising fees and any other out-of-pocket expenses you may incur.", + "You can also find another buyer to assume the lease in a lease assumption transaction. This transfers the contract and liability to someone else. Check with your lessor before you pursue this option because the new lessee may need to meet certain requirements to be qualified to take over the lease.", + "I need to break my lease because I can't afford to pay it anymore? Boston, MA | July 8, 2012 3:10pm. I have been told by management that if I do break the lease I have to keep paying it every month until they rent it to someone else. Is that fair? And the reason why I'm breaking the lease is because I can't pay it and the monthly payment is $ 1575 a month.", + "Keep in mind that not all leasing companies allow lease assumptions. This takes us back to step one—consulting your lease contract. You must examine your specific lease stipulations before going through a lease assumption or any other lease-termination process. Be aware of the consequences of whatever action you take.", + "Posted July 8, 2012 5:41pm. You cant get blood out of a rock... If you cant pay, you cant pay. Attorney Varszegi is correct, the landlord must mitigate their damages and there may be illegal provisions in the lease that would allow you to break a lease. You need leverage if they don't want to play nice." + ], + "url": [ + "https://www.legalzoom.com/articles/can-you-get-out-of-a-car-lease", + "http://www.nolo.com/legal-encyclopedia/free-books/renters-rights-book/chapter9-5.html", + "http://www.nolo.com/legal-encyclopedia/free-books/renters-rights-book/chapter9-5.html", + "http://www.nolo.com/legal-encyclopedia/free-books/renters-rights-book/chapter9-5.html", + "http://www.nolo.com/legal-encyclopedia/free-books/renters-rights-book/chapter9-5.html", + "https://www.legalzoom.com/articles/can-you-get-out-of-a-car-lease", + "https://www.legalzoom.com/articles/can-you-get-out-of-a-car-lease", + "https://www.avvo.com/legal-answers/i-need-to-break-my-lease-because-i-can-t-afford-to-818870.html", + "https://www.legalzoom.com/articles/can-you-get-out-of-a-car-lease", + "https://www.avvo.com/legal-answers/i-need-to-break-my-lease-because-i-can-t-afford-to-818870.html" + ] + }, + "query": "what if i longer want to break my lease", + "query_id": 670102, + "query_type": "DESCRIPTION", + "wellFormedAnswers": [] + }, + "truncated_cells": [] + }, + { + "row_idx": 168, + "row": { + "answers": [ + "Below 50 degrees (F)." + ], + "passages": { + "is_selected": [ + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 1, + 0 + ], + "passage_text": [ + "I will have to see if I can see my breath when the temperature is 45. The thing I like learning about was that our breath has tiny water droplets. I also did not know that when it's 45 degree outside, you can see your breath I thought that you can only see your breath when it's really cold outside, like 32 degrees.", + "Marilyn: You wrote, “You can see your breath only in winter because the colder the air, the less moisture it can hold (warm air can always hold more water vapor than your breath can).” (February 17, 2013) The season has some relevance, but you can actually see your breath condensate in summer if the temperature and relative humidity are low enough, ...", + "I think what we might be looking for here is the difference in temperature between the exhaled breath and the ambient air temperature...Sure, after a big gulp of hot coffee warms your mouth, you can see steam at 80F.", + "If the temperature of the air is equal to the dewpoint, it's foggy. So, sure, if the air temperature is less than the dewpoint of your breath, that's how you get foggy breath. But it has little to do with the dewpoint of the air around you.", + "The three main factors that play into this are temperature, relative humidity, and pressure. Another factor are the particles in the air that allow the vapor to condensate on them, e.g. dust. You can even see your breath condensate at room temperature if the conditions are met. All that is required is that the exhaled air has to be saturated with humidity to reach a point of about 5 percent above the relative humidity of the air in the room.", + "When you exhale when it's cold outside, the water vapor in your breath condenses into lots of tiny droplets of liquid water and ice (solid water) that you can see in the air as a cloud, similar to fog.", + "When exhaled, air mixes with cold air, the temperature of the exhaled air drops, but there is more water vapour. When the air becomes saturated, (relative humidity is 100%), the extra water vapour will condense, allowing you to see your breathe on cold days.", + "When exhaled, air mixes with cold air, the temperature of the exhaled air drops, but there is more water vapor. When the air becomes saturated, (relative humidity is 100%), the extra water vapor will condense, allowing you to see your breathe on cold days. 12 people found this useful.", + "As a rule of thumb, the temperature must be below 50 degrees (F) to see one's breath. The phenomenon is dependent on a number of criteria, including pressure and humidity. It is possible to make one's breath visible at room temperatures by partially pressurizing your exhaled breath.", + "There's no exact temperature at which condensation will occur. Many environmental factors other than temperature can play a role in condensation, including relative humidity (the amount of moisture in the air). When it falls below 45° F (7.22° C), though, you can usually expect to be able to see your breath." + ], + "url": [ + "http://wonderopolis.org/wonder/why-do-you-see-your-breath-when-it-s-cold", + "https://parade.com/1321/marilynvossavant/ask-marilyn-seeing-your-breath-in-summer/", + "http://boards.straightdope.com/sdmb/archive/index.php/t-340204.html", + "http://boards.straightdope.com/sdmb/archive/index.php/t-340204.html", + "https://parade.com/1321/marilynvossavant/ask-marilyn-seeing-your-breath-in-summer/", + "http://wonderopolis.org/wonder/why-do-you-see-your-breath-when-it-s-cold", + "http://www.answers.com/Q/What_temperature_is_it_when_you_can_see_your_breath", + "http://www.answers.com/Q/What_temperature_is_it_when_you_can_see_your_breath", + "http://boards.straightdope.com/sdmb/archive/index.php/t-340204.html", + "http://wonderopolis.org/wonder/why-do-you-see-your-breath-when-it-s-cold" + ] + }, + "query": "what air temperature can you see your breath", + "query_id": 552172, + "query_type": "NUMERIC", + "wellFormedAnswers": [] + }, + "truncated_cells": [] + }, + { + "row_idx": 169, + "row": { + "answers": [ + "Tornado Information for Pittsburgh, Pennsylvania. Pittsburgh, PA is a Low Risk area for tornados. According to records, the largest tornado in the Pittsburgh area was an F4 in 1980 that caused 140 injuries and 0 deaths." + ], + "passages": { + "is_selected": [ + 0, + 0, + 0, + 1, + 0, + 0, + 0, + 0, + 0, + 0 + ], + "passage_text": [ + "Tornado Climatology for the Pittsburgh County Warning Area. Weather.gov > Pittsburgh, PA > Tornado Climatology for the Pittsburgh County Warning Area. All known tornadoes from 1950 to Present are plotted on the maps below. Click on a county name to see a detailed map of all known tornado tracks in that county. Please read the important disclaimer below concerning the plotting of historical tornadoes.", + "Interstate 79 in Pennsylvania between mile markers 32 and 67. Parkway north between mile markers 4 and 13. These storms may intensify, so monitor local radio or television. stations for additional information and possible warnings from the.", + "Pittsburgh Weather Alerts. Pittsburgh current severe weather warnings, watches and advisories as reported by the NOAA National Weather Service for the Pittsburgh area and overall Allegheny county . © 2008-2017 LocalConditions.com.", + "Tornado Information for Pittsburgh, Pennsylvania. Pittsburgh, PA is a Low Risk area for tornados. According to records, the largest tornado in the Pittsburgh area was an F4 in 1980 that caused 140 injuries and 0 deaths. *Tornado risk is calculated from the destruction path that has occured within 30 miles of the location.", + "Updated: Jun 27, 2015 - 5:30 PM. Twtter. CRANBERRY TWP, Pa - A tornado that touched down in Cranberry Township Saturday afternoon only traveled a mile before it lifted off the ground, but that was all it needed to leave a path of damage in its wake.", + "Severe Weather Climatology for the Pittsburgh County Warning Area. Weather.gov > Pittsburgh, PA > Severe Weather Climatology for the Pittsburgh County Warning Area. This page provides an overview of severe weather climatology for the Pittsburgh, PA (PBZ) CWA since 1950. This climatology looks at severe weather for the Pittsburgh county warning area from 1950 to 2015. The weather variables in this climatology are tornadoes (1950-2015), severe winds (1955-2015; 58 mph or greater), and large hail (1955-2015; 0.75 in diameter or larger).", + "Tornado Warning. Storms Prompt Tornado Warning, Other Severe Weather Alerts Across AreaOvercast and rainy conditions prompted several severe weather alerts across the region on Thursday. Storms Prompt Tornado Warning In Butler Co.Severe weather moving across the Pittsburgh region Thursday evening prompted several severe weather warnings.", + "Please register to participate in our discussions with 2 million other members - it's free and quick! Some forums can only be seen by registered members. After you create your account, you'll be able to customize options and access all our 15,000 new posts/day with fewer ads.", + "Ads help us bring you the weather for free. We want to be able to continue building great weather products for everyone. For less than a dollar a month ($10/yr) you can sign up for a premium membership and remove ads. Remove Ads.", + "Cranberry Twp tornado leaves 1-mile stretch of damage. CRANBERRY TWP, Pa - A tornado that touched down in Cranberry Township Saturday afternoon only traveled a mile before it lifted off the ground, but that was all it needed to leave a path of damage in its wake." + ], + "url": [ + "http://www.weather.gov/pbz/torclimo", + "https://www.wunderground.com/US/PA/021.html", + "http://www.localconditions.com/weather-pittsburgh-pennsylvania/15201/alerts.php", + "http://www.homefacts.com/tornadoes/Pennsylvania/Allegheny-County/Pittsburgh.html", + "http://www.wpxi.com/news/local/tornado-warning-expires-strong-storms-move-through/45916920", + "http://www.weather.gov/pbz/svrclimo", + "http://pittsburgh.cbslocal.com/tag/tornado-warning/", + "http://www.city-data.com/forum/pittsburgh/369123-tornado-warnings.html", + "https://www.wunderground.com/severe.asp", + "http://www.wpxi.com/news/local/tornado-warning-expires-strong-storms-move-through/45916920" + ] + }, + "query": "tornado warning in pittsburgh", + "query_id": 522768, + "query_type": "ENTITY", + "wellFormedAnswers": [ + "Tornado warning in Pittsburgh is at Low Risk." + ] + }, + "truncated_cells": [] + }, + { + "row_idx": 170, + "row": { + "answers": [ + "There are a stone fruit with a creamy texture that grow in warm climates and are often a feature of Mexican and South American cuisine." + ], + "passages": { + "is_selected": [ + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 1 + ], + "passage_text": [ + "Avocados are an excellent source, along with organic raw butter, coconut oil, and organic pastured eggs, just to name a few. There's also evidence suggesting that limiting your intake of protein can be helpful for long-term good health and the prevention of cancer.", + "A small pilot study found that eating one-half of a fresh medium Hass avocado with a hamburger significantly inhibited the production of the inflammatory compound Interleukin-6 (IL-6), compared to eating a burger without fresh avocado.", + "In the article we take an in-depth look at the possible health benefits of eating avocados as well as a nutritional breakdown of the avocado. To maintain balance, we will also look at the possible health risks of consuming avocados.", + "Indoors, an avocado tree is usually grown from the pit of an avocado fruit. This is often done by removing the pit from a ripe, unrefrigerated avocado fruit. The pit is then stabbed with three or four toothpicks, about one-third of the way up from the flat end. The pit is placed in a jar or vase containing tepid water.", + "While avocado is commonly eaten raw, on salad or alone, with nothing but a dash of Himalayan salt and some ground pepper, for example, there are many other ways to include avocado in your diet. For example, you can use avocado in the following ways: Use as a fat replacement in baking.", + "6 Things You Probably Didn't Know About Avocados. You know they make a killer eggocado and are beloved among guacamole aficionados. You might also know you can feel good eating one, thanks to healthy fats and loads of nutrients. But the mighty powers of the avocado stretch farther than you probably realize. 1. An Avocado Is A Fruit, And More Specifically A Berry You might be inclined to call it a vegetable, thanks to its green hue and savory taste, but the avocado is technically a fruit, and even more specifically, a single-seeded berry.", + "Nutritional perks aside, avocados can play a key role in your healthy hair and skin routine. The antioxidants, amino acids and essential oils inside an avocado can help repair damaged hair, moisturize dry skin, treat sunburns and maybe even minimize wrinkles, HuffPost Style reported.", + "Avocados, which are actually classified as a fruit, are rich in monounsaturated fat that is easily burned for energy. Personally, I eat a whole avocado virtually every day, which I usually put in my salad. This increases my healthy fat and calorie intake without seriously increasing my protein or carbohydrate intake.", + "For example, you can use avocado in the following ways: 1 Use as a fat replacement in baking. Simply replace the fat called for (such as oil, butter or shortening) with an equal amount of avocado. Use as a first food for babies, in lieu of processed baby food.", + "Avocados: Health Benefits, Nutritional Information. Avocados are a stone fruit with a creamy texture that grow in warm climates and are often a feature of Mexican and South American cuisine. Also known as an alligator pear or butter fruit, the versatile avocado is the only fruit that provides a substantial amount of healthy monounsaturated fatty acids (MUFA). Avocados are a naturally nutrient-dense food and contain nearly 20 vitamins and minerals. This MNT Knowledge Center feature is written by MNT's qualified nutritionist and forms part of a collection of articles on the health benefits of popular foods." + ], + "url": [ + "http://articles.mercola.com/sites/articles/archive/2013/01/17/avocado-benefits.aspx", + "http://articles.mercola.com/sites/articles/archive/2013/01/17/avocado-benefits.aspx", + "http://www.medicalnewstoday.com/articles/270406.php", + "https://en.wikipedia.org/wiki/Avocado", + "http://articles.mercola.com/sites/articles/archive/2013/01/17/avocado-benefits.aspx", + "http://www.huffingtonpost.com/2015/08/26/avocado-health-facts-didnt-dont-know_n_3786419.html", + "http://www.huffingtonpost.com/2015/08/26/avocado-health-facts-didnt-dont-know_n_3786419.html", + "http://articles.mercola.com/sites/articles/archive/2013/01/17/avocado-benefits.aspx", + "http://articles.mercola.com/sites/articles/archive/2013/01/17/avocado-benefits.aspx", + "http://www.medicalnewstoday.com/articles/270406.php" + ] + }, + "query": "what are avocados", + "query_id": 555248, + "query_type": "DESCRIPTION", + "wellFormedAnswers": [] + }, + "truncated_cells": [] + }, + { + "row_idx": 171, + "row": { + "answers": [ + "Yes, the Georgian bay is a part of Lake Huron." + ], + "passages": { + "is_selected": [ + 0, + 0, + 0, + 1, + 0, + 0, + 0, + 0, + 0, + 0 + ], + "passage_text": [ + "Uber-smooth northern delights. Georgian Bay, part of the great Lake Huron, the shores of which sustain Parry Sound, birthplace of Bobby Orr, is now home to a new, intrepid and, yes, accomplished distillery. It is called Georgian Bay Spirit Company, thus named by its co-founders, Denzil Wadds and Tim Keenleyside.", + "Lake Huron and Georgian Bay Coastlines The sparkling blue waters of Lake Huron and Georgian Bay splash upon the sandy beaches and rocky shorelines of Grey, Bruce and Huron counties offering breathtaking sunsets.", + "Georgian Bay is large enough to be among the world's 20 largest lakes. Huron receives the flow from both Lake Superior and Lake Michigan, but water flows through Lake Huron (retention time) much more quickly than through either of them. Huron was the first of the Great Lakes to be discovered by European explorers.", + "Georgian Bay (French: Baie Georgienne) is a large bay of Lake Huron, located entirely within Ontario, Canada. The main body of the bay lies east of the Bruce Peninsula and Manitoulin Island. To its northwest is the North Channel.", + "A large bay that protrudes northeast from Lake Huron into Ontario, Canada, is called Georgian Bay. A notable feature of the lake is Manitoulin Island, which separates the North Channel and Georgian Bay from Lake Huron's main body of water. It is the world's largest lake island. Major centres on Georgian Bay include Owen Sound, Wasaga Beach, Collingwood, Midland, Penetanguishene, Port Severn and Parry Sound.", + "It drains Lake Couchiching and Lake Simcoe . The river flows generally northwest into Georgian Bay , a large bay of Lake Huron . The Severn forms part of the inland canal system known as the Trent-Severn Waterway , which links Port Severn on Georgian Bay with Trenton on Lake Ontario via the Trent Canal .", + "Georgian Bay, northeast arm of Lake Huron in southcentral Ontario. It is shielded from the lake by the limestone spine of the Niagara Escarpment, which extends in a great arc northwest up the Bruce Peninsula.", + "After a short delay at the pump-out dock, Andiamo headed out of Midland and towards Beausoleil Island that is part of the Georgian Bay Islands National Park. The wind created a very manageable one foot chop that flattened out after getting behind Present Island.", + "A Brief History of Georgian Bay. written & compiled by Graham Ketcheson for White Squall. Georgian Bay was known by many names before its current incarnation, assigned in. tribute to King George IV by early 1800s British surveyor Lieutenant Henry Bayfield.", + "Lake Huron, second largest of the Great Lakes of North America, bounded on the west by Michigan (U.S.) and on the north and east by Ontario (Can.). The lake is 206 mi (331 km) long from northwest to southeast, and its maximum width is 183 mi." + ], + "url": [ + "http://nuvomagazine.com/palate/georgian-bay-spirits", + "http://www.soto.on.ca/lake_huron_and_georgian_bay_coastlines/", + "http://geo.msu.edu/extra/geogmich/lakehuron.html", + "https://www.revolvy.com/topic/Georgian%20Bay&item_type=topic", + "https://en.wikipedia.org/wiki/Lake_Huron", + "https://www.revolvy.com/topic/Georgian%20Bay&item_type=topic", + "https://thecanadianencyclopedia.ca/en/article/georgian-bay/", + "https://www.andiamo-ranger29.com/gl-part-11-lake-huron-georgian-bay--north-channel.html", + "http://pennsylvaniaclub.com/history/documents/bayhistory.pdf", + "https://www.britannica.com/place/Lake-Huron" + ] + }, + "query": "is the georgian bay part of lake huron?", + "query_id": 1174744, + "query_type": "DESCRIPTION", + "wellFormedAnswers": [] + }, + "truncated_cells": [] + }, + { + "row_idx": 172, + "row": { + "answers": [ + "No Answer Present." + ], + "passages": { + "is_selected": [ + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0 + ], + "passage_text": [ + "Nature expresses Emerson's belief that each individual must develop a personal understanding of the universe. Emerson makes clear in the Introduction that men should break away from reliance on secondhand information, upon the wisdom of the past, upon inherited and institutionalized knowledge: Our age is retrospective.", + "In his essay “Self-Reliance,” how does Ralph Waldo Emerson define individualism, and how, in his view, can it affect society? Understanding. In “Self-Reliance” Emerson defines individualism as a profound and unshakeable trust in one’s own intuitions.", + "Emerson is in many ways a process philosopher, for whom the universe is fundamentally in flux and “permanence is but a word of degrees” (CW 2: 179). Even as he talks of “Being,” Emerson represents it not as a stable “wall” but as a series of “interminable oceans” (CW3: 42).", + "Transcendentalism does not recognize either the Trinity or God as a person. God is deemed to be closer to the Atman (Hindu conception), the universal soul or spirit, which is beyond human personality. Nature: Emerson first sought an answer to the question of the place of man in a science of nature. His essay, Nature, was published in 1836, and is the main text by Emerson and about transcendantalism. It is divided into 8 parts.", + "Emerson asserts and reasserts the underlying unity of distinct, particulate expressions of the divine. In the Introduction, he emphasizes man's and nature's parallel positions as manifestations of the universal order, and consequently as means of understanding that order.", + "An American essayist, poet, and popular philosopher, Ralph Waldo Emerson (1803–82) began his career as a Unitarian minister in Boston, but achieved worldwide fame as a lecturer and the author of such essays as “Self-Reliance,” “History,” “The Over-Soul,” and “Fate.” Drawing on English and German Romanticism, Neoplatonism, Kantianism, and Hinduism, ...", + "What does Emerson mean by the statement “Nature always wears the colors of the spirit” (25)? How does this idea affect the meaning of the preceding description of Emerson’s experience. crossing the common? 5. In paragraph four, Emerson writes, “I become a transparent eye-ball; I am nothing ; I see all; the.", + "Emerson’s Nature Essay Questions. Choose three of the following essay topics, and answer them in at least two paragraphs each. 1. Emerson states that “Every man’s condition is a solution in hieroglyphic to those inquiries he. would put.” “Hieroglyphic” here means a symbol with a hidden meaning. What is Emerson.", + "In “The American Scholar,” delivered as the Phi Beta Kappa Address in 1837, Emerson maintains that the scholar is educated by nature, books, and action. Nature is the first in time (since it is always there) and the first in importance of the three.", + "Ralph Waldo Emerson died in 1882, but he is still very much with us. When you hear people assert their individualism, perhaps in rejecting help from the government or anyone else, you hear the voice of Emerson." + ], + "url": [ + "https://www.cliffsnotes.com/literature/t/thoreau-emerson-and-transcendentalism/emersons-nature/major-themes", + "http://americainclass.org/individualism-in-ralph-waldo-emersons-self-reliance/", + "https://plato.stanford.edu/entries/emerson/", + "http://www.world-religion-watch.org/index.php/book-reviews-on-relevant-religious-and-cultural-issues/178-nature-by-ralph-waldo-emerson-transcendentalism-at-the-core-of-american-identity", + "https://www.cliffsnotes.com/literature/t/thoreau-emerson-and-transcendentalism/emersons-nature/major-themes", + "https://plato.stanford.edu/entries/emerson/", + "http://gilbertsclass.com/handouts/Emerson%20Essay%20Questions.pdf", + "http://gilbertsclass.com/handouts/Emerson%20Essay%20Questions.pdf", + "https://plato.stanford.edu/entries/emerson/", + "http://americainclass.org/individualism-in-ralph-waldo-emersons-self-reliance/" + ] + }, + "query": "what does emerson relate himself to in nature", + "query_id": 636803, + "query_type": "DESCRIPTION", + "wellFormedAnswers": [] + }, + "truncated_cells": [] + }, + { + "row_idx": 173, + "row": { + "answers": [ + "No Answer Present." + ], + "passages": { + "is_selected": [ + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0 + ], + "passage_text": [ + "Looking for things to do at Ayers Rock? Located in the Red Centre of the Northern Territory, Australia, Ayers Rock or Uluru is one of the greatest natural attractions and an iconic landmark of Australia.yers Rock at sunset is magical, and even more magical whilst enjoying a BBQ dinner! If you need help planning your experience, feel free to contact our team. Ayers Rock at sunset is magical, and even more magical whilst enjoying a BBQ dinner! If you need help planning your experience, feel free to contact our team.", + "From the variety of activities you can enjoy, your holiday to the Ayers Rock, Uluru will be filled with wonder, adventures, excitement and relaxation, that you just won’t know where to start first.ith its variety of flora and fauna, bird life, wildlife and stunning scenery, this certainly will be one holiday that will be filled with plenty of activities and so much fun. Start planning it today, the list of activities and the attractions that you want to see when you come to Uluru and Ayers Rock.", + "From the many onsite activities that you can enjoy at your accommodation to the variety of things to see and do throughout Uluru and the Kata Tjuta National Park, your trip here surely will be memorable.Perfect for all occasions, personal or business, Uluru and Ayers Rock will leave their mark on you.ith its variety of flora and fauna, bird life, wildlife and stunning scenery, this certainly will be one holiday that will be filled with plenty of activities and so much fun. Start planning it today, the list of activities and the attractions that you want to see when you come to Uluru and Ayers Rock.", + "If you’re worried that Uluru is just a big red rock in the middle of nowhere, relax. There’s lots to see and do at Ayers Rock. On this page, we’ve put together a list of adventurous and not so adventurous things to see and do at the Rock.True, some of the activities at Uluru are expensive, but there’s also lots of free things to see and do as well.To help you plan your trip better, we’ve grouped these Ayers Rock attractions into activity categories, prices, average times needed and links to the companies which run them.ther walks: 1 The Kata Tjuta Dune Walk: Is located along the road to Kata Tjuta at the Kata Tjuta dune viewing areas. 2 Ayers Rock Resort: Has a couple of very short walks over a small sand dune in the middle of the resort, where you can get a great view of the resort and town of Yulara.", + "If those activities do not satisfy your cravings for adventure while staying at the Ayres Rock Resort there are many other Uluru (Ayers Rock) Day tours and activities available.ocation: Ayers Rock, Australia. Explore the great Central Australian desert from the back of a camel! You can ride at sunrise, sunset or in the middle of the day, accompanied by an experienced cameleer. This intimate encounter with nature will be a truly memorable & enjoyable experience.", + "1 Map of the National Park and Yulara. 2 Map and things to do around Uluru: walks, viewing platforms. 3 Map and things to do around Kata Tjuta: walks, viewing platforms. 4 Other activities in the National Park: sounds of silence, desert awareking, helicopter flight.ENERAL MAP-ULURU & KATA TJUTA. Let's start with a map of the Uluru-Kata Tjuta National Park which also shows you where the airport and the Ayers rock resort and camp guornd are. (the maps below is from the brochure of the National Park, there are so well done I decided not to create mw own this time).", + "You won't realise just how incredible Ulu. u is until you do this walk! This 10.6 km loop walk is a wonderful way to discover the amazing textures and colours of the rock, see the diverse plants and animals and experience Anangu culture first hand.ur top 10 in the park. There's something for everyone in the park and more than enough to fill in a few days. Take a look at our top 10 list for things you shouldn't miss while visiting this special place.", + "Other walks: 1 The Kata Tjuta Dune Walk: Is located along the road to Kata Tjuta at the Kata Tjuta dune viewing areas. 2 Ayers Rock Resort: Has a couple of very short walks over a small sand dune in the middle of the resort, where you can get a great view of the resort and town of Yulara.ther walks: 1 The Kata Tjuta Dune Walk: Is located along the road to Kata Tjuta at the Kata Tjuta dune viewing areas. 2 Ayers Rock Resort: Has a couple of very short walks over a small sand dune in the middle of the resort, where you can get a great view of the resort and town of Yulara.", + "Below I list some of the activities you could consider during your stay to discover Uluru, Kata Tjuta and the area: walks, flight, sunset platforms and more..ENERAL MAP-ULURU & KATA TJUTA. Let's start with a map of the Uluru-Kata Tjuta National Park which also shows you where the airport and the Ayers rock resort and camp guornd are. (the maps below is from the brochure of the National Park, there are so well done I decided not to create mw own this time).", + "VIEW TOURS. from FREE. During your stay at Ayers Rock Resort you're invited to experience a wide range of free activities, including guided and self-guided garden walks through the native gardens of Sails in the Desert and Desert Gardens Hotel.taying at the 5 star Sails in the Desert Hotel in a Terrace Room with daily buffet breakfast, this itinerary includes the award-winning Sounds of Silence dinner, an intimate Desert Awakenings tour, a breathtaking aerial view of Uluru and Kata Tjuta and various guest activities to experience at Ayers Rock Resort." + ], + "url": [ + "https://www.experienceoz.com.au/ayers-rock", + "http://www.nttravel.com.au/uluru-ayers-rock-activities.html", + "http://www.nttravel.com.au/uluru-ayers-rock-activities.html", + "http://traveloutbackaustralia.com/uluru-attractions.html/", + "http://www.uluru.com/nactivities.html", + "http://www.zigzagonearth.com/what-to-do-uluru-kata-tjuta/", + "http://www.parksaustralia.gov.au/uluru/do/top-ten.html", + "http://traveloutbackaustralia.com/uluru-attractions.html/", + "http://www.zigzagonearth.com/what-to-do-uluru-kata-tjuta/", + "https://www.ayersrockresort.com.au/experiences/detail/free-daily-activities" + ] + }, + "query": "activities you can do at uluru", + "query_id": 10851, + "query_type": "DESCRIPTION", + "wellFormedAnswers": [] + }, + "truncated_cells": [] + }, + { + "row_idx": 174, + "row": { + "answers": [ + "The most essential ingredient of all hypertext systems, including the World Wide Web." + ], + "passages": { + "is_selected": [ + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 1, + 0, + 0 + ], + "passage_text": [ + "The hyperlink container. A hyperlink container is a document or application that contains hyperlinks. The container supports hyperlinks by implementing the IHlinkSite interface and, if the container's objects can be targets of other hyperlinks, the IHlinkTarget interface.", + "From wacky alarm clocks to lecture hall tools and after class entertainment, these Android apps are a good fit for a student's life and budget. Read More ». A growing number of startups make the sharing of threat intelligence a key part of their solutions.", + "The hyperlink frame. A hyperlink frame is a COM object that implements the IHlinkFrame interface and controls the top-level navigation and display of hyperlinks for the frame's container and the hyperlink target's server. Browser applications such as Internet Explorer are examples of hyperlink frames.", + "This target can be a reference to a location in the same document/object that contains the hyperlink, a different (top-level or embedded) document/object of the same class, or a different document/object of a different class. A hyperlink is made up of four main parts: 1 A moniker that identifies the target's location.", + "A hyperlink site is a COM object that implements the IHlinkSite interface and supplies either the moniker or interface identifier of its hyperlink container. One hyperlink site can serve multiple hyperlinks. The moniker supplied by the hyperlink site is used to evaluate relative monikers to the hyperlink target.", + "- This time when the Insert Hyperlink dialog box opens select Existing File or Web Page, then select File on the right side of the dialog box. If you need to review what the window looks like, select this link. When you are finished click on the Back button to come back here.", + "In fact hyperlinks can be created in all Microsoft Office applications; PowerPoint, Excel and Word. Download the two documents, save them to your desktop, floppy, or USB and open Desiderata. You are ready for step 1. - Open Desiderata. and find the sentence But do not distress yourself with dark imaginings. .", + "An element in an electronic document that links to another place in the same document or to an entirely different document. Typically, you click on the hyperlink to follow the link. Hyperlinks are the most essential ingredient of all hypertext systems, including the World Wide Web. PREVIOUSHyperDisco.", + "Step 3. - When the Insert Hyperlink window opens you will find the URL you copied has been placed into the Type the file or Web page name: box. Look carefully. Make sure that the first character is an h and not a colon or a space.", + "The object can be a target on the same document, a file on the same computer, or a uniform resource locator giving the location of a web page halfway around the world. The process of creating a hyperlink is exactly the same in all cases." + ], + "url": [ + "https://msdn.microsoft.com/en-us/library/aa740928(v=vs.85).aspx", + "http://www.webopedia.com/TERM/H/hyperlink.html", + "https://msdn.microsoft.com/en-us/library/aa740928(v=vs.85).aspx", + "https://msdn.microsoft.com/en-us/library/aa740928(v=vs.85).aspx", + "https://msdn.microsoft.com/en-us/library/aa740928(v=vs.85).aspx", + "http://www.internet4classrooms.com/msword_hyperlink.htm", + "http://www.internet4classrooms.com/msword_hyperlink.htm", + "http://www.webopedia.com/TERM/H/hyperlink.html", + "http://www.internet4classrooms.com/msword_hyperlink.htm", + "http://www.internet4classrooms.com/msword_hyperlink.htm" + ] + }, + "query": "what is a hyperlink", + "query_id": 687403, + "query_type": "DESCRIPTION", + "wellFormedAnswers": [] + }, + "truncated_cells": [] + }, + { + "row_idx": 175, + "row": { + "answers": [ + "Yes" + ], + "passages": { + "is_selected": [ + 0, + 0, + 0, + 0, + 0, + 0, + 1, + 0, + 0, + 0 + ], + "passage_text": [ + "Eligibility and Applying. UCCB is not based on income. For each child under age 6 you have, you will receive a payment of $100 per month, regardless of income. The only stipulations are that you live with your child and are the primary caretaker.You must also be a Canadian citizen.f you already signed up to receive the Canada child tax benefit, you generally do not need to apply for the UCCB, because your enrollment is automatic. If not, you can submit a form RC66, child benefits application, or apply for child benefits online, on the CRA's website, using the My Account service.", + "The Universal Child Care Benefit, or UCCB, is given to Canadian taxpayers with young children to help them with the work-life balance and also to help with the cost of raising a child. It is given to parents of children under 6, says John Gillani, a Calgary, Alberta-based certified management accountant.f you already signed up to receive the Canada child tax benefit, you generally do not need to apply for the UCCB, because your enrollment is automatic. If not, you can submit a form RC66, child benefits application, or apply for child benefits online, on the CRA's website, using the My Account service.", + "Line 117 - Universal child care benefit (UCCB). If you had a spouse or common-law partner on December 31, 2014, the one of you with the lower net income must report the UCCB. Report on line 117 the amount shown in box 10 of the RC62 slip.ump-sum benefits-If you received the UCCB in 2014 as a lump-sum, parts of which were for a previous year, you must report the full payment in 2014. Read the instructions above on how to report this income.", + "Written by Tom Drake • 17 Comments. The Universal Child Care Benefit, or UCCB, is a $100 taxable monthly payment to help with the cost of raising children under six years old. This can be a great way to receive a little extra cash each month, and since you are entitled to it, it can be worth it to take advantage.o be eligible for the Universal Child Care Benefit, you must be the primary care giver of a child under the age of six and a resident of Canada. If you already receive the Canada Child Tax Benefit (CCTB) then you are automatically set to receive the UCCB.", + "Tips for Claiming UCCB Payments. The universal child care benefit is paid to any Canadian family with pre-school children under the age of 6, says St. Thomas, Ontario, investment advisor Mallory Saugeen. There are no limits imposed by your family's income.CCB payments. You can apply for the UCCB when your child is born, or when your child under 6 years old comes to live with you, says Saugeen. The benefit is completely up to you. You're not required to apply, and you can have payments stopped if you don't want to receive it any more..", + "The UCCB was increased to $160 per month for each child under the age of six. The UCCB was expanded to children aged 6 through 17. Parents will receive a benefit of up to $60 per month for each child in their care aged 6 through 17.To receive the UCCB, you must meet the following conditions: 1 You must live with the child, and the child must be under the age of 18.arents will receive a benefit of up to $60 per month for each child in their care aged 6 through 17. To receive the UCCB, you must meet the following conditions: 1 You must live with the child, and the child must be under the age of 18.", + "report all the UCCB income in the taxpayer's own income (line 117 of the tax return), or. report all the UCCB income in the income of a dependent for whom the eligible dependent (line 305, aka equivalent to spouse) is being claimed.If the eligible dependent amount is not being claimed, all of the UCCB income can be reported in the income of a child for whom the UCCB was received.In this case, the taxpayer will report the UCCB amount on line 185, below and to the left of line 117 on the tax return. Line 117 should remain blank.eport all the UCCB income in the taxpayer's own income (line 117 of the tax return), or. report all the UCCB income in the income of a dependent for whom the eligible dependent (line 305, aka equivalent to spouse) is being claimed.", + "Generally, when you invest your money in your child’s name, you have to report the income from those investments. However, if you deposited Canada Child Tax Benefit or Universal Child Care Benefit payments into a bank account or trust in your child’s name, the interest earned on those payments is your child’s income.enerally, when you invest your money in your child’s name, you have to report the income from those investments. However, if you deposited Canada Child Tax Benefit or Universal Child Care Benefit payments into a bank account or trust in your child’s name, the interest earned on those payments is your child’s income.", + "If you already signed up to receive the Canada child tax benefit, you generally do not need to apply for the UCCB, because your enrollment is automatic. If not, you can submit a form RC66, child benefits application, or apply for child benefits online, on the CRA's website, using the My Account service.f you already signed up to receive the Canada child tax benefit, you generally do not need to apply for the UCCB, because your enrollment is automatic. If not, you can submit a form RC66, child benefits application, or apply for child benefits online, on the CRA's website, using the My Account service.", + "Lump-sum benefits-If you received the UCCB in 2014 as a lump-sum, parts of which were for a previous year, you must report the full payment in 2014. Read the instructions above on how to report this income.ump-sum benefits-If you received the UCCB in 2014 as a lump-sum, parts of which were for a previous year, you must report the full payment in 2014. Read the instructions above on how to report this income." + ], + "url": [ + "http://turbotax.intuit.ca/tax-resources/dependant-tax-expenses/are-universal-child-care-benefit-payments-taxable.jsp", + "http://turbotax.intuit.ca/tax-resources/dependant-tax-expenses/are-universal-child-care-benefit-payments-taxable.jsp", + "http://www.cra-arc.gc.ca/tx/ndvdls/tpcs/ncm-tx/rtrn/cmpltng/rprtng-ncm/lns101-170/117-eng.html", + "http://canadianfinanceblog.com/universal-child-care-benefit-uccb-explained/", + "https://turbotax.intuit.ca/tax-resources/tax-deductions/tips-for-claiming-uccb-payments.jsp", + "http://www.cra-arc.gc.ca/bnfts/uccb-puge/menu-eng.html", + "http://www.taxtips.ca/filing/uccb.htm", + "http://www.canadiancapitalist.com/quick-tip-invest-cctb-or-ucb-payments-in-your-childs-name/", + "http://turbotax.intuit.ca/tax-resources/dependant-tax-expenses/are-universal-child-care-benefit-payments-taxable.jsp", + "http://www.cra-arc.gc.ca/tx/ndvdls/tpcs/ncm-tx/rtrn/cmpltng/rprtng-ncm/lns101-170/117-eng.html" + ] + }, + "query": "can uccb be considered income on my child", + "query_id": 75087, + "query_type": "DESCRIPTION", + "wellFormedAnswers": [] + }, + "truncated_cells": [] + }, + { + "row_idx": 176, + "row": { + "answers": [ + "The entity transferring its interest is called the grantor." + ], + "passages": { + "is_selected": [ + 0, + 0, + 0, + 0, + 1, + 0, + 0, + 0, + 0, + 0 + ], + "passage_text": [ + "General Warranty Deed. In this type of deed guarantees the grantor’s “good and marketable title” to a property and his right to sell said property with no restrictions. This goes on to include the entire line of the property’s ownership, not just the time that the grantor owned it.", + "Grantee. An individual to whom a transfer or conveyance of property is made. In a case involving the sale of land, the buyer is commonly known as the grantee.", + "It generally only holds that the grantor has not sold the property previously and that it is being conveyed to the grantee free of liens or encumbrances outside of those disclosed in the deed. Quitclaim Deed This deed makes no warranty of validity of the grantor’s title claim.", + "DEFINITION of 'Grantor'. 1. A seller of either call or put options who profits from the premium for which the options are sold. Synonymous with option writer. 2. The creator of a trust, meaning the individual whose assets are put into the trust.", + "A quitclaim deed is a legal instrument which is used to transfer interest in real property. The entity transferring its interest is called the grantor, and when the quitclaim deed is properly completed and executed it transfers any interest the grantor has in the property to a recipient, called the grantee.", + "Unlike most other property deeds, a quitclaim deed contains no title covenant and thus offers the grantee no warranty as to the status of the property title; the grantee is entitled only to whatever interest the grantor actually possesses at the time the transfer occurs.", + "grantee. n. the party who receives title to real property (buyer, recipient, donee) from the seller (grantor) by a document called a grant deed or quit claim deed.", + "In some jurisdictions, quitclaim deeds may also be used in tax deed sales (in those cases, the term tax deed or sheriff's deed may be used to describe the actual document), where a property is sold in a public auction to recover the original homeowner’s outstanding tax debt.", + "At its heart, the difference is that a grantor “gives” something while a grantee “receives” something. And this piece of information is instrumental in determining whether and how a particular document impacts equity in a property. Grantors and grantees are known by various names depending on the instrument:", + "In short, the grantor conveys property to the grantee through a deed. Either the grantor or grantee can require various modifications, restrictions, or covenants within that deed to spell out how the rights to the land can be further transferred, reclaimed, used." + ], + "url": [ + "http://info.courthousedirect.com/blog/bid/245809/Grantor-vs-Grantee-What-s-the-Difference", + "http://legal-dictionary.thefreedictionary.com/grantee", + "http://info.courthousedirect.com/blog/bid/245809/Grantor-vs-Grantee-What-s-the-Difference", + "http://www.investopedia.com/terms/g/grantor.asp", + "https://en.wikipedia.org/wiki/Quitclaim_deed", + "https://en.wikipedia.org/wiki/Quitclaim_deed", + "http://legal-dictionary.thefreedictionary.com/grantee", + "https://en.wikipedia.org/wiki/Quitclaim_deed", + "http://info.courthousedirect.com/blog/bid/245809/Grantor-vs-Grantee-What-s-the-Difference", + "http://info.courthousedirect.com/blog/bid/245809/Grantor-vs-Grantee-What-s-the-Difference" + ] + }, + "query": "what is a grantor on a deed", + "query_id": 685761, + "query_type": "DESCRIPTION", + "wellFormedAnswers": [] + }, + "truncated_cells": [] + }, + { + "row_idx": 177, + "row": { + "answers": [ + "Thermal means relating to or caused by heat or by changes in temperature." + ], + "passages": { + "is_selected": [ + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 1, + 0, + 0 + ], + "passage_text": [ + "British thermal unit. n a unit of heat in the fps system equal to the quantity of heat required to raise the temperature of 1 pound of water by 1°F. 1 British thermal unit is equivalent to 1055.06 joules or 251.997 calories, (Abbrevs) btu, BThU. thermal barrier.", + "To estimate energy consumption amount. To determine capacity of the HVAC equipment. To estimate the operation cost of the building. To improve building energy performance during design phase. 3.1 Purpose of Thermal Load Estimation.", + "heat load. Amount of heat required to be removed within a certain period, usually 24 hours. Usually measured in British thermal units (Btu) or watts.", + "For cooling load conditions, the critical design condition is the peak coincident. occurrence of heat, humidity, solar effects, and internal heat gains from equipment, lights, and people. Several estimates must be performed for different times to determine the highest. combination of individual loads.", + "exists and is an alternate of . If an electrical motor is doing more work than that for which was designed, it is said to be overloaded. An overloaded motor will become hot. Various safety devices are available to shut down an overheated motor defore it becomes damaged or starts a fire from the excess heat.", + "(C) Each State shall establish for the waters identified in paragraph (1)(A) of this subsection, and in accordance with the priority ranking, the total maximum daily load, for those pollutants which the Administrator identifies under section 304(a)(2) of this Act as suitable for such calculation.", + "The designer must select an appropriate set of conditions for the load calculation: outside weather, solar effects, inside temperature and humidity, the status of building. operations, and many other factors. For heating, the critical design condition occurs during cold weather when there is little.", + "thermal load meaning, thermal load definition | English Cobuild dictionary. thermal. 1 adj Thermal means relating to or caused by heat or by changes in temperature. ...thermal power stations. 2 adj Thermal streams or baths contain water which is naturally hot or warm. Volcanic activity has created thermal springs and boiling mud pools.", + "Once you've finally jumped over the biggest hurdle of all in terms of starting your own business - namely, getting the capital together to actually get your project off the ground and into a legitimate business - the next thing of utmost concern is ...", + "thermal load definition, thermal load meaning | English dictionary. thermal. n an imaginary line round the earth running through the point on each meridian with the highest average temperature. pl n slow neutrons that are approximately in thermal equilibrium with a moderator." + ], + "url": [ + "http://dictionary.reverso.net/english-definition/thermal%20load", + "http://aesl.hanyang.ac.kr/class/are1024/PDF-ENG/ARE1024(ENG)-CH03.pdf", + "http://www.businessdictionary.com/definition/heat-load.html", + "http://aesl.hanyang.ac.kr/class/are1024/PDF-ENG/ARE1024(ENG)-CH03.pdf", + "http://www.answers.com/Q/What_is_a_thermal_overload", + "https://www3.epa.gov/region6/water/npdes/tmdl/definitions.htm", + "http://aesl.hanyang.ac.kr/class/are1024/PDF-ENG/ARE1024(ENG)-CH03.pdf", + "http://dictionary.reverso.net/english-cobuild/thermal%20load", + "http://www.businessdictionary.com/definition/heat-load.html", + "http://dictionary.reverso.net/english-definition/thermal%20load" + ] + }, + "query": "thermal load definition", + "query_id": 519743, + "query_type": "DESCRIPTION", + "wellFormedAnswers": [] + }, + "truncated_cells": [] + }, + { + "row_idx": 178, + "row": { + "answers": [ + "Under-watering and over-watering, nitrogen deficiencies in the soil, a lack of sunlight on the bottom leaves, or a possible disease." + ], + "passages": { + "is_selected": [ + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 1, + 0, + 0 + ], + "passage_text": [ + "Tomato Disease Identification Key by Affected Plant Part: Leaf Symptoms. Generalized tomato plant adapted from Plant Pathology 4th edition by G. N. Agrios copyright 1997 as Figure 1-1 published by Academic Press, San Diego, CA, with permission from Elsevier. Guía sinóptica para hoja de tomate en espanol.", + "Fusarium Wilt. Older tomato leaves that turn yellow and droop may be a sign of fusarium wilt . The fungus Fusarium oxysporum lives in the tomato's vascular system, which affects delivery of water to the leaves.", + "Root Knot Nematodes. If your tomato plants are stunted, their roots have knots (galls) and the foliage is pale yellow, they are most likely infested with root knot nematodes. The galls caused by the nematodes keep the roots from sending nutrients up to the foliage, which causes the stunting and yellowing.", + "Tomato spotted wilt. Plants show a variety of symptoms depending on when plants are infected; young plants show necrotic streaks or spots along with leaf distortion; older plants show yellowing and bronzing on the foliage, stunt and wilting from the apical tissue to the lower plant parts. fruit, leaves.", + "Defeating Tomato Disease. Q. I have 4'x 8' raised beds in my garden. My peppers, squash, and beans grow well, but my tomatoes have a horrible disease. The leaves get spotty, turn yellow, and eventually fall off. The fruits do fine, but the vines look horrible. Through the help of garden books, I think it's Verticillium Wilt, Fusarium Wilt, or Septoria Leaf Spot.", + "If the soil isn’t wet enough, you might be under watering the tomato plants; yellow tomato leaves could be a sign of lack of water. A drip hose is an excellent way to water the soil regularly to help prevent yellow leaves on your tomato plants. More Information about Tomatoes. < NH4NO3. The compound consists of 2 polyatomic ions : first, NH4(1 positive charge) which consists of a)Nitrogen and b) Hydrogen, and the second one is NO3 (1 negative charge)consisting of Nitrogen and Oxygen.", + "Ammonium nitrate has the chemical formula NH4NO3, which contains two nitrogen (N) atoms, four hydrogen (H) atoms, and three oxygen (O) atoms. In this formula, the ammonium (NH4+) ion and nitrate (NO3-) ion are bonded together by an ionic bond. Ammonium nitrate has various uses in various industries.", + "MaximumYield explains Ammonium Nitrate. Ammonium nitrate was an extremely popular form of fertilizer in the 1940s. Because it is inexpensive and easy to produce, this element is often favored by horticulturalists. Unlike other fertilizers, ammonium nitrate is virtually colorless and odorless.", + "Best Answer: NH4NO3 = Three; 2 Nitrogens, 4 hydrogens, 3 oxygens ... Ammonium nitrate is the chemical compound NH4 NO3. So there would be 3 different elements ...", + "Ammonium nitrate has the chemical formula NH4NO3, which contains two nitrogen (N) atoms, four hydrogen (H) atoms, and three oxygen (O) atoms. In this formula, the ammonium (NH4+) ion and nitrate (NO3-) ion are bonded together by an ionic bond. Ammonium nitrate has various uses in various industries.", + "The chemical formula of ammonium nitrate is NH4NO3: it has two nitrogen (N) atoms, four hydrogen (H) atoms, and three oxygen (O) atoms. Ammonium nitrate contains two ions: one ammonium ion (NH4+) and one nitrate ion (NO3-), so the bond between these two ions is what we call an ionic bond. The structure of the formula of ammonium nitrate is shown in the following illustration:", + "1 Upload failed. 2 We are experiencing some problems, please try again. 3 You can only upload files of type PNG, JPG or JPEG. 4 You can only upload files of type 3GP, 3GPP, MP4, MOV, AVI, MPG, MPEG or RM. 5 You can only upload photos smaller than 5 MB. 6 You can only upload videos smaller than 600 MB.", + "NH4NO3 = Three; 2 Nitrogens, 4 hydrogens, 3 oxygens. Ammonium nitrate is the chemical compound NH4 NO3. So there would be 3 different elements: nitrogen, hydrogen, and oxygen. Ammonium nitrate is NH4NO3, making it three different elements: nitrogen, hydrogen, and oxygen. 3 elements in ammonnium nitrate, NH4NO3." + ], + "url": [ + "https://uk.answers.yahoo.com/question/index?qid=20061220102715AAmYFwA", + "https://www.maximumyield.com/definition/852/ammonium-nitrate", + "https://uk.answers.yahoo.com/question/index?qid=20061220102715AAmYFwA", + "http://study.com/academy/lesson/ammonium-nitrate-uses-formula.html", + "https://www.maximumyield.com/definition/852/ammonium-nitrate", + "https://uk.answers.yahoo.com/question/index?qid=20061220102715AAmYFwA", + "https://study.com/academy/lesson/ammonium-nitrate-uses-formula.html", + "https://study.com/academy/lesson/ammonium-nitrate-uses-formula.html", + "https://uk.answers.yahoo.com/question/index?qid=20061220102715AAmYFwA", + "https://uk.answers.yahoo.com/question/index?qid=20061220102715AAmYFwA" + ] + }, + "query": "what elements are present in ammonium nitrate?", + "query_id": 656979, + "query_type": "ENTITY", + "wellFormedAnswers": [] + }, + "truncated_cells": [] + }, + { + "row_idx": 245, + "row": { + "answers": [ + "50" + ], + "passages": { + "is_selected": [ + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 1, + 0, + 0 + ], + "passage_text": [ + "1 Calories, Fat, Protein, Fiber, & Carbs In Melba Snacks With Sea Salt. 2 Calories, Fat, Protein, Fiber, & Carbs In Bread Melba Garlic. 3 Calories, Fat, Protein, Fiber, & Carbs In Melba Snacks. Calories, Fat, Protein, Fiber, & Carbs In Melba Rounds.", + "Calories in Devonsheer Melba Rounds - Garlic - 5 pieces. *Percent Daily Values are based on a 2,000 calorie diet. Your daily values may be higher or lower depending on your calorie needs. Some of these foods were entered by users and are subject to error.", + "Calories in Melba Snacks - Old London 4 pieces. *Percent Daily Values are based on a 2,000 calorie diet. Your daily values may be higher or lower depending on your calorie needs. Some of these foods were entered by users and are subject to error.", + "Melba Rounds (1 serving) calories: 10, fat: 0g, carbs: 2g, protein: 0g. 1 Calories Burned For Biking/Cycling: 20-22 km/h (3 minutes per km - 2.72 minutes per km) Calories Burned For Biking/Cycling: 23-25 km/h (2.6 minutes per km - 2.4 minutes per km)", + "Ingredient specific calorie information from our recipes: 1 Calories Burned For Biking/Cycling: 20-22 km/h (3 minutes per km - 2.72 minutes per km) Calories Burned For Biking/Cycling: 23-25 km/h (2.6 minutes per km - 2.4 minutes per km)", + "1 Calories, Fat, Protein, Fiber, & Carbs In Melba Snacks With Sea Salt. 2 Calories, Fat, Protein, Fiber, & Carbs In Bread Melba Garlic. 3 Calories, Fat, Protein, Fiber, & Carbs In Melba Snacks. 4 Calories, Fat, Protein, Fiber, & Carbs In Melba Rounds. Calories, Fat, Protein, Fiber, & Carbs In Melba Toast Wheat.", + "Related Searches: 1 Calories, Fat, Protein, Fiber, & Carbs In Melba Snacks With Sea Salt. 2 Calories, Fat, Protein, Fiber, & Carbs In Bread Melba Garlic. Calories, Fat, Protein, Fiber, & Carbs In Melba Snacks.", + "Old London Whole Grain Roasted Garlic Melba Snacks (1 serving) calories: 50, fat: 1g, carbs: 10g, protein: 2g. 1 Calories, Fat, Protein, Fiber, & Carbs In Melba Snacks With Sea Salt. Calories, Fat, Protein, Fiber, & Carbs In Bread Melba Garlic.", + "How many calories in Melba Toast, Plain. Shape Up! Serving size x melba round (0.1 oz) piece, 3.75 x 1.75 x 0.2 (0.2 oz) cup, pieces (1.1 oz) cup, rounds (1.2 oz) oz (1 oz) g Oops! You can only enter numbers and decimals in here, e.g. 1 or 3.5.", + "Old London’s Melba Toast & Family of Products. Old London® are satisfying snacks with crunch you can count on. Authentic Old London Melba Toast, Melba Rounds, Flatbread and Bagel Chips are the delicious snack dream team. Tweets by @OldLondonSnacks." + ], + "url": [ + "http://www.sparkpeople.com/calories-in.asp?food=melba", + "http://www.sparkpeople.com/calories-in.asp?food=melba+rounds", + "http://www.sparkpeople.com/calories-in.asp?food=melba", + "http://www.sparkpeople.com/calories-in.asp?food=melba+rounds", + "http://www.sparkpeople.com/calories-in.asp?food=melba+rounds", + "http://www.sparkpeople.com/calories-in.asp?food=melba", + "http://www.sparkpeople.com/calories-in.asp?food=melba", + "http://www.sparkpeople.com/calories-in.asp?food=melba", + "http://www.calorieking.com/foods/calories-in-crackers-melba-toast-plain_f-ZmlkPTY4MzI1.html", + "http://www.oldlondonfoods.com/" + ] + }, + "query": "calories in melba rounds", + "query_id": 60554, + "query_type": "NUMERIC", + "wellFormedAnswers": [ + "There are 10 calories in rounds of Melba Toast." + ] + }, + "truncated_cells": [] + }, + { + "row_idx": 246, + "row": { + "answers": [ + "No Answer Present." + ], + "passages": { + "is_selected": [ + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0 + ], + "passage_text": [ + "Crystals for healing should be used as a compliment to other therapies and not as a replacement for regular medical care. With that said, for your condition, I would like to suggest a combination of crystals that can help to ease pain and address the fibroids and cysts. To send healing energy to the fibroids and cysts and to relieve pain, I would recommend a combination of Amethyst, Danburite and Smoky Quartz. Amethyst is a powerful healing crystal and helps to relieve pain. Danburite fills the area in question with a supportive, universal healing energy (pink ray) of love and life.", + "Fibroids are non-cancerous growths of the womb (uterus). They are also known as uterine myomas or leiomyomas. Fibroids are very common - around 70-80 percent of women have fibroids by the time they're 50. However, most of these women don't ever get any symptoms.", + "Ulipristal acetate is indicated for pre-operative treatment of moderate to severe symptoms of uterine fibroids in adult women of reproductive age. Ulipristal acetate is indicated for intermittent treatment of moderate to severe symptoms of uterine fibroids in adult women of reproductive age.", + "Uterine Fibroids (proper medical terminology is myoma or leiomyoma) 1 Fibroids are very common - they are benign (non cancerous) tumors of the uterine muscle. The size and location of the fibroid are important. 2 3-D ultrasound images showing coronal planes through the uterus and large fibroid.", + "Fibroids don't usually cause symptoms. However, you may get one or more of the symptoms listed below, often depending on where the fibroid is within your womb. Heavy periods, sometimes leading to anaemia. Up to one in three women with fibroids have heavy periods.", + "Uterine Fibroids (proper medical terminology is myoma or leiomyoma) 1 Fibroids are very common - they are benign (non cancerous) tumors of the uterine muscle. 2 3-D ultrasound images showing coronal planes through the uterus and large fibroid. 3 Laparoscopic view of a uterus with a pedunculated myoma (fibroid).", + "What is Esmya used for? Esmya is used to treat moderate to severe symptoms of uterine fibroids, which are noncancerous (benign) tumors of the womb (uterus), in adult women who have not yet reached the menopause.", + "Fibroids are very common - they are benign (non cancerous) tumors of the uterine muscle. The size and location of the fibroid are important. The large majority of them are very small or located in an area of the uterus such that they will not have any impact on reproductive function.", + "Healing fibroids naturally can be done. If you have had fibroids for some time, you may have been led to believe that there is nothing which can be done to treat them other than invasive surgery. Indeed many doctors recommend taking no action at all as fibroids will naturally shrink at the time of the menopause.", + "Esmya is a medicine that contains the active substance ulipristal acetate. It is available as tablets (5 mg). Esmya is used to treat moderate to severe symptoms of uterine fibroids, which are noncancerous (benign) tumors of the womb (uterus), in adult women who have not yet reached the menopause." + ], + "url": [ + "https://www.healingcrystals.com/Crystals_to_Help_with_Endometriosis_Articles_2361.html", + "http://www.bupa.com.au/health-and-wellness/health-information/az-health-information/fibroids", + "https://www.drugs.com/uk/esmya.html", + "http://www.advancedfertility.com/uterinefibroid.htm", + "http://www.bupa.com.au/health-and-wellness/health-information/az-health-information/fibroids", + "http://www.advancedfertility.com/uterinefibroid.htm", + "https://www.drugs.com/uk/esmya.html", + "http://www.advancedfertility.com/uterinefibroid.htm", + "http://afibroidsmiracle.com/healing-fibroids/", + "https://www.drugs.com/uk/esmya.html" + ] + }, + "query": "what is a crystallization of a fibroid?", + "query_id": 679960, + "query_type": "DESCRIPTION", + "wellFormedAnswers": [] + }, + "truncated_cells": [] + }, + { + "row_idx": 247, + "row": { + "answers": [ + "Any of an order rodentia of relatively small gnawing mammals as a mouse, squirrel or beaver that have in both jaws a single pair of incisors with a chisel shaped edge" + ], + "passages": { + "is_selected": [ + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 1 + ], + "passage_text": [ + "rodents can be difficult to keep out of structures mice can squeeze through spaces as small as a dime and rats can fit through holes the size of a quarterfor proper rodent pest control seal any cracks and voidsodents can be difficult to keep out of structures mice can squeeze through spaces as small as a dime and rats can fit through holes the size of a quarter", + "rodents from latin rodere to gnaw are mammals of the order rodentia which are characterized by a single pair of unremittingly growing incisors in each of the upper and lower jaws about forty percent of all mammal species are rodents they are found in vast numbers on all continents except antarcticaell known rodents include mice rats squirrels prairie dogs porcupines beavers guinea pigs hamsters and capybaras other animals such as rabbits hares and pikas were once included with them but are now considered to be in a separate order lagomorpha", + "rodents rodentia are a group of mammals that includes squirrels dormice mice rats gerbils beavers gophers kangaroo rats porcupines pocket mice springhares and many othersthere are more than 2000 species of rodents alive today making them the most diverse of all mammal groupshare by laura klappenbach rodents rodentia are a group of mammals that includes squirrels dormice mice rats gerbils beavers gophers kangaroo rats porcupines pocket mice springhares and many others there are more than 2000 species of rodents alive today making them the most diverse of all mammal groups", + "share by laura klappenbach rodents rodentia are a group of mammals that includes squirrels dormice mice rats gerbils beavers gophers kangaroo rats porcupines pocket mice springhares and many others there are more than 2000 species of rodents alive today making them the most diverse of all mammal groupshare by laura klappenbach rodents rodentia are a group of mammals that includes squirrels dormice mice rats gerbils beavers gophers kangaroo rats porcupines pocket mice springhares and many others there are more than 2000 species of rodents alive today making them the most diverse of all mammal groups", + "general appearance mice are one of the smallest rodents kept as pets but their size varies according to breed some are as small as four inches long from nose to tail while some show mice are bred to grow six inches or more these rodents have prominent rounded eyes tulip shaped ears and long tailsice are one of the smallest rodents kept as pets but their size varies according to breed some are as small as four inches long from nose to tail while some show mice are bred to grow six inches or more", + "mice are one of the smallest rodents kept as pets but their size varies according to breed some are as small as four inches long from nose to tail while some show mice are bred to grow six inches or morethese rodents have prominent rounded eyes tulip shaped ears and long tailsice are one of the smallest rodents kept as pets but their size varies according to breed some are as small as four inches long from nose to tail while some show mice are bred to grow six inches or more", + "diet many rodents are omnivores eating a variety of plant and animal material animals such as hamsters squirrels and mice eat whatever they can find including nuts seeds invertebrates and fruit but are not active predatorssome rodents are grazing animals such as the coypu of south america which feeds on aquatic plantsiet many rodents are omnivores eating a variety of plant and animal material animals such as hamsters squirrels and mice eat whatever they can find including nuts seeds invertebrates and fruit but are not active predators", + "the single largest group of mammals is the rodentia most non flying mammals are rodents there are about 1500 living rodent species out of about 4000 living mammals overall most people are familiar with mice rats hamsters and guinea pigs which are commonly kept as petsncidentally the rodentia does not include rabbits rabbits differ from rodents in having an extra pair of incisors and in other skeletal features rabbits hares and a few other species make up the lagomorpha shrews moles and hedgehogs are also not rodents they are classified in the insectivora", + "more on rodent types of rodents from infoplease rodent types of rodents types of rodents the approximately 4000 rodent species are divided on the basis of their anatomy rodent rodent rodent member of the mammalian order rodentia characterized by front teeth adapted forore on rodent types of rodents from infoplease rodent types of rodents types of rodents the approximately 4000 rodent species are divided on the basis of their anatomy rodent rodent rodent member of the mammalian order rodentia characterized by front teeth adapted for", + "full definition of rodent 1 any of an order rodentia of relatively small gnawing mammals as a mouse squirrel or beaver that have in both jaws a single pair of incisors with a chisel shaped edge 2 a small mammal as a rabbit or a shrew other than a true rodentrodent adjectiveny of an order rodentia of relatively small gnawing mammals as a mouse squirrel or beaver that have in both jaws a single pair of incisors with a chisel shaped edge 2 a small mammal as a rabbit or a shrew other than a true rodent rodent adjective" + ], + "url": [ + "http://www.pestworld.org/pest-guide/rodents/", + "https://en.wikipedia.org/wiki/Rodent", + "http://animals.about.com/od/rodents/p/rodents.htm", + "http://animals.about.com/od/rodents/p/rodents.htm", + "http://small-pets.lovetoknow.com/pet-rodents/list-rodents-that-make-good-pets", + "http://small-pets.lovetoknow.com/pet-rodents/list-rodents-that-make-good-pets", + "http://www.ehow.com/info_7837346_animals-rodents.html", + "http://www.ucmp.berkeley.edu/mammal/rodentia/rodentia.html", + "http://www.infoplease.com/encyclopedia/science/rodent-types-rodents.html", + "http://www.merriam-webster.com/dictionary/rodent" + ] + }, + "query": "what are rodents", + "query_id": 564322, + "query_type": "ENTITY", + "wellFormedAnswers": [] + }, + "truncated_cells": [] + }, + { + "row_idx": 248, + "row": { + "answers": [ + "1 Arthroscopic: Your doctor will make a small cut in your shoulder then use an arthroscope 2 Open: Your doctor uses larger instruments to go in to the muscles of your shoulder and fix the tear." + ], + "passages": { + "is_selected": [ + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 1, + 0, + 0 + ], + "passage_text": [ + "Your rotator cuff is a group of four muscles and tendons that stabilize your shoulder joint and let you lift and rotate your arms. There are two kinds of rotator cuff tears. A partial tear is when the tendon that protects the top of your shoulder is frayed or damaged.", + "There are three types of rotator cuff surgery: 1 Arthroscopic: Your doctor will make a small cut in your shoulder then use an arthroscope -- a tube with a small camera and tiny instruments -- to fix the tear. This means your recovery time will likely be shorter than it would with another type of surgery.", + "Rotator Cuff Tears: Surgical Treatment Options. The following article provides in-depth information about surgical treatment for rotator cuff injuries, and is a continuation of the article Rotator Cuff Tears.. For a good introduction to the topic of rotator cuff injuries, please refer to .", + "Most rotator cuff disorders are treated without surgery. But surgery may be considered if the injury is very severe. Surgery also may be recommended if the shoulder does not respond well after 3 to 6 months of nonsurgical treatment (rest, ice or heat, use of nonsteroidal anti-inflammatory drugs, and physical therapy).", + "The upper arm is attached to the shoulder by the rotator cuff, which is a group of muscles and tendons that form a cuff around the shoulder joint. The joint capsule is another nonbone part of the shoulder joint, and is made up of a sheet of thin fibers, allowing for a wide range of motion.", + "Your doctor may offer surgery as an option for a torn rotator cuff if your pain does not improve with nonsurgical methods. Continued pain is the main indication for surgery. If you are very active and use your arms for overhead work or sports, your doctor may also suggest surgery.", + "Surgery may be a good first choice for shoulder weakness caused by complete tears, especially when the rotator cuff is otherwise healthy (little or no degeneration). Surgery may be considered if you have severe pain and loss of shoulder function that has not responded to appropriate nonsurgical treatment.", + "There are three types of rotator cuff surgery: 1 Arthroscopic: Your doctor will make a small cut in your shoulder then use an arthroscope -- a tube with a small camera and tiny instruments -- to fix the tear. 2 Open: Your doctor uses larger instruments to go in to the muscles of your shoulder and fix the tear.", + "Surgery for rotator cuff disorders is done to: 1 Repair tendon tears and smooth the underside of the upper point of the shoulder blade (acromion) to make more room for the tendon and bursa. 2 Restore strength and use of the shoulder.", + "Surgical Repair Options. There are a few options for repairing rotator cuff tears. Advancements in surgical techniques for rotator cuff repair include less invasive procedures. While each of the methods available has its own advantages and disadvantages, all have the same goal: getting the tendon to heal." + ], + "url": [ + "http://www.webmd.com/fitness-exercise/guide/rotator-cuff-tear", + "http://www.webmd.com/fitness-exercise/guide/rotator-cuff-tear", + "http://orthoinfo.aaos.org/topic.cfm?topic=A00406", + "http://answers.webmd.com/answers/1192392/what-surgery-options-do-i-have", + "http://www.hopkinsmedicine.org/healthlibrary/test_procedures/orthopaedic/rotator_cuff_repair_92,P07682", + "http://orthoinfo.aaos.org/topic.cfm?topic=A00406", + "http://answers.webmd.com/answers/1192392/what-surgery-options-do-i-have", + "http://www.webmd.com/fitness-exercise/guide/rotator-cuff-tear", + "http://answers.webmd.com/answers/1192392/what-surgery-options-do-i-have", + "http://orthoinfo.aaos.org/topic.cfm?topic=A00406" + ] + }, + "query": "what are the options for rotator cuff surgery", + "query_id": 572182, + "query_type": "DESCRIPTION", + "wellFormedAnswers": [] + }, + "truncated_cells": [] + }, + { + "row_idx": 249, + "row": { + "answers": [ + "Yes, The north pole is in arctic." + ], + "passages": { + "is_selected": [ + 0, + 0, + 1, + 0, + 0, + 0, + 0, + 0, + 0, + 0 + ], + "passage_text": [ + "Santa's elves were likely a bit warm this week during final Christmas preparations. Temperatures at the North Pole soared to the melting point of 32 degrees Thursday, according to data from a nearby weather buoy. That might not sound balmy, but it's some 40 to 50 degrees above average at what's typically an unimaginably cold, pitch-black point in mid-winter. 1 In fact, the average winter temperature at the North Pole is about 40 degrees below zero, the Woods Hole Oceanographic Institution said.", + "Arctic 'heatwave' hits the North Pole: Storm Frank causes temperatures to soar by 60°F taking the icy region close to melting point. Temperatures were expected to creep above freezing yesterday; Unseasonable warmth is the result of weather system behind Storm Frank; Ocean measurements showed 28.6°F in the Arctic; By Ryan O'Hare for MailOnline", + "1/ The North and South Poles. The North Pole is a point in the Arctic Ocean around 700km (430 miles) north of the northern tip of Greenland, the closest land. The ocean is 4,261m (13,980 feet) deep at that point.", + "The Arctic has many large land animals including reindeer, musk ox, lemmings, arctic hares, arctic terns, snowy owls, squirrels, arctic fox and polar bears. As the Arctic is a part of the land masses of Europe, North America and Asia, these animals can migrate south in the winter and head back to the north again in the more productive summer months. There are a lot of these animals in total because the Arctic is so big.", + "comments. 1 The North Pole is experiencing a heatwave as temperatures came close to melting point yesterday, making the Arctic region warmer than some major cities in Europe and the US. According to ocean measurements from the North Pole Environmental Observatory, the mercury tipped -1.9°C (28.6°F) on Wednesday as the Arctic bathed in an unseasonably warm spell.", + "Which pole is colder? Really cold, or really, really cold? Both the Arctic (North Pole) and the Antarctic (South Pole) are cold because they don’t get any direct sunlight. The Sun is always low on the horizon, even in the middle of summer. In winter, the Sun is so far below the horizon that it doesn’t come up at all for months at a time. So the days are just like the nights—cold and dark.", + "North Pole v South Pole. 1 While the polar regions have many similarities, they are also polar opposites metaphorically as well as literally in many ways. 2 1/ The North and South Poles. 3 2/ Topography - the arrangement of the land and sea. 4 3/ Climate. 5 4/ Plants. 6 5/ Animals. 7 6/ Human inhabitants.", + "The North Pole is an insane 36 degrees warmer than normal as winter descends. Be the first to know about new stories from PowerPost. Sign up to follow, and we’ll e-mail you free updates as they’re published.", + "As of 2012, the Kingdom of Denmark is claiming the continental shelf between Greenland and the North Pole. The Russian Federation is claiming a large swath of seabed along the Lomonosov Ridge but confined to its sector of the Arctic.", + "More info: 1 Arctic videos & North Pole web cam videos. 2 North Pole web cam Images. 3 Summer sea ice transition 2002-present - spring thaw, summer melt ponds, autumn freeze-up. 4 Arctic Report Card - updated annually in December." + ], + "url": [ + "https://www.usatoday.com/story/weather/2016/12/21/north-pole-record-warmth-arctic/95700876/", + "http://www.dailymail.co.uk/sciencetech/article-3379988/Arctic-heatwave-hits-North-Pole-Temperatures-soar-60-F-bringing-icy-region-close-melting-point.html", + "http://www.coolantarctica.com/Antarctica%20fact%20file/antarctica%20environment/antarctic_arctic_comparison.php", + "http://www.coolantarctica.com/Antarctica%20fact%20file/antarctica%20environment/antarctic_arctic_comparison.php", + "http://www.dailymail.co.uk/sciencetech/article-3379988/Arctic-heatwave-hits-North-Pole-Temperatures-soar-60-F-bringing-icy-region-close-melting-point.html", + "https://climatekids.nasa.gov/polar-temperatures/", + "http://www.coolantarctica.com/Antarctica%20fact%20file/antarctica%20environment/antarctic_arctic_comparison.php", + "https://www.washingtonpost.com/news/energy-environment/wp/2016/11/17/the-north-pole-is-an-insane-36-degrees-warmer-than-normal-as-winter-descends/", + "https://en.wikipedia.org/wiki/Arctic", + "http://www.pmel.noaa.gov/arctic-zone/gallery_np.html" + ] + }, + "query": "is the north pole in the arctic", + "query_id": 1174737, + "query_type": "DESCRIPTION", + "wellFormedAnswers": [] + }, + "truncated_cells": [] + }, + { + "row_idx": 250, + "row": { + "answers": [ + "Yes" + ], + "passages": { + "is_selected": [ + 1, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0 + ], + "passage_text": [ + "Midrin, is a unique medication that can be used as a Migraine abortive or for tension-type headaches. It's a compound medication consisting of three ingredients-isometheptene mucate, dichloralphenazone, and acetaminophen.The isometheptene mucate helps reverse the vasodilation that sometimes occurs during a Migraine.Dichloralphenazone is a sedative, and acetaminophen is a simple analgesic.Midrin has been a problem to get for some time now. There was a shortage of one of the ingredients in 2007. That was followed by some kind of manufacturing issues the manufacturer (Caraco) had a bit later.ichloralphenazone is a sedative, and acetaminophen is a simple analgesic. Midrin has been a problem to get for some time now. There was a shortage of one of the ingredients in 2007. That was followed by some kind of manufacturing issues the manufacturer (Caraco) had a bit later.", + "One of our members, Mary-Lynn, reports that her pharmacy filled her prescription with Isometh-D-Chloralphenz-AP APITP.. Her prescription label also says, Generic Equivalent for Midrin Capsule.. Midrin is a compound medication containing acetaminophen, dichloralphenazone, and isometheptene mucate.Acetaminophen is a simple analgesic (a simple pain reliever}. Dichloralphenazone is a mild sedative that slows down the central nervous system.ne of our members, Mary-Lynn, reports that her pharmacy filled her prescription with Isometh-D-Chloralphenz-AP APITP.. Her prescription label also says, Generic Equivalent for Midrin Capsule.. Midrin is a compound medication containing acetaminophen, dichloralphenazone, and isometheptene mucate.", + "It is uncertain as to when Midrin may be re-introduced to the market or how long this shortage will last. Bolingbrook Compounding Pharmacy has the ability to compound Dichloralphenazone 100mg/Isometheptene Mucate 65 mg/Acetaminophen 325 mg Capsules during this period of manufacturer backorder.Prescriptions will need to be written with the request to compound. An example of how you might prescribe follows:t is uncertain as to when Midrin may be re-introduced to the market or how long this shortage will last. Bolingbrook Compounding Pharmacy has the ability to compound Dichloralphenazone 100mg/Isometheptene Mucate 65 mg/Acetaminophen 325 mg Capsules during this period of manufacturer backorder.", + "Drug Profiles: MIDRIN®. CAUTION: Federal law prohibits dispensing without prescription. PRESCRIPTION: Each red capsule with pink band contains Isometheptene Mucate USP, 65 mg.; Dichioraiphenazone USP, 100 mg.; and Acetaminophen USP, 325 mg.Isometheptene Mucate is a white crystalline powder having a characteristic aromatic odor and bitter taste.t present there are only two FDA approved Midrin type drugs in current production, one name brand Midrin by Caraco and one generic brand called Epidrine by Excellium. Both pharmaceutical companies have ramped up production to meet the new demand.", + "Over the last few years, there have been problems getting Midrin. Midrin is a medication used as a Migraine abortive and for the relief of tension-type headaches.At one point, Caraco, the manufacturer of Midrin, was having problems getting some of the ingredients in Midrin.ne of our members, Mary-Lynn, reports that her pharmacy filled her prescription with Isometh-D-Chloralphenz-AP APITP.. Her prescription label also says, Generic Equivalent for Midrin Capsule.. Midrin is a compound medication containing acetaminophen, dichloralphenazone, and isometheptene mucate.", + "Pharmalogic Compounding Pharmacy in Casper,Wyoming also has the ability to compound (with doctor’s prescription)and ship the Midrin formula at a great price. $58.80 for 60 capsules. used Nucara in Austin, TX, to have my midrin refill done (compounded Rx) and it works great!! They used 2 ingredients to make the one for isometheptene, but the pharmacist just told me that is now available so an exact duplication of midrin can be made.", + "(isometheptene mucate, dichloralphenazone and acetaminophen). Each red capsule contains Isometheptene Mucate USP, 65 mg, Dichloralphenazone USP, 100 mg, and Acetaminophen USP, 325 mg.Isometheptene Mucate is a white crystalline powder having a characteristic aromatic odor and bitter taste. It is an unsaturated aliphatic amine with sympathomimetic properties.isometheptene mucate, dichloralphenazone and acetaminophen). Each red capsule contains Isometheptene Mucate USP, 65 mg, Dichloralphenazone USP, 100 mg, and Acetaminophen USP, 325 mg.", + "DRUG DESCRIPTION. Each red capsule contains Isometheptene Mucate USP, 65 mg, Dichloralphenazone USP, 100 mg, and Acetaminophen USP, 325 mg. Isometheptene Mucate is a white crystalline powder having a characteristic aromatic odor and bitter taste.It is an unsaturated aliphatic amine with sympathomimetic properties.isometheptene mucate, dichloralphenazone and acetaminophen). Each red capsule contains Isometheptene Mucate USP, 65 mg, Dichloralphenazone USP, 100 mg, and Acetaminophen USP, 325 mg.", + "Beacon Pharmacy in Southington will compound a Midrin eqivalent with a prescription from your doctor – 100 pills – $85 dollars. My doctor was kind enough to speak with them and I got a prescription. They say that some insurance will accept it, but mine didn’t.If I can afford it I will continue to get it.eacon Pharmacy in Southington will compound a Midrin eqivalent with a prescription from your doctor – 100 pills – $85 dollars. My doctor was kind enough to speak with them and I got a prescription. They say that some insurance will accept it, but mine didn’t. If I can afford it I will continue to get it.", + "Midrin (and all other Midrin-like drugs, including Epidrin) have really, truly been discontinued. I’ve tried to hide from the truth, but can no longer deny that the ONE medication that allows me some semblance of a life has been discontinued for bureaucratic reasons. used Nucara in Austin, TX, to have my midrin refill done (compounded Rx) and it works great!! They used 2 ingredients to make the one for isometheptene, but the pharmacist just told me that is now available so an exact duplication of midrin can be made." + ], + "url": [ + "http://www.helpforheadaches.com/articles/2010/Discontinued-Migraine-Medications.htm", + "http://www.healthcentral.com/migraine/c/123/104650/type-discontinued/", + "http://www.bolingbrookcompounding.com/pharmacy-services/discontinued-drugs.php", + "http://www.migraines.org/treatment/promidrn.htm", + "http://www.healthcentral.com/migraine/c/123/104650/type-discontinued/", + "http://www.thedailyheadache.com/2011/02/using-a-compounding-pharmacy-to-replace-midrin-or-epidrin.html", + "http://www.rxlist.com/midrin-drug.htm", + "http://www.rxlist.com/midrin-drug.htm", + "http://www.thedailyheadache.com/2010/12/name-brand-and-generic-midrin-discontinued.html", + "http://www.thedailyheadache.com/2011/02/using-a-compounding-pharmacy-to-replace-midrin-or-epidrin.html" + ] + }, + "query": "is midrin a compound drug", + "query_id": 418112, + "query_type": "DESCRIPTION", + "wellFormedAnswers": [] + }, + "truncated_cells": [] + }, + { + "row_idx": 251, + "row": { + "answers": [ + "The liver, lungs, lymph nodes, and bones are common areas of spread or metastasis." + ], + "passages": { + "is_selected": [ + 0, + 0, + 1, + 0, + 0, + 0, + 0, + 0, + 0, + 0 + ], + "passage_text": [ + "Metastasis, or metastatic disease, is the spread of a cancer or other disease from one organ or part to another not directly connected with it. The new occurrences of disease thus generated are referred to as metastases /mə ˈtaes ˈtæs tə/ (siːz sometimes abbreviated). metslthough advanced cancer may cause pain, it is often not the first symptom. Some patients, however, do not show any symptoms. When the organ gets a metastatic disease it begins to shrink until its lymph nodes burst, or undergo lysis.", + "In secondary or metastatic lymph node cancer, cancer cells from a malignant tumor of a distant organ travel to the lymph nodes via the lymphatic or blood vessels and lodge within the lymph nodes, where they continue to proliferate. Signs and symptoms of the primary cancer may be present but sometimes detection of an enlarged lymph node may be the first sign of cancer. 2 For example – an enlarged left supraclavicular lymph node is often the first sign of stomach cancer.", + "Metastasis is the spread of cancer cells to new areas of the body (often by way of the lymph system or bloodstream). A metastatic cancer, or metastatic tumor, is one which has spread from the primary site of origin (where it started) into different area(s) of the body.hen the cancer has spread to other parts of the body, it is called metastatic cancer. The liver, lungs, lymph nodes, and bones are common areas of spread or metastasis. Even when cancer spreads to a new location, it is still named after the area of the body where it started.", + "1 Metastatic squamous neck cancer with occult primary is a disease in which squamous cell cancer spreads to lymph nodes in the neck and it is not known where the cancer first formed in the body.igns and symptoms of metastatic squamous neck cancer with occult primary include a lump or pain in the neck or throat. Check with your doctor if you have a lump or pain in your neck or throat that doesn't go away. These and other signs and symptoms may be caused by metastatic squamous neck cancer with occult primary.", + "Metastatic Cancer. Enlarge. In metastasis, cancer cells break away from where they first formed (primary cancer), travel through the blood or lymph system, and form new tumors (metastatic tumors) in other parts of the body. The metastatic tumor is the same type of cancer as the primary tumor.etastatic Cancer. Enlarge. In metastasis, cancer cells break away from where they first formed (primary cancer), travel through the blood or lymph system, and form new tumors (metastatic tumors) in other parts of the body. The metastatic tumor is the same type of cancer as the primary tumor.", + "In metastasis, cancer cells break away from where they first formed (primary cancer), travel through the blood or lymph system, and form new tumors (metastatic tumors) in other parts of the body.The metastatic tumor is the same type of cancer as the primary tumor.etastatic Cancer. Enlarge. In metastasis, cancer cells break away from where they first formed (primary cancer), travel through the blood or lymph system, and form new tumors (metastatic tumors) in other parts of the body. The metastatic tumor is the same type of cancer as the primary tumor.", + "When squamous cell cancer spreads to lymph nodes in the neck or around the collarbone, it is called metastatic squamous neck cancer. The doctor will try to find the primary tumor (the cancer that first formed in the body), because treatment for metastatic cancer is the same as treatment for the primary tumor.igns and symptoms of metastatic squamous neck cancer with occult primary include a lump or pain in the neck or throat. Check with your doctor if you have a lump or pain in your neck or throat that doesn't go away. These and other signs and symptoms may be caused by metastatic squamous neck cancer with occult primary.", + "Cancer that has spread from the primary (original) site to other places in the body is generally classified as advanced. When the cancer has spread only to nearby tissues or lymph nodes, it is called locally advanced cancer. When the cancer has spread to other parts of the body, it is called metastatic cancer.The liver, lungs, lymph nodes, and bones are common areas of spread or metastasis.Even when cancer spreads to a new location, it is still named after the area of the body where it started. For example, a person with breast cancer that has spread to the bones is said to have breast cancer with bone metastases.hen the cancer has spread to other parts of the body, it is called metastatic cancer. The liver, lungs, lymph nodes, and bones are common areas of spread or metastasis. Even when cancer spreads to a new location, it is still named after the area of the body where it started.", + "1 Signs and symptoms of the primary cancer may be present but sometimes detection of an enlarged lymph node may be the first sign of cancer. 2 For example – an enlarged left supraclavicular lymph node is often the first sign of stomach cancer. Signs and symptoms of the primary cancer may be present but sometimes detection of an enlarged lymph node may be the first sign of cancer. 2 For example – an enlarged left supraclavicular lymph node is often the first sign of stomach cancer.", + "This spread of cancer to a new part of the body is called metastasis. In order for cancer cells to spread to new parts of the body, they have to go through several changes. They first have to become able to break away from the original tumor and then attach to the outside wall of a lymph vessel or blood vessel.reatment of cancer is based on the type of cancer a person has, and the stage of the cancer. Doctors use a system to assign a stage to the cancer. The most common staging system is the TNM system. The T in TNM stands for tumor, the M stands for metastasis, and the N stands for lymph nodes." + ], + "url": [ + "https://en.wikipedia.org/wiki/Metastasis", + "http://www.healthhype.com/secondary-metastatic-lymph-node-cancer.html", + "http://www.cancercenter.com/terms/metastasis/", + "http://www.cancer.gov/types/head-and-neck/patient/metastatic-squamous-neck-treatment-pdq", + "http://www.cancer.gov/types/metastatic-cancer", + "http://www.cancer.gov/types/metastatic-cancer", + "http://www.cancer.gov/types/head-and-neck/patient/metastatic-squamous-neck-treatment-pdq", + "http://www.cancercenter.com/terms/metastasis/", + "http://www.healthhype.com/secondary-metastatic-lymph-node-cancer.html", + "http://www.cancer.org/cancer/cancerbasics/lymph-nodes-and-cancer" + ] + }, + "query": "metastatic cancer lymph nodes symptoms", + "query_id": 452993, + "query_type": "ENTITY", + "wellFormedAnswers": [] + }, + "truncated_cells": [] + }, + { + "row_idx": 252, + "row": { + "answers": [ + "An acute febrile contagious disease typically marked by the formation of a false membrane especially in the throat and caused by a gram-positive bacterium." + ], + "passages": { + "is_selected": [ + 1, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0 + ], + "passage_text": [ + "Full Definition of DIPHTHERIA. : an acute febrile contagious disease typically marked by the formation of a false membrane especially in the throat and caused by a gram-positive bacterium (Corynebacterium diphtheriae) that produces a toxin causing inflammation of the heart and nervous system.", + ": an acute febrile contagious disease typically marked by the formation of a false membrane especially in the throat and caused by a gram-positive bacterium (Corynebacterium diphtheriae) that produces a toxin causing inflammation of the heart and nervous system.", + ": an acute febrile contagious disease typically marked by the formation of a false membrane especially in the throat and caused by a bacterium of the genus Corynebacterium (C. diphtheriae) which produces a toxin causing inflammation of the heart and nervous system.", + "• DIPHTHERIA (noun). The noun DIPHTHERIA has 1 sense: 1. acute contagious infection caused by the bacterium Corynebacterium diphtheriae; marked by the formation of a false membrane in the throat and other air passages causing difficulty in breathing. Familiarity information: DIPHTHERIA used as a noun is very rare.", + ": an acute febrile contagious disease typically marked by the formation of a false membrane especially in the throat and caused by a bacterium of the genus Corynebacterium (C.", + "The noun DIPHTHERIA has 1 sense: 1. acute contagious infection caused by the bacterium Corynebacterium diphtheriae; marked by the formation of a false membrane in the throat and other air passages causing difficulty in breathing. Familiarity information: DIPHTHERIA used as a noun is very rare.", + "Definition of TETANUS for Kids. : a serious disease that is marked by spasms of the muscles especially of the jaws and that is caused by poison from a bacterium that usually enters the body through a wound.", + "• DIPHTHERIA (noun). The noun DIPHTHERIA has 1 sense: 1. acute contagious infection caused by the bacterium Corynebacterium diphtheriae; marked by the formation of a false membrane in the throat and other air passages causing difficulty in breathing.", + "1. acute contagious infection caused by the bacterium Corynebacterium diphtheriae; marked by the formation of a false membrane in the throat and other air passages causing difficulty in breathing. Familiarity information: DIPHTHERIA used as a noun is very rare.", + "Full Definition of TETANUS. 1. a: an acute infectious disease characterized by tonic spasm of voluntary muscles especially of the jaw and caused by an exotoxin of a bacterium (Clostridium tetani) which is usually introduced through a wound — compare lockjaw b: the bacterium that causes tetanus." + ], + "url": [ + "http://www.merriam-webster.com/dictionary/diphtheria", + "http://www.merriam-webster.com/dictionary/diphtheria", + "http://www.merriam-webster.com/dictionary/diphtheria", + "http://www.audioenglish.org/dictionary/diphtheria.htm", + "http://www.merriam-webster.com/dictionary/diphtheria", + "http://www.audioenglish.org/dictionary/diphtheria.htm", + "http://www.merriam-webster.com/dictionary/tetanus", + "http://www.audioenglish.org/dictionary/diphtheria.htm", + "http://www.audioenglish.org/dictionary/diphtheria.htm", + "http://www.merriam-webster.com/dictionary/tetanus" + ] + }, + "query": "diphtheria definition pronunciation", + "query_id": 151676, + "query_type": "DESCRIPTION", + "wellFormedAnswers": [] + }, + "truncated_cells": [] + }, + { + "row_idx": 253, + "row": { + "answers": [ + "1-866-343-2906" + ], + "passages": { + "is_selected": [ + 0, + 0, + 0, + 0, + 0, + 1, + 0, + 0, + 0, + 0 + ], + "passage_text": [ + "If the users think that how they can contact Gmail technical support for the issues or errors, which can occur anytime. Then it's simple for the users to connect with the skilled and proficient technicians by dialing Gmail Technical Support Phone Number, which is available 24x7 days for help and support.", + "To do this you just need to follow and dial Gmail Technical Support Phone Number. We are also engaged in same services and can let you serve for eliminating all the problems into Gmail account without bothering you to invest extra money.", + "How to contact Google Apps support. If you're an administrator, 24/7 phone, email and chat support is available with your Google Apps for Work account. Sign in to your administrator account and click on the Contact Us link in the top-right corner of this page to access contact options. Read below to learn more about contacting Google Apps support.", + "GMAIL TECH SUPPORT. Toll Free Number - Gmail Tech Support. Providing gmail support to the users seeking for help to get rid of tech glitches as a independent customer service provider under the guidance of expertise who are 24/7 ready to serve you.Our expert professionals are all certified and highly experienced.", + "Call Our Gmail Customer Support Number Toll Free - 24x7. Gmail Customer Service Number. Since in today's era that is highly and extremely advancement in technology that is just because of updates happening quickly under technical sector, requirement and use of online Gmail customer support also becoming very important as well as desired too.", + "Call Our Gmail Customer Support Number Toll Free - 24x7. 1-866-343-2906. Since in today's era that is highly and extremely advancement in technology that is just because of updates happening quickly under technical sector, requirement and use of online Gmail customer support also becoming very important as well as desired too.", + "Unfortunately, who have tech knowledge and make changes according to updates may also confront lot of issues. This is when the Gmail customer service number gets into hand and the users can call or contact the Gmail Customer Support number Team.", + "How To Contact Gmail customer support number? At crucial time when we can’t help ourselves then, all of us will think “No man is in island”. So better to try to get an assistance that will understand how to deal with concern without making more damage with which you can prevent your data from severe destruction.", + "1 Call us at 1-877-355-5787 (toll-free, U.S. only) or 1-646-257-4500 (worldwide, charges may apply). Additional phone support is available in 14 languages from select countries. Please make sure you have your support PIN ready when you call. Chat with us using the Support contact form (English and. some other languages).", + "Necessity of Gmail Technical Support Phone Number. Gmail is a standout amongst the most natural names in the web. Today right around 900 million enlisted mail clients have effectively made this mail benefit the top most utilized mail as a part of the world." + ], + "url": [ + "http://www.gmailtechinfo.com/", + "http://www.mailcustomerhelp.com/", + "https://support.google.com/a/answer/1047213?hl=en", + "http://www.gmailtechinfo.com/", + "http://www.mailcustomerhelp.com/", + "http://www.mailcustomerhelp.com/", + "http://www.mailcustomerhelp.com/", + "http://www.mailcustomerhelp.com/", + "https://support.google.com/a/answer/1047213?hl=en", + "http://www.gmailtechinfo.com/" + ] + }, + "query": "call gmail support phone number", + "query_id": 59039, + "query_type": "NUMERIC", + "wellFormedAnswers": [ + "The Gmail call support phone number is 866-324-3042." + ] + }, + "truncated_cells": [] + }, + { + "row_idx": 254, + "row": { + "answers": [ + "Franklin" + ], + "passages": { + "is_selected": [ + 0, + 0, + 1, + 0, + 0, + 0, + 0, + 0, + 0, + 0 + ], + "passage_text": [ + "Alligator Point, Wakulla County, Florida Land for Sale. Looking for rural homes and land for sale in Alligator Point, Wakulla County, Florida? LandWatch.com has thousands of rural properties in Alligator Point, Wakulla County, Florida, including hunting & fishing properties, cabins, Land for sale and land auctions. Choose from small acreage lots to massive 500+ acre estates.", + "Going East you come to Simmons Bayou, Cape San Blas, Indian Pass, and The City of Apalachicola on the banks of the Apalachicola River. Continuing east you come to Eastpoint, St. George Island, Carrabelle, Lanark Village, St. James Island, St. Teresa Island, and Alligator Point in Franklin County, FL.", + "Alligator Point Vacation Rentals. Located at the eastern end of Franklin County, Alligator Point is accessed via US Highway 98 and County Road 370. Alligator Point’s protected bay, Alligator Harbor Aquatic Preserve, encompasses 14,366 acres and serves as a nursery for many game fish species such as grouper, snapper, cobia, tarpon, and redfish.", + "Approx. 3 miles east on Bald Point Road from the above intersection. Located on Alligator Point and encompassing 4065 acres, where Ochlockonee Bay meets the Apalachee Bay, Bald Point State Park offers a variety of land and water activities.", + "Current Weather & Tides at Alligator Point. Tide Creek Charters Capt. Chris Gouras - 850-814-322 - Inshore fishing trips targeting speckled trout, redfish, triple tail and tarpon. Chasin' Tail Charters Capt. Seth Oaks - 850-519-1917. Specializes in inshore fishing trips. Speedy G Charters Capt. Clay Oaks.", + "Alligator Point, Florida. Roy Berisford — 5 starMy wife and I renewed our wedding vows standing in the water at Alligator point. Andrea Beedle — 5 starWe've been to several beach towns and this is my favorite place. I love the seclusion and tranquility.", + "Official Alligator Point Page shared St. George Island Volunteer Turtlers's photo. Lights, including flashlights, can deter females from nesting and disorient them as they make their way back to the water.", + "Please email us for a summary of the current real estate market. Harbor Point specializes in vacation rentals in the Alligator Point, Bald Point, St Teresa, and St James Bay areas. Currently, we are accepting a limited number of new vacation rentals properties to manage in the Alligator Point area.", + "added a new photo — at Alligator Point, Florida.

    Alligator Point is an unincorporated community on St. James Island in Franklin County, Florida, United States.", + "( Entrance gate ) NOAA Bald Point Ochlockonee Bay, FL 8728237. Located on Alligator Point and encompassing 4065 acres, where Ochlockonee Bay meets the Apalachee Bay, Bald Point State Park offers a variety of land and water activities." + ], + "url": [ + "http://www.landwatch.com/Florida_land_for_sale/Alligator_Point", + "http://www.harborpointrentals.com/p/links.aspx", + "http://www.harborpointrentals.com/", + "http://www.saltchef.com/catch_fish/FL/Franklin/beaches.html", + "http://www.harborpointrentals.com/p/links.aspx", + "https://www.facebook.com/pages/Alligator-Point-Florida/109441472415556", + "https://www.facebook.com/Official-Alligator-Point-Page-116847758356670/", + "http://www.harborpointrealty.com/", + "https://www.facebook.com/pages/Alligator-Point-Florida/109441472415556", + "http://www.saltchef.com/catch_fish/FL/Franklin/beaches.html" + ] + }, + "query": "what county in florida is alligator point in?", + "query_id": 601985, + "query_type": "LOCATION", + "wellFormedAnswers": [] + }, + "truncated_cells": [] + }, + { + "row_idx": 255, + "row": { + "answers": [ + "Other People's Money" + ], + "passages": { + "is_selected": [ + 1, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0 + ], + "passage_text": [ + "Originally called Stash, the name OPM, according to the band's frontman John E. Necro, is an abbreviation of the phrase Open People's Minds (originally Other People's Money). This was stated during an interview with MarijuanaRadio.com. The name also sounds like the drug opium.", + "For an OPM investigation request, write to OPM-IS, FOIP, Post Office Box 618, Boyers, PA 16018-0618. You must include your full name, Social Security Number, date and place of birth, and you must sign your request.", + "A.M. is the initialism for the Latin ante meridiem, meaning before noon/midday.. P.M. stands for post meridiem, meaning after noon/midday.. So AM is the morning (before noon) and PM is the afternoon and evening.", + "OPM is an American band based in Los Angeles, California. OPM has a distinctive sound, combining hip hop, rock music, and pop with laid-back reggae.", + "1 What does OPM stand for in leveraging OPM I think Other peoples money but I don't know for sure.. 2 What does OPM stand for in leveraging OPM I think Other peoples money but I don't know for sure.. I got my questions answered at brainly.com in under 10 minutes.", + "The only persons authorized to see your personal information are Personnel Security, Suitability, and Investigations professionals who have been investigated at the appropriate level and who have a genuine and demonstrated need for access to the information. Q.", + "The P stands for Post and the M stand for Meridian. From the Latin, Post means after, and Meridian means midday (noon). So the abbreviation PM as it pertains to time stand fo…r after-midday or afternoon. 1 person found this useful.", + "If you are a part-time employee, your share of the premiums. will be greater than for a full-time employee. Ask your. human resources office for information about the cost of. your enrollment. If you are a temporary employee, former spouse, or person. enrolled under temporary continuation of coverage, the.", + "What is the Federal Employees Health Benefits (FEHB) Program? The FEHB Program is the largest employer-sponsored group health insurance program in the world, covering almost 9 million people including employees, annuitants, and their family members, as well. as some former spouses and former employees. The FEHB Program offers fee-for-service plans, Health.", + "What Do AM and PM Stand For? AM stands for “ante meridiem”, which means “before noon” in Latin, while PM stands for “post meridiem”, which means “after noon” in Latin. Use midnight for 12 AM and noon for 12 PM. 12 AM and 12 PM are often used, but do not technically make sense. ©iStockphoto.com/Gordon Dixon." + ], + "url": [ + "https://en.wikipedia.org/wiki/OPM_(band)", + "http://www.osp.va.gov/sic/FAQ_OPM_Background_Investigations.doc", + "http://www.answers.com/Q/What_do_am_and_pm_stand_for", + "https://en.wikipedia.org/wiki/OPM_(band)", + "http://openstudy.com/updates/5335ce28e4b0b47fca858100", + "http://www.osp.va.gov/sic/FAQ_OPM_Background_Investigations.doc", + "http://www.answers.com/Q/What_do_am_and_pm_stand_for", + "http://www.opm.gov/retirement-services/publications-forms/pamphlets/ri75-13.pdf", + "http://www.opm.gov/retirement-services/publications-forms/pamphlets/ri75-13.pdf", + "http://www.timeanddate.com/time/am-and-pm.html" + ] + }, + "query": "what does opm stand for?", + "query_id": 644783, + "query_type": "DESCRIPTION", + "wellFormedAnswers": [] + }, + "truncated_cells": [] + }, + { + "row_idx": 256, + "row": { + "answers": [ + "This is one of the most powerful approaches to reverse insulin resistance. It is only necessary to do until your insulin resistance resolves." + ], + "passages": { + "is_selected": [ + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 1, + 0, + 0 + ], + "passage_text": [ + "When Australian scientist Ruben Meerman lost 30 pounds last year, one question kept bugging him: Where did the fat go? The answer might seem obvious: It was burned up, as we say — which implies that it was transformed into heat or energy.", + "The researchers chose to follow the path of these atoms when leaving the body. They found that when 10 kg of fat were oxidized, 8.4 kg were converted and excreted as carbon dioxide (CO2) via the lungs, and 1.6 kg became water (H20). In order for 10 kg of human fat to be oxidized, the researchers calculated that 29 kg of oxygen must be inhaled.", + "Exercise also increases the oxidation of fat, which then leaves your body via your lungs, in the form of carbon dioxide, and your bodily fluids, in the form of water. What’s not so complex however, is how to optimize your metabolism—even if you don’t understand the exact mechanisms involved.", + "The research conducted by a team at UNSW Science in Sydney calculated exactly what happens to our fat when we shed kilos, and revealed that doctor's leading theories are wrong - we don’t convert our missing mass into heat or energy, we breathe it out.", + "If you eat less than you exhale, you’ll lose weight. If you’re trying to shed pounds, don’t worry too much about all of this talk of carbon atoms and oxidation. Balancing the calories you eat with the calories you expend is a sound strategy. In fact, it’s what Meerman did when he trimmed down last year. “I was drinking three cappuccinos made with full cream milk each day, and I’d hit 40 years of age,” he says. “Your metabolism slows a bit as you get older so you can’t consume as many calories and expect to stay slim.", + "1 When you lose weight, you exhale 84 percent of the lost fat in the form of carbon dioxide. The remaining 16 percent is excreted as water via bodily fluids. By substituting one hour of sedentary lounging with one hour of moderate exercise—to increase your respiratory rate—your metabolic rate is increased sevenfold.", + "Breathe deeply, Australian research shows that it’s going to take a lot of exhaling to get rid of that excess fat. FIONA MACDONALD. 17 DEC 2014. Despite society’s obsession with weight loss, a study has revealed that, surprisingly, most health professionals don’t actually know what happens to fat when we “lose it”.", + "Consider intermittent fasting: If you’re insulin/leptin resistant and/or are overweight, boost your body's fat-burning potential by incorporating intermittent fasting. This is one of the most powerful approaches to reverse insulin resistance. It is only necessary to do until your insulin resistance resolves.", + "Breathe deeply, Australian research shows that it’s going to take a lot of exhaling to get rid of that excess fat. Despite society’s obsession with weight loss, a study has revealed that, surprisingly, most health professionals don’t actually know what happens to fat when we “lose it”.", + "To lose weight, you need to break down those triglycerides to access their carbon. The results showed that in order to completely breakdown 10kg of human fat, we need to inhale 29 kg of oxygen (and somewhere along the way, burn 94,000 calories). This reaction produces 28 kg of CO2 and 11 kg of water." + ], + "url": [ + "https://www.yahoo.com/beauty/where-does-the-fat-go-when-you-lose-weight-105590256797.html", + "http://fitness.mercola.com/sites/fitness/archive/2015/01/09/fat-burning.aspx", + "http://fitness.mercola.com/sites/fitness/archive/2015/01/09/fat-burning.aspx", + "http://www.sciencealert.com/this-is-where-body-fat-ends-up-when-you-lose-weight", + "https://www.yahoo.com/beauty/where-does-the-fat-go-when-you-lose-weight-105590256797.html", + "http://fitness.mercola.com/sites/fitness/archive/2015/01/09/fat-burning.aspx", + "http://www.sciencealert.com/this-is-where-body-fat-ends-up-when-you-lose-weight", + "http://fitness.mercola.com/sites/fitness/archive/2015/01/09/fat-burning.aspx", + "http://www.sciencealert.com/this-is-where-body-fat-ends-up-when-you-lose-weight", + "http://www.sciencealert.com/this-is-where-body-fat-ends-up-when-you-lose-weight" + ] + }, + "query": "what happens to fat when you burn it?", + "query_id": 666564, + "query_type": "DESCRIPTION", + "wellFormedAnswers": [] + }, + "truncated_cells": [] + }, + { + "row_idx": 257, + "row": { + "answers": [ + "A homophone is a word that sounds the same as another word but has a different meaning and/or spelling." + ], + "passages": { + "is_selected": [ + 0, + 0, + 0, + 1, + 0, + 0, + 0, + 0, + 0, + 0 + ], + "passage_text": [ + "Freebase (4.00 / 1 vote) Rate this definition: Homonym. In linguistics, a homonym is, in the strict sense, one of a group of words that share the same spelling and the same pronunciation but have different meanings. Thus homonyms are simultaneously homographs and homophones. The state of being a homonym is called homonymy.", + "homophone A homophone is a word that sounds the same as another word but has a different meaning and/or spelling. “Flower” and “flour” are homophones because they are pronounced the same but you certainly can’t bake a cake using daffodils. Other common homophones are write and right, meet and meat, peace and piece.", + "Phonetics. a word pronounced the same as another but differing in meaning, whether spelled the same way or not, as heir and air. 2. a written element that represents the same spoken unit as another, as ks, a homophone of x in English.", + "A homophone is a word that sounds the same as another word but has a different meaning and/or spelling. “Flower” and “flour” are homophones because they are pronounced the same but you certainly can’t bake a cake using daffodils. This word set can be confusing, even for word geeks.", + "homophone. 1 Phonetics. a word pronounced the same as another but differing in meaning, whether spelled the same way or not, as heir and air. 2 a written element that represents the same spoken unit as another, as ks, a homophone of x in English.", + "Wiktionary (2.00 / 1 vote) Rate this definition: homonym (Noun) A word that both sounds and is spelled the same as another word but has a different meaning. homonym (Noun) A word that sounds or is spelled the same as another word but has a different meaning, technically called a homophone (same sound) or a homograph (same spelling). homonym (Noun) A name for a taxon that is identical in spelling to another name that belongs to a different taxon.", + "homonym(Noun) A word that both sounds and is spelled the same as another word but has a different meaning. homonym(Noun) A word that sounds or is spelled the same as another word but has a different meaning, technically called a homophone (same sound) or a homograph (same spelling). homonym(Noun) A name for a taxon that is identical in spelling to another name that belongs to a different taxon.", + "Homonym In linguistics, a homonym is, in the strict sense, one of a group of words that share the same spelling and the same pronunciation but have different meanings. Thus homonyms are simultaneously homographs and homophones.", + "A homograph is a word that has the same spelling as another word but has a different sound and a different meaning. Continue reading... Other common homophones are write and right, meet and meat, peace and piece.", + "Phonetics. a word pronounced the same as another but differing in meaning, whether spelled the same way or not, as heir and air. a written element that represents the same spoken unit as another, as ks, a homophone of x in English." + ], + "url": [ + "http://www.definitions.net/definition/homonym", + "https://www.vocabulary.com/dictionary/homophone", + "http://www.dictionary.com/browse/homophone", + "https://www.vocabulary.com/dictionary/homophone", + "http://www.dictionary.com/browse/homophone", + "http://www.definitions.net/definition/homonym", + "http://www.definitions.net/definition/homonym", + "http://www.definitions.net/definition/homonym", + "https://www.vocabulary.com/dictionary/homophone", + "http://www.dictionary.com/browse/homophone" + ] + }, + "query": "what does homophone mean", + "query_id": 639049, + "query_type": "DESCRIPTION", + "wellFormedAnswers": [] + }, + "truncated_cells": [] + }, + { + "row_idx": 258, + "row": { + "answers": [ + "Perform exercises that encourage the growth of leg muscle. Squats, lunges and step-ups are examples of such moves that target the legs and recruit a lot of muscle fibers for growth." + ], + "passages": { + "is_selected": [ + 0, + 0, + 0, + 1, + 0, + 0, + 0, + 0, + 0, + 0 + ], + "passage_text": [ + "When you pull forward with your calves, the motion works all your thigh muscles. A similar machine exercises your hamstring muscles, on the back of your thighs. Lie stomach down on the bench and hook your heels under a bar. When you bend your legs and pull the bar upwards, you exercise the back of your legs.", + "Nutrition Dos. If you're underweight, your first step should be to consult with your doctor or dietitian about a healthy weight gain plan, but there are also some basic steps you should follow. Try eating more meals, not bigger ones, as big meals can make you feel too full and uncomfortable.", + "However, adding muscle through weight training can drastically improve your physique. Weight training won't make you look masculine, and when combined with a healthy diet, will actually make your legs look lean and defined, and enable you to put on weight in your legs in a healthy way.", + "Exercise to Gain Leg Weight. Although you can't make your body gain weight in your legs, you can perform exercises that encourage the growth of leg muscle. Squats, lunges and step-ups are examples of such moves that target the legs and recruit a lot of muscle fibers for growth.", + "Confidence votes 5.5K. You really don't gain weight in your legs but you can build the muscle in them by doing a lot of squats , calve raises, and leg presses on a weight sled.", + "Hold a dumbbell in each hand with your palms facing toward your body. Step forward with your arms at your sides, parallel to your body, and bend the knee of the forward leg, forcing it to bear the weight of your body. Return to your starting position and repeat with the other leg. Do this 8 to12 times with each leg. To build your calf muscles, lift a barbell and hold it against your thighs, or hold a dumbbell in each hand with your arms hanging straight down at your sides. Lift your heels off the floor 8 to 12 times. Increase the weight of the barbell or dumbbell as you get stronger.", + "Im 15, and I weigh 7 stone and im 5'5. I want to gain weight before summer, which is practically next month, I am also going to a concert and I'd like to feel comfertable in a dress. My legs are really really thin and my thighs dont even look like thighs, they look like sticks. I want bigger hips and bum... show more Im 15, and I weigh 7 stone and im 5'5. I want to gain weight before summer, which is practically next month, I am also going to a concert and I'd like to feel comfertable in a dress. My legs are really really thin and my thighs dont even look like thighs, they look like sticks. I want bigger hips and bum too.", + "Be careful with calories too: While you do need a higher calorie intake than normal, eating too many will lead to unwanted fat gain. Start by increasing your current intake by around 300 per day. If you're not gaining weight, then increase it, and if you're putting on fat, decrease it slightly.", + "exists and is an alternate of . You really don't gain weight in your legs but you can build the muscle in them by doing a lot of squats , calve raises, and leg presses on a weight sled.", + "When you do exercises intended to build muscle in your legs, lift weight that is between 75 and 85 percent of the maximum weight you could lift one time, called your one-rep maximum. The weight should feel extremely challenging by the last two to three repetitions in each set of six to 12 repetitions." + ], + "url": [ + "http://www.webmd.com/men/features/strength-training-building-leg-muscles", + "http://healthyliving.azcentral.com/gain-weight-legs-females-1377.html", + "http://healthyliving.azcentral.com/gain-weight-legs-females-1377.html", + "http://www.livestrong.com/article/213313-how-to-gain-weight-in-your-legs-for-females/", + "http://www.answers.com/Q/How_do_you_gain_weight_in_your_legs", + "http://www.webmd.com/men/features/strength-training-building-leg-muscles", + "https://in.answers.yahoo.com/question/index?qid=20130414091143AAk8b3U", + "http://healthyliving.azcentral.com/gain-weight-legs-females-1377.html", + "http://www.answers.com/Q/How_do_you_gain_weight_in_your_legs", + "http://www.livestrong.com/article/213313-how-to-gain-weight-in-your-legs-for-females/" + ] + }, + "query": "how do you gain weight in your legs", + "query_id": 222251, + "query_type": "DESCRIPTION", + "wellFormedAnswers": [ + "To gain weight in your legs you should perform exercises that encourage the growth of leg muscle and recruit a lot of muscle fibers for growth." + ] + }, + "truncated_cells": [] + }, + { + "row_idx": 259, + "row": { + "answers": [ + "8 mg for women and 10 mg for men." + ], + "passages": { + "is_selected": [ + 0, + 0, + 1, + 0, + 0, + 0, + 0, + 0, + 0, + 0 + ], + "passage_text": [ + "A. Vitamin B12 can be received in your diet through eating meats, eggs, milk and fish. The daily recommended daily requirement is set at 2.6 mcg. People that have a B12 deficiency may feel week, shaky, and experience mood disturbances. It is best to discuss your plan to take B12 as supplement with your doctor.", + "However, the vitamin A content of foods and dietary supplements is given on product labels in international units (IU), not mcg RAE. Converting between IU and mcg RAE is not easy. A varied diet with 900 mcg RAE of vitamin A, for example, provides between 3,000 and 36,000 IU of vitamin A depending on the foods consumed.", + "Daily Intake. The recommended daily allowance of vitamin E used to be 8 mg for women and 10 mg for men. However, these amounts were increased by the Food and Nutrition Board of the Institute of Medicine in 2000. Currently, males and females over 14 years should consume 15 mg, or 22.5 IU, of vitamin E every day. If you take vitamin E supplements instead of consuming the vitamin in your diet, RDA increases to 33 IU. Breastfeeding mothers should get 19 mg, or 28.5 IU, daily, while infants and children need less, ranging from 4 to 7 mg respectively, or 6 to 9 IU.", + "1 Some types of fish, such as salmon. 2 Green leafy vegetables and other green, orange, and yellow vegetables, such as broccoli, carrots, and squash. 3 Fruits, including cantaloupe, apricots, and mangos. 4 Dairy products, which are among the major sources of vitamin A for Americans.", + "You should take 15 to 33 mg of vitamin E per day. Photo Credit-zlaki-/iStock/Getty Images.", + "how much b12 should i take in a daily vitamin. I HAVE HEARD THAT THE AMOUNT RECOMMENDED (WHICH I NEED TO KNOW THE DOSAGE AND IF INJECTION OR A VITAMIN WILL SUFFICE) WILL HELP THOSE WITH MEMORY PROBLEMS NOT ASSOCIATED DEMENTIA. I AM BIPOLAR AND SUFFER FROM MEDICATION RESISTANT DEPRESSION. Related Topics: B12, Vitamin.", + "Vitamin D is made in the skin and then travels through the blood to the liver and then the kidneys. In the liver and kidneys, vitamin D is converted to its active form, often known as 1,25 vitamin D, that then sets off the production of compounds needed to absorb calcium in the intestine.", + "Fatty fish like salmon, tuna and mackerel also contain vitamin D as do beef liver, cheese and eggs, although in much smaller amounts. When it comes to sun exposure, most people only need five to 30 minutes of exposure to the sun twice a week. This can be on the face, arms, back or legs. Beyond that amount, sunscreen should be used to avoid the harmful effects of too much UV exposure. Tanning beds shouldn’t be used to get more vitamin D.", + "MORE FROM THIS EPISODE. Unlike many of the essential vitamins, vitamin D can be made by our bodies. Unfortunately, cold winters and short days can make it tough to get enough sunlight for our skin to make this needed vitamin. Fortunately, there are a few fixes if you think you’re not getting enough.", + "The amount of vitamin A you need depends on your age and reproductive status. Recommended intakes for vitamin A for people aged 14 years and older range between 700 and 900 micrograms (mcg) of retinol activity equivalents (RAE) per day. Recommended intakes for women who are nursing range between 1,200 and 1,300 RAE." + ], + "url": [ + "http://answers.webmd.com/answers/5057309/how-much-b12-should-i-take-in-a-daily-vitamin", + "https://ods.od.nih.gov/factsheets/VitaminA-Consumer/", + "http://www.livestrong.com/article/380411-how-much-vitamin-e-should-you-take-daily/", + "https://ods.od.nih.gov/factsheets/VitaminA-Consumer/", + "http://www.livestrong.com/article/380411-how-much-vitamin-e-should-you-take-daily/", + "http://answers.webmd.com/answers/5057309/how-much-b12-should-i-take-in-a-daily-vitamin", + "http://www.doctoroz.com/article/daily-dose-vitamin-d", + "http://www.doctoroz.com/article/daily-dose-vitamin-d", + "http://www.doctoroz.com/article/daily-dose-vitamin-d", + "https://ods.od.nih.gov/factsheets/VitaminA-Consumer/" + ] + }, + "query": "vitamin e how much to take daily?", + "query_id": 537824, + "query_type": "NUMERIC", + "wellFormedAnswers": [] + }, + "truncated_cells": [] + }, + { + "row_idx": 260, + "row": { + "answers": [ + "Yes, the outstanding principal balance of a mortgage is simply the total amount of money it would take to pay off the loan in full." + ], + "passages": { + "is_selected": [ + 0, + 1, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0 + ], + "passage_text": [ + "There are different methods used to develop an amortization schedule. 1 These include: 2 Straight line (linear) 3 Declining balance. 4 Annuity. 5 Bullet (all at once) 6 Balloon (amortization payments and large end payment) 7 Increasing balance (negative amortization)", + "Outstanding Principal Balance The outstanding principal balance of a mortgage is simply the total amount of money it would take to pay off the loan in full. How much this amount is depends on how much was originally borrowed, how much has been paid down, and what the annual interest rate is.", + "Outstanding Principal Balance. The outstanding loan balance of a mortgage is simply the total amount of money it would take to pay off the loan in full. How much this amount is depends on how much was originally borrowed, how much has been paid down, and what the annual interest rate is.", + "Outstanding loan balance calculation. The outstanding loan balance at any given time during the term of a loan can be calculated by finding the present value of the remaining payments at the given interest rate. This amount will consist of principal only. Example of outstanding loan balance calculation:28000.00. Loan Term=*Interest Rate = 9%", + "An amortization schedule indicates the specific monetary amount put towards interest, as well as the specific amount put towards the principal balance, with each payment. Initially, a large portion of each payment is devoted to interest. As the loan matures, larger portions go towards paying down the principal.", + "An amortization schedule is a table detailing each periodic payment on an amortizing loan, as generated by an amortization calculator. Amortization refers to the process of paying off a debt over time through regular payments. A portion of each payment is for interest while the remaining amount is applied towards the principal balance. The percentage of interest versus principal in each payment is determined in an amortization schedule. The schedule differentiates the portion of payment that bel", + "For a fully amortizing loan, with a fixed (i.e., non-variable) interest rate, the payment remains the same throughout the term, regardless of principal balance owed. For example, the payment on the above scenario will remain $733.76 regardless of whether the outstanding (unpaid) principal balance is $100,000 or $50,000.", + "These include: 1 Straight line (linear) 2 Declining balance. 3 Annuity. 4 Bullet (all at once) 5 Balloon (amortization payments and large end payment) 6 Increasing balance (negative amortization)", + "Outstanding Principal Balance. 1 The outstanding loan balance of a mortgage is simply the total amount of money it would take to pay off the loan in full. How much this amount is depends on how much was originally borrowed, how much has been paid down, and what the annual interest rate is.", + "If you wanted to pay off your mortgage balance in full today, how would the outstanding loan balance be calculated? Your monthly mortgage statement will usually show the principal balance outstanding, but this is not the amount due to pay the balance in full. In fact, the statement probably even says that. If you want to pay off the loan in full, you have to call your lender and request an actual payoff amount." + ], + "url": [ + "https://en.wikipedia.org/wiki/Amortization_schedule", + "https://mortgagecalculatorwithpmi.com/what-does-outstanding-loan-balance-mean/", + "https://mortgagecalculatorwithpmi.com/what-does-outstanding-loan-balance-mean/", + "https://en.wikipedia.org/wiki/Amortization_schedule", + "https://en.wikipedia.org/wiki/Amortization_schedule", + "https://en.wikipedia.org/wiki/Amortization_schedule", + "https://en.wikipedia.org/wiki/Amortization_schedule", + "https://en.wikipedia.org/wiki/Amortization_schedule", + "https://mortgagecalculatorwithpmi.com/what-does-outstanding-loan-balance-mean/", + "https://mortgagecalculatorwithpmi.com/what-does-outstanding-loan-balance-mean/" + ] + }, + "query": "is the outstanding principal balance a payoff", + "query_id": 1174736, + "query_type": "DESCRIPTION", + "wellFormedAnswers": [] + }, + "truncated_cells": [] + }, + { + "row_idx": 261, + "row": { + "answers": [ + "1 Postnasal drip. 2 Discolored nasal discharge (greenish in color). 3 Nasal stuffiness or congestion. 4 Tenderness of the face (particularly under the eyes or at the bridge of the nose). 5 Frontal headaches. 6 Pain in the teeth. 7 Coughing. 8 Fever. 9 Fatigue. 10 Bad breath." + ], + "passages": { + "is_selected": [ + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 1, + 0 + ], + "passage_text": [ + "Medically termed sinusitis, a sinus infection occurs when the cavities around your nose become swollen and inflamed. Sinusitis is most often caused by a virus and often lasts long after the other upper respiratory symptoms are gone. Rarely, fungus or bacteria may cause a sinus infection. Allergies, nasal polyps, a tooth infection, and a deviated septum are other ways in which sinusitis may be triggered.", + "Stuffy, Puffy, and Sore. Sinusitis causes many symptoms. Most people have a stuffy nose and pain or pressure in several locations around the face or teeth. There's usually a nasal discharge that may be yellow, green, or clear.", + "Some of the primary symptoms of acute sinusitis include: 1 Facial pain/pressure. 2 Nasal stuffiness. 3 Nasal discharge. 4 Loss of smell. 5 Cough /congestion.", + "Sinusitis can occur from one of these conditions: 1 Small hairs (cilia) in the sinuses fail to properly to move mucus out. 2 Colds and allergies may cause too much mucus to be made or block the opening of the sinuses. 3 A deviated nasal septum, nasal bone spur, or nasal polyps may block the opening of the sinuses.", + "The location of pain and tenderness may depend on which sinus is affected. Other common symptoms of sinusitis include: 1 Headache. 2 Yellow or greenish discharge from the nose or down the back of the throat. 3 Bad breath. 4 Stuffy nose. 5 Cough that produces mucus. 6 Fever. 7 Tooth pain. 8 Reduced sense of taste or smell.", + "Pain. The most common symptom of sinusitis, and often the most unpleasant, is pain. You have several different sinuses above and below your eyes, and behind your nose. Any of these can hurt when you have a sinus infection. Inflammation and swelling in the sinuses causes them to ache with a dull pressure.", + "Symptoms of sinusitis in children include: 1 Cold or respiratory illness that has been getting better and then begins to get worse. 2 High fever, along with a darkened nasal discharge, that lasts for at least 3 days. 3 Nasal discharge, with or without a cough, that has been present for more than 10 days and is not improving.", + "The symptoms of acute sinusitis in adults usually follow a cold that does not get better or gets worse after 5 - 7 days. Symptoms include: 1 Bad breath or loss of smell. 2 Cough, often worse at night. 3 Fatigue and general feeling of being ill. 4 Fever. 5 Headache -- pressure-like pain, pain behind the eyes, toothache, or tenderness of the face. 6 Nasal stuffiness and discharge.", + "Common symptoms of sinusitis include: 1 Postnasal drip. 2 Discolored nasal discharge (greenish in color). 3 Nasal stuffiness or congestion. 4 Tenderness of the face (particularly under the eyes or at the bridge of the nose). 5 Frontal headaches. 6 Pain in the teeth. 7 Coughing. 8 Fever. 9 Fatigue. 10 Bad breath.", + "Nasal and sinus passages become swollen, congested, and inflamed in an attempt to flush out offending inhaled particles that trigger allergies. Pollen are seasonal allergens. Molds, dust mites and pet dander can cause symptoms year-round. Asthma also has been linked to chronic sinus disease." + ], + "url": [ + "http://www.healthline.com/health/cold-flu/sinus-infection-symptoms", + "http://www.webmd.com/allergies/sinusitis-and-sinus-infection", + "http://www.webmd.com/allergies/sinusitis-and-sinus-infection", + "http://www.nytimes.com/health/guides/disease/sinusitis/overview.html", + "http://www.webmd.com/allergies/tc/sinusitis-symptoms", + "http://www.healthline.com/health/cold-flu/sinus-infection-symptoms", + "http://www.nytimes.com/health/guides/disease/sinusitis/overview.html", + "http://www.nytimes.com/health/guides/disease/sinusitis/overview.html", + "http://acaai.org/allergies/types/sinus-infection", + "http://acaai.org/allergies/types/sinus-infection" + ] + }, + "query": "symptoms sinusitis", + "query_id": 509164, + "query_type": "ENTITY", + "wellFormedAnswers": [] + }, + "truncated_cells": [] + }, + { + "row_idx": 262, + "row": { + "answers": [ + "No Answer Present." + ], + "passages": { + "is_selected": [ + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0 + ], + "passage_text": [ + "Final grades due - 14-week courses. ** Withdrawal date is 66.66% into classes for non 14 and 15 week courses. For more information, contact Humber at: enquiry@humber.ca. Previously the academic calendar reflected a mid-week start of Wednesday, January 7, 2015 to the Winter 2015 semester.", + "Final grades due - 15-week courses. ** Withdrawal date is 66.66% into classes for non 14 and 15 week courses. For more information, contact Humber at: enquiry@humber.ca. Previously the academic calendar reflected a mid-week start of Wednesday, January 7, 2015 to the Winter 2015 semester.", + "The winter semester will end on Friday, May 1, 2015. ** Withdrawal date is 66.66% into classes for non 14 and 15 week courses. For more information, contact Humber at: enquiry@humber.ca. Previously the academic calendar reflected a mid-week start of Wednesday, January 7, 2015 to the Winter 2015 semester.", + "15 Week Semester. Previously the academic calendar reflected a mid-week start of Wednesday, January 7, 2015 to the Winter 2015 semester. To better support teaching and learning and to assist in a smooth start to the winter semester, the first day of classes has been changed to Monday, January 12, 2015.", + "Target: All students that are eligible for Winter 2015 Registration. Subject: Winter 2015 Timetable Registration Information. Dear Student, Assuming you have fully paid your fees, your next step for preparing for the Winter 2015 semester is to create your timetable by registering into your courses on MyHumber.", + "Invest in your future. Your education is an important investment. Find out the costs associated with coming to Humber and let us help you plan your finances.", + "Postsecondary. 15 Week Semester. Previously the academic calendar reflected a mid-week start of Wednesday, January 7, 2015 to the Winter 2015 semester. To better support teaching and learning and to assist in a smooth start to the winter semester, the first day of classes has been changed to Monday, January 12, 2015.", + "Subject: Winter 2015 Timetable Registration Information. Dear Student, Assuming you have fully paid your fees, your next step for preparing for the Winter 2015 semester is to create your timetable by registering into your courses on MyHumber.", + "The last day to join a course or add a new one is the 5th day of class. All the programs at Humber fill-up quickly and there's no guarantee that you can change, so you should be committed when you first sign-up to your program. Check the academic calendar for specific information regarding program availability.", + "Sep 14, 2015. Final Date to Register for courses less than eight weeks in duration (in first seven weeks). Sep 21, 2015. Final Date to Register for courses greater than seven weeks in durationFinal Date to Withdraw from College with a Partial Refund." + ], + "url": [ + "https://www.humber.ca/admissions/academic-calendar", + "https://www.humber.ca/admissions/academic-calendar", + "https://www.humber.ca/admissions/academic-calendar", + "https://www.humber.ca/admissions/academic-calendar", + "http://registrar.humberc.on.ca/ride2011/?id=51", + "http://www.humber.ca/admissions/fees", + "https://www.humber.ca/admissions/academic-calendar", + "http://registrar.humberc.on.ca/ride2011/?id=51", + "http://www.international.humber.ca/academic/virtualpassport/humber", + "http://flemingcollege.ca/admissions/academic-schedule" + ] + }, + "query": "how to view my second semester schedule at humber", + "query_id": 385959, + "query_type": "DESCRIPTION", + "wellFormedAnswers": [] + }, + "truncated_cells": [] + }, + { + "row_idx": 263, + "row": { + "answers": [ + "A relatively common type of hemolytic disease of newborns, and may occur during blood transfusion reactions of older people.", + "It is a fairly common and milder type of hemolytic disease of the newborn, and is caused by the result of an immune system reaction." + ], + "passages": { + "is_selected": [ + 1, + 1, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0 + ], + "passage_text": [ + "ABO incompatibility is a relatively common type of hemolytic disease of newborns, and may occur during blood transfusion reactions of older people. For purposes of this article, we will discuss ABO Incompatibility of the newborn.hile ABO Incompatibility is not generally as dangerous as other types of hemolytic diseases of the newborn, there are complications that can be caused by this disorder. Complications of ABO Incompatibility may include:", + "ABO Incompatibility is a fairly common and milder type of hemolytic disease of the newborn, and is caused by the result of an immune system reaction.hile ABO Incompatibility is not generally as dangerous as other types of hemolytic diseases of the newborn, there are complications that can be caused by this disorder. Complications of ABO Incompatibility may include:", + "Significant problems with ABO incompatibility occur mostly with babies whose mothers have O blood type and where the baby is either A or B blood type. Premature babies are much more likely to experience severe problems from ABO incompatibility, while healthy full term babies are generally only mildly effected.f your partner has two A genes then there is a 100% chance that the baby will be A. If your partner has an A gene and an O gene-then there is a 25% chance the baby will have an O blood group (and ABO incompatibility will not reoccur). The A blood type is dominant.", + "In contrast to Rh disease, about half of the cases of ABO HDN occur in a firstborn baby and ABO HDN does not become more severe after further pregnancies. The ABO blood group system is the best known surface antigen system, expressed on a wide variety of human cells.For Caucasian populations about one fifth of all pregnancies have ABO incompatibility between the fetus and the mother, but only a very small minority develop symptomatic ABO HDN.The latter typically only occurs in mothers of blood group O, because they can produce enough IgG antibodies to cause hemolysis.f IgG anti-A or IgG anti-B antibodies are found in the pregnant woman's blood, they are not reported with the test results, because they do not correlate well with ABO HDN. Diagnosis is usually made by investigation of a newborn baby who has developed jaundice during the first day of life.", + "Hemolytic disease of newborn due to ABO incompatibility Tikrit Medical Journal 2009; 15(2):70-78 73 the babies and this is consistent with the studies of john a. Ozolek, Jon F. Watchko and Francis Mimouni in 1993 (10), and supported by the fact found by Dean Edell (10) . French midwife was the first to report hemolytic disease of the newborn in a set of twins in 1609 (3) .HDN-ABO is a form of Isoimmune hemolytic disease of the newborn due to ABO blood group incompatibility between the mother and infant.", + "From Wikipedia, the free encyclopedia. In ABO hemolytic disease of the newborn (also known as ABO HDN) maternal IgG antibodies with specificity for the ABO blood group system pass through the placenta to the fetal circulation where they can cause hemolysis of fetal red blood cells which can lead to fetal anemia and HDN.f IgG anti-A or IgG anti-B antibodies are found in the pregnant woman's blood, they are not reported with the test results, because they do not correlate well with ABO HDN. Diagnosis is usually made by investigation of a newborn baby who has developed jaundice during the first day of life.", + "If a baby is an O blood group-it will not be effected. If the baby is an A blood group-the baby may or may not be effected. Severe anaemia and dangerously high levels of bilirubin (jaundice) are the major concerns but are quite uncommon. ABO incompatibility does not causes sepsis.f your partner has two A genes then there is a 100% chance that the baby will be A. If your partner has an A gene and an O gene-then there is a 25% chance the baby will have an O blood group (and ABO incompatibility will not reoccur). The A blood type is dominant.", + "When this occurs, the mother’s blood cells develop antibodies that can attack the newborn’s blood cells and cause jaundice. The risk of this is highest near or during delivery. A-B-O incompatibility occurs when: 1 the mother is type O and the baby is B, A, or AB.2 the mother is type A and their baby is B or AB.3 the mother is type B and their baby is A or AB.he risk of this is highest near or during delivery. A-B-O incompatibility occurs when: 1 the mother is type O and the baby is B, A, or AB. 2 the mother is type A and their baby is B or AB. 3 the mother is type B and their baby is A or AB.", + "Hemolytic disease of newborn due to ABO incompatibility Tikrit Medical Journal 2009; 15(2):70-78 70 Hemolytic disease of newborn due to ABO incompatibility Faris B. AL-Swaf* , Rekan S. Jumaa** , Isam S. Saeed*** *Dept. of pediatrics, Ninava College of Medicine, Mousl University. French midwife was the first to report hemolytic disease of the newborn in a set of twins in 1609 (3) .HDN-ABO is a form of Isoimmune hemolytic disease of the newborn due to ABO blood group incompatibility between the mother and infant.", + "For babies effected by ABO incompatibility, anaemia may become an issue after a few weeks. The anaemia is caused by the faster than normal breakdown of the baby’s red blood cells caused by the mother’s antibodies.These antibodies can linger in the baby’s circulation for weeks after birth.f your partner has two A genes then there is a 100% chance that the baby will be A. If your partner has an A gene and an O gene-then there is a 25% chance the baby will have an O blood group (and ABO incompatibility will not reoccur). The A blood type is dominant." + ], + "url": [ + "http://www.bandbacktogether.com/abo-incompatibility-newborns-resources/", + "http://www.bandbacktogether.com/abo-incompatibility-newborns-resources/", + "http://www.pregnancy.com.au/resources/topics-of-interest/postnatal/abo-incompatibility-in-newborns.shtml", + "https://en.wikipedia.org/wiki/Hemolytic_disease_of_the_newborn_(ABO)", + "http://www.iasj.net/iasj?func=fulltext&aId=22244", + "https://en.wikipedia.org/wiki/Hemolytic_disease_of_the_newborn_(ABO)", + "http://www.pregnancy.com.au/resources/topics-of-interest/postnatal/abo-incompatibility-in-newborns.shtml", + "http://www.cerebralpalsy.org/about-cerebral-palsy/risk-factors/blood-incompatibility", + "http://www.iasj.net/iasj?func=fulltext&aId=22244", + "http://www.pregnancy.com.au/resources/topics-of-interest/postnatal/abo-incompatibility-in-newborns.shtml" + ] + }, + "query": "what is abo incompatibility in newborn", + "query_id": 707064, + "query_type": "DESCRIPTION", + "wellFormedAnswers": [ + "ABO incompatibility is a common type of hemolytic disease of newborns." + ] + }, + "truncated_cells": [] + }, + { + "row_idx": 264, + "row": { + "answers": [ + "Sympathetic" + ], + "passages": { + "is_selected": [ + 0, + 0, + 0, + 0, + 0, + 1, + 0, + 0, + 0, + 0 + ], + "passage_text": [ + "The Autonomic Nervous System (ANS) is the involuntary division of the nervous system. It consists of autonomic neurons that conduct impulses from the central nervous system (brain and/or spinal cord) to glands, smooth muscle and cardiac muscle.", + "The Autonomic Nervous System at a Glance. The autonomic nervous system is the portion of the nervous system that regulates involuntary processes. In short, these are the processes that you do not purposely control. It's divided into two basic segments: the parasympathetic and the sympathetic nervous systems.", + "The brainstem regulates vital body functions such as cardiac and respiratory functions and acts as a vehicle for sensory information. Learning Objective. Key Points. In vertebrate anatomy, the brainstem (or brain stem) is the posterior part of the brain adjoining, and structurally continuous with, the spinal cord.", + "1 The brain stem also plays an important role in the regulation of cardiac and respiratory function, consciousness, and the sleep cycle. The brainstem consists of the medulla oblongata, pons, and midbrain.", + "Autonomic Nervous System - Introduction. The organs of our body (viscera), such as the heart, intestines and stomach, are regulated by a branch of the nervous system known as the autonomic nervous system. The autonomic nervous system is part of the peripheral nervous system and controls the function of many muscles, glands and organs within the body. We are usually quite unaware of the functioning of our autonomic system because it functions in a reflexive and involuntary manner.", + "Video: Sympathetic Nervous System: Definition, Function & Effects. The autonomic nervous system is the portion that controls all of the involuntary functions of the body. This includes the body's response to emergency situations. In this article, we discuss the sympathetic nervous system and its responses under these circumstances.", + "The brainstem regulates vital body functions such as cardiac and respiratory functions and acts as a vehicle for sensory information. Describe the functions of the brainstem. In vertebrate anatomy, the brainstem (or brain stem) is the posterior part of the brain adjoining, and structurally continuous with, the spinal cord.", + "* increased blood pressure (increased contractility, increased ability of the heart to relax and fill) Parasympathetic nervous system (PNS) - the PNS is sometimes referred to as the rest and digest system. In general, the PNS acts in the opposite way to the SNS, reversing the effects of the fight-or-flight response.", + "Amyotrophic Lateral Sclerosis. severe weakening and wasting of the involved muscle groups, usually beginning with the hands and progressing to the shoulders, upper arms, and legs. It is caused by decreased nerve innervation to the muscle groups.", + "Bell's Palsy. a temporary or permanent unilateral weakness or paralysis of the muscles in the face following trauma to the face, an unknown infection, or a tumor pressing on the facial nerve rendering it paralyzed." + ], + "url": [ + "http://www.dantest.com/dtr_ans_overview.htm", + "http://study.com/academy/lesson/sympathetic-nervous-system-definition-function-effects.html", + "https://www.boundless.com/physiology/textbooks/boundless-anatomy-and-physiology-textbook/central-nervous-system-12/the-brain-stem-117/functions-of-the-brain-stem-637-6728/", + "https://www.boundless.com/physiology/textbooks/boundless-anatomy-and-physiology-textbook/central-nervous-system-12/the-brain-stem-117/functions-of-the-brain-stem-637-6728/", + "http://www.dantest.com/dtr_ans_overview.htm", + "http://study.com/academy/lesson/sympathetic-nervous-system-definition-function-effects.html", + "https://www.boundless.com/physiology/textbooks/boundless-anatomy-and-physiology-textbook/central-nervous-system-12/the-brain-stem-117/functions-of-the-brain-stem-637-6728/", + "http://www.dantest.com/dtr_ans_overview.htm", + "https://quizlet.com/5197138/ap8-the-nervous-system-flash-cards/", + "https://quizlet.com/5197138/ap8-the-nervous-system-flash-cards/" + ] + }, + "query": "the ________ nerves regulate essential involuntary body functions", + "query_id": 513958, + "query_type": "DESCRIPTION", + "wellFormedAnswers": [ + "The sympathetic nerves regulate essential involuntary body functions." + ] + }, + "truncated_cells": [] + }, + { + "row_idx": 265, + "row": { + "answers": [ + "No Answer Present." + ], + "passages": { + "is_selected": [ + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0 + ], + "passage_text": [ + "Part One: Create Your List of Addresses in Microsoft Excel. 1 Be sure to use column headings in the Excel document as those column headings are what you will need as the merge fields for the actual labels within Word. Add all of your names and addresses to the sheet.", + "1 Click “Start Mail Merge” (in older versions of Word I believe this is called Mail Merge Wizard). 2 From the Mail Merge options you want to select “Labels”. A pop-up window is displayed allowing you to select the type of label you are creating (the most popular mailing labels are Avery 5160).", + "Click the “File” tab. Click “Save As.” Type a name for the file holder label sheet and click the “Save” button. Turn on the printer and load in the label paper. Check your printer to see whether to load the labels face up or down. Don't overload or jam the printer. Click the “File” tab. Click “Print.” Choose your printer from the menu. Click the “Copies” box to reach the number of sheets of labels to print. Click the “Print” button to print. Some file holders and folders have their brand and size printed on them in the crease or accordion fold area, but not all.", + "To make sure that Word can find a column in your data file that corresponds to every address element, you might need to map the mail merge fields in Word to the columns in your Excel spreadsheet. To map the fields, click Match Fields in the Write & Insert Fields group on the Mailings tab.", + "1 Close Excel. Open Word and go to Tools/Letters and Mailings/Mail Merge. If the Task Pane is not open on the right side of the screen, go to View/Task Pane and click on it. The Task Pane should appear.", + "1 From the Mail Merge options you want to select “Labels”. A pop-up window is displayed allowing you to select the type of label you are creating (the most popular mailing labels are Avery 5160). Click “OK” once you’ve selected the appropriate label type.", + "1 Close Excel. Open Word and go to Tools/Letters and Mailings/Mail Merge. 1 If the Task Pane is not open on the right side of the screen, go to View/Task Pane and click on it. The Task Pane should appear. Fill the Labels radio button In the Task Pane. Click on Label Options and choose the label you are using from the list. Click OK once you have chosen. Click on Next: Select Recipients. Click on Browse and browse to the file you just saved in Excel and saved in My Documents.", + "Launch Word and click the “Mailings” tab. Click the “Labels” button on the ribbon. Click the picture of a label -- Word’s default is an image from the vendor Avery -- then click the “Label vendors” drop-down menu. Click the name of the brand of file holders you’re using, usually printed on the folder holders.", + "Part Two: Creating the Mailing Labels in Word. 1 Open a new document in Word and go to the Mailings section. 2 Click “Start Mail Merge” (in older versions of Word I believe this is called Mail Merge Wizard). From the Mail Merge options you want to select “Labels”.", + "1 Open a new document in Word and go to the Mailings section. 2 Click “Start Mail Merge” (in older versions of Word I believe this is called Mail Merge Wizard). From the Mail Merge options you want to select “Labels”." + ], + "url": [ + "http://www.thevirtualasst.com/create-mailing-labels-excel-word", + "http://www.thevirtualasst.com/create-mailing-labels-excel-word", + "http://yourbusiness.azcentral.com/create-print-file-holder-labels-using-word-1968.html", + "https://support.office.com/en-us/article/Create-and-print-mailing-labels-for-an-address-list-in-Excel-D9AE0B60-9FD0-4A90-9DA9-0EC3A4B011B2", + "http://www.wikihow.com/Mail-Merge-Address-Labels-Using-Excel-and-Word", + "http://www.thevirtualasst.com/create-mailing-labels-excel-word", + "http://www.wikihow.com/Mail-Merge-Address-Labels-Using-Excel-and-Word", + "http://yourbusiness.azcentral.com/create-print-file-holder-labels-using-word-1968.html", + "http://www.thevirtualasst.com/create-mailing-labels-excel-word", + "http://www.thevirtualasst.com/create-mailing-labels-excel-word" + ] + }, + "query": "how to create labels from excel file", + "query_id": 353590, + "query_type": "DESCRIPTION", + "wellFormedAnswers": [] + }, + "truncated_cells": [] + }, + { + "row_idx": 266, + "row": { + "answers": [ + "March 17" + ], + "passages": { + "is_selected": [ + 0, + 0, + 0, + 1, + 0, + 0, + 0, + 0, + 0, + 0 + ], + "passage_text": [ + "New York City events calendar - April 2017. Best film festivals, fun things to do, weekend shows, discount tickets, theater, Easter parade, egg hunts, events in NYC, New York. Best events for 12 months events12.com.", + "The NYC St. Patricks Day Parade. Oldest Parade in America. The NYC St. Patrick’s Day Parade can be viewed along 5th Avenue between 44th Street and 79th Street from 11:00 a.m. to 5:00 p.m. The Parade can also be watched live on NBCNewYork.com beginning at 11:00 a.m. on March 17.", + "On April 17, 1907, more immigrants entered the U.S. through Ellis Island than any other day in history. In recognition of that fact, this year Immigrant Heritage Week starts on April 17th and runs through April 23rd. The City hosts a number of celebratory events throughout the week. Find out more about IHW events.", + "March 17. The New York City St. Patrick's Day Parade is one of the city's greatest traditions. On this day, everyone is Irish in the Big Apple! The Parade marched for the first time on March 17, 1762 - fourteen Years before the signing of the Declaration of Independence and today it is the largest parade in the world.", + "Veterans Day Parade 2016 in New York City: Time, livestream, how to watch 'America's Parade'. 'America's Parade' will make its way through New York City today. The nation's largest Veterans Day Parade will be making its way through New York City today. The event, known as America's Parade, will feature more than 20,000 participants, including veterans from all eras, military units, civic and youth groups and school bands from around the country marching up Fifth Avenue from 23rd Street to 53rd Street.", + "New York City events calendar - April 2017. Best film festivals, fun things to do, weekend shows, discount tickets, theater, Easter parade, egg hunts, events in NYC, New York. Enjoy the best New York City events, festivals, and things to do with this calendar of events. Distance is from Rockefeller Center in Midtown Manhattan.", + "A woman in an elaborate costume marches towards the end of the parade route, September 1, 2008. The Labor Day Parade (or West Indian Carnival) is an annual celebration held on American Labor Day (the first Monday in September) in Crown Heights, Brooklyn, in New York City. The main event is the West Indian Day Parade, which attracts between one and three million participants.", + "How to See the 2017 Macy's Thanksgiving Day Parade. Our array of Thanksgiving Parade route and area hotels, viewing options, holiday meals, tours and activities give you a unique opportunity to enjoy the Macy's Thanksgiving Day Parade the way you want to - comfortably!", + "Immigrant Heritage WeekApr 17, All Day EventAcross all of NYC. The City of New York is the ultimate city of immigrants. Each year, New Yorkers hold a week-long celebration of our collective immigrant heritage – Immigrant Heritage Week (IHW). Our theme this year is: Immigrants are NY: Upholding our Values.", + "New York City Parades. What better city to experience a parade in than New York City, the world's melting pot of cultures and people. Find a parade of interest in our listings and don't miss this great NYC tradition. Also, see our listings for film festivals, arts & music festivals and other celebrations." + ], + "url": [ + "https://www.events12.com/newyork/", + "https://www.nycstpatricksparade.org/parade/", + "http://www1.nyc.gov/events/index.page", + "http://www.mustseenewyork.com/parades.html", + "http://www.al.com/news/index.ssf/2016/11/veterans_day_parade_2016_in_ne.html", + "https://www.events12.com/newyork/", + "https://en.wikipedia.org/wiki/Labor_Day_Carnival", + "http://www.nyctrip.com/Pages/Index.aspx?PageID=1748", + "http://www1.nyc.gov/events/index.page", + "http://www.mustseenewyork.com/parades.html" + ] + }, + "query": "what day is the parade in new york city", + "query_id": 616955, + "query_type": "NUMERIC", + "wellFormedAnswers": [ + "The parade is on March 17 in New York City." + ] + }, + "truncated_cells": [] + }, + { + "row_idx": 267, + "row": { + "answers": [ + "No Answer Present." + ], + "passages": { + "is_selected": [ + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0 + ], + "passage_text": [ + "Blood alcohol content (BAC) or blood alcohol level is the concentration of alcohol in the bloodstream. It is usually measured as mass per volume. For example, a BAC of 0.04% means 0.4% (permille) or 0.04 grams of alcohol per 100 grams of individual's blood.Use the HealthStatus BAC Calculator for informational purposes only, and not to drink and drive or drink and work.Every state in the U.S. has a legal Blood Alchohol (BAC) limit of 0.08% per se.t is usually measured as mass per volume. For example, a BAC of 0.04% means 0.4% (permille) or 0.04 grams of alcohol per 100 grams of individual's blood.", + "Blood alcohol content (BAC) or blood alcohol concentration is the concentration of alcohol in blood. It is usually measured as mass per volume. For example, a BAC of 0.02% means 0.2% (permille) or 0.02 grams of alcohol per 100 grams of individual's blood, or 0.2 grams of alcohol per 1000 grams of blood.Use the BAC Calculator, (Blood Alcohol Calculator below to calculate your BAC levels.or example, a BAC of 0.02% means 0.2% (permille) or 0.02 grams of alcohol per 100 grams of individual's blood, or 0.2 grams of alcohol per 1000 grams of blood.", + "Blood Alcohol Content. Once you know the definition of one standard drink, you can estimate your Blood Alcohol Content (a.k.a. blood alcohol level; BAL). BAC levels represent the percent of your blood that is concentrated with alcohol. A BAC of .10 means that .1% of your bloodstream is composed of alcohol.Click on the link below and enter your name, weight, and gender. The printout will give you your BAC level by drinks consumed per hour.Print out your personalized chart and return to this page. BAC of .10 means that .1% of your bloodstream is composed of alcohol. Click on the link below and enter your name, weight, and gender. The printout will give you your BAC level by drinks consumed per hour. Print out your personalized chart and return to this page.", + "1 As you increase the number of drinks per hour, your blood alcohol level steadily increases. 2 The strength of alcohol (proof or percentage) in the drink. 3 Your weight. 4 The more you weigh, the more water is present in your body, which dilutes the alcohol and lowers the blood alcohol level.5 Your sex.hings that affect how quickly the blood alcohol level rises in the body include: 1 The number of drinks per hour. 2 As you increase the number of drinks per hour, your blood alcohol level steadily increases. 3 The strength of alcohol (proof or percentage) in the drink. 4 Your weight.", + "2 What Is Blood Alcohol Concentration? Your blood alcohol concentration, or BAC, is the amount of alcohol in your blood. For example, if a person’s A is .05% , that means they have 50 milligrams of alcohol in 100 millitres of blood.Each drink you have within a certain timeframe increases your BAC.Alcohol moves through your bloodstream to your whole body. What Is Blood Alcohol Concentration? Your blood alcohol concentration, or BAC, is the amount of alcohol in your blood. For example, if a person’s A is .05% , that means they have 50 milligrams of alcohol in 100 millitres of blood.", + "According to the National Institute on Alcohol Abuse and Alcoholism binge drinking is defined as a pattern of alcohol consumption that brings the blood alcohol concentration (BAC) level to 0.08% or more.ccording to the National Institute on Alcohol Abuse and Alcoholism binge drinking is defined as a pattern of alcohol consumption that brings the blood alcohol concentration (BAC) level to 0.08% or more.", + "Blood alcohol content is usually expressed as a percentage of ethanol in the blood in units of mass of alcohol per volume of blood or mass of alcohol per mass of blood, depending on the country.lood alcohol content is usually expressed as a percentage of ethanol in the blood in units of mass of alcohol per volume of blood or mass of alcohol per mass of blood, depending on the country.", + "After that, the alcohol is simply building up in your system and your BAC will continue to rise with each drink. The following charts provides a general idea of how many drinks it takes to get to the .05% and .08% BAC levels, based on weight, standard drinks and a metabolism rate of a .015% decrease in BAC per hour. What Is Blood Alcohol Concentration? Your blood alcohol concentration, or BAC, is the amount of alcohol in your blood. For example, if a person’s A is .05% , that means they have 50 milligrams of alcohol in 100 millitres of blood.", + "Things that affect how quickly the blood alcohol level rises in the body include: 1 The number of drinks per hour. 2 As you increase the number of drinks per hour, your blood alcohol level steadily increases. 3 The strength of alcohol (proof or percentage) in the drink.4 Your weight.hings that affect how quickly the blood alcohol level rises in the body include: 1 The number of drinks per hour. 2 As you increase the number of drinks per hour, your blood alcohol level steadily increases. 3 The strength of alcohol (proof or percentage) in the drink. 4 Your weight.", + "A person's blood-alcohol level is the result of a complex interaction of weight, gender, alcohol consumed, and time. Drinks Consumed (12 ounces beer or equivalent) 1 2 3 4 5 6 7 8 9.Over Time Period (hours) 1 2 3 4 5 6.Gender Female Male..A.C.: A person's blood-alcohol level is the result of a complex interaction of weight, gender, alcohol consumed, and time. Drinks Consumed (12 ounces beer or equivalent) 1 2 3 4 5 6 7 8 9. Over Time Period (hours) 1 2 3 4 5 6." + ], + "url": [ + "https://www.healthstatus.com/calculate/blood-alcohol-bac-calculator", + "http://bloodalcoholcalculator.org/", + "http://academics.lmu.edu/headsup/forstudents/bloodalcoholcontent/", + "http://www.webmd.com/mental-health/addiction/blood-alcohol?page=3", + "http://madd.ca/media/docs/ABCs%20_of_BACs_FINALdoc.pdf", + "http://www.cdc.gov/alcohol/faqs.htm", + "https://en.wikipedia.org/wiki/Blood_alcohol_content", + "http://madd.ca/media/docs/ABCs%20_of_BACs_FINALdoc.pdf", + "http://www.webmd.com/mental-health/addiction/blood-alcohol?page=3", + "http://www.insure.com/car-insurance/blood-alcohol-calculator.html" + ] + }, + "query": "alcohol blood level per drink", + "query_id": 15242, + "query_type": "NUMERIC", + "wellFormedAnswers": [] + }, + "truncated_cells": [] + }, + { + "row_idx": 268, + "row": { + "answers": [ + "No Answer Present." + ], + "passages": { + "is_selected": [ + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0 + ], + "passage_text": [ + "Duckies is old English slang for boobs. There are love letters from Henry the 8th to Anne Boleyn saying that he cannot wait to rest his head upon her fine fine duckies.", + "Special Agent Caitlin Kate Todd (Sasha Alexander) first appears in the episode Yankee White. Todd is a former Secret Service agent, recruited by Gibbs after she successfully helped him solve a murder aboard Air Force One.", + "NCIS is an American dramatic police procedural television series, revolving around a fictional team of special agents from the Naval Criminal Investigative Service, which investigates crimes involving the U.S. Navy and Marine Corps.", + "So named as when thrown it requires one to crouch down or as the term goes 'to duck.'. 'Ducking' was primarily considered the best form of defence against such attack until, as a species, we became more intelligent and in fact 'running' is now considered much more effective.", + "A rather large stone used as a form of primative weaponary. 'Ducking' was primarily considered the best form of defence against such attack until, as a species, we became more intelligent and in fact 'running' is now considered much more effective.", + "The series premiered on September 23, 2003 featuring an ensemble cast which has included Mark Harmon, Sasha Alexander, Michael Weatherly, Cote de Pablo, Pauley Perrette, Sean Murray, Lauren Holly, Brian Dietzen, Emily Wickersham, with Rocky Carroll, and David McCallum.", + "Abigail Abby Sciuto (Pauley Perrette) is a forensic specialist with NCIS. As indicated in the episode Seadog, she is the adopted child of deaf parents. She later learns that she has a biological brother, whom she reconnects with in season ten.", + "Diane Sterling (formerly Gibbs, Fornell) (Melinda McGraw) is the first ex-wife of NCIS Special Agent Leroy Jethro Gibbs, the ex-wife of FBI Special Agent Tobias Fornell and DHS Special Agent Victor Sterling, and the mother of Emily Fornell.", + "In which case, usually the 'attacker' then becomes 'defendee.'. Thus, my opinion is that the name of this here weaponary be changed in fact to 'a Runner.' Although I admit, it does not have quite the same ring to it, nor would it prevoke the same sense of fear when used as verbal in attack.", + "Durkee® products bring the freshest flavors from all over the world straight to your table. Bring out the fullest flavors in your food. See how simple fresh flavor is with Durkee® products. for Foodservice." + ], + "url": [ + "http://www.urbandictionary.com/define.php?term=ducky", + "https://en.wikipedia.org/wiki/Ducky_Mallard", + "https://en.wikipedia.org/wiki/Ducky_Mallard", + "http://www.urbandictionary.com/define.php?term=Ducker", + "http://www.urbandictionary.com/define.php?term=Ducker", + "https://en.wikipedia.org/wiki/Ducky_Mallard", + "https://en.wikipedia.org/wiki/Ducky_Mallard", + "https://en.wikipedia.org/wiki/Ducky_Mallard", + "http://www.urbandictionary.com/define.php?term=Ducker", + "http://www.durkee.com/durkee-home" + ] + }, + "query": "what is a duckee", + "query_id": 682273, + "query_type": "DESCRIPTION", + "wellFormedAnswers": [] + }, + "truncated_cells": [] + }, + { + "row_idx": 269, + "row": { + "answers": [ + "Formed in the liver when sugars are attached (conjugated) to bilirubin." + ], + "passages": { + "is_selected": [ + 0, + 0, + 0, + 0, + 0, + 1, + 0, + 0, + 0, + 0 + ], + "passage_text": [ + "Conjugated bilirubin. A water-soluble form of bilirubin formed in the liver by the chemical addition of sugar molecules to unconjugated bilirubin; when present in the blood, conjugated bilirubin can become chemically bound to albumin, forming delta-bilirubin (also known as biliprotein).onjugated bilirubin. A water-soluble form of bilirubin formed in the liver by the chemical addition of sugar molecules to unconjugated bilirubin; when present in the blood, conjugated bilirubin can become chemically bound to albumin, forming delta-bilirubin (also known as biliprotein).", + "unconjugated bilirubin. bilirubin that has not been conjugated in the liver. It gives an indirect reaction to the van den bergh test. A high level of it in the blood is indicative of hemolysis or a lack of bilirubin clearance by the liver.Called also free bilirubin.ilirubin that has not been conjugated in the liver. It gives an indirect reaction to the van den bergh test. A high level of it in the blood is indicative of hemolysis or a lack of bilirubin clearance by the liver.", + "bilirubin. an orange bile pigment produced by the breakdown of heme and reduction of biliverdin; it normally circulates in plasma and is taken up by liver cells and conjugated to form bilirubin diglucuronide, the water-soluble pigment excreted in the bile.ilirubin that has not been conjugated in the liver. It gives an indirect reaction to the van den bergh test. A high level of it in the blood is indicative of hemolysis or a lack of bilirubin clearance by the liver.", + "Bilirubin that is bound to a certain protein is called unconjugated, or indirect, bilirubin. Conjugated, or direct, bilirubin travels freely through your bloodstream to your liver. Most of this bilirubin passes into the small intestine, but a very small amount passes into your kidneys and is excreted in your urine.ilirubin is a substance made when your body breaks down old red blood cells, a normal process. Bilirubin is also part of bile, which your liver makes to help digest the food you eat. A small amount of bilirubin in your blood is normal. Healthy adults produce 250 to 350 milligrams (mg) of bilirubin each day.", + "If bilirubin is not being attached to sugars (conjugated) in the liver and/or is not being adequately removed from the blood, it can mean that there is damage to your liver. Testing for bilirubin in the blood is therefore a good test of damage to your liver.ilirubin is a yellow pigment that is in everyone’s blood and stool. If you notice a yellowing of your skin or the whites of your eyes, this is called jaundice, and it may be caused by high levels of bilirubin. Bilirubin is made in the body when old red blood cells are broken down.", + "1 Small amounts may be present in the blood. 2 Conjugated bilirubin —formed in the liver when sugars are attached (conjugated) to bilirubin. 3 It enters the bile and passes from the liver to the small intestines and is eventually eliminated in the stool. 4 Normally, no conjugated bilirubin is present in the blood.wo forms of bilirubin can be measured or estimated by laboratory tests: 1 Unconjugated bilirubin —when heme is released from hemoglobin, it is converted to unconjugated bilirubin. 2 Conjugated bilirubin —formed in the liver when sugars are attached (conjugated) to bilirubin.", + "A small amount is excreted in the urine as urobilinogen. conjugated bilirubin. bilirubin that has been conjugated, mainly to glucuronic acid, in the liver and gives a direct result to the van den bergh test. High blood levels indicate obstructive or hepatocellular origin of the jaundice.ilirubin. an orange bile pigment produced by the breakdown of heme and reduction of biliverdin; it normally circulates in plasma and is taken up by liver cells and conjugated to form bilirubin diglucuronide, the water-soluble pigment excreted in the bile.", + "Bilirubin is a yellowish breakdown product of the heme. It is a part of the hemoglobin molecule that is in the red blood cells. It is thrown out of our body by means of bile or urine.Hence an increase in the level of bilirubin indicates the person could be suffering from certain diseases like jaundice.ilirubin is a yellowish breakdown product of the heme. It is a part of the hemoglobin molecule that is in the red blood cells. It is thrown out of our body by means of bile or urine.", + "unconjugated bilirubin. bilirubin that has not been conjugated in the liver. It gives an indirect reaction to the van den bergh test. A high level of it in the blood is indicative of hemolysis or a lack of bilirubin clearance by the liver.ilirubin. an orange bile pigment produced by the breakdown of heme and reduction of biliverdin; it normally circulates in plasma and is taken up by liver cells and conjugated to form bilirubin diglucuronide, the water-soluble pigment excreted in the bile.", + "A bilirubin test is used to detect an increased level in the blood. It may be used to help determine the cause of jaundice and/or help diagnose conditions such as liver disease, hemolytic anemia, and blockage of the bile ducts.wo forms of bilirubin can be measured or estimated by laboratory tests: 1 Unconjugated bilirubin —when heme is released from hemoglobin, it is converted to unconjugated bilirubin. 2 Conjugated bilirubin —formed in the liver when sugars are attached (conjugated) to bilirubin." + ], + "url": [ + "https://labtestsonline.org/glossary/conjugated", + "http://medical-dictionary.thefreedictionary.com/Conjugated+bilirubin", + "http://medical-dictionary.thefreedictionary.com/Conjugated+bilirubin", + "http://www.urmc.rochester.edu/encyclopedia/content.aspx?ContentTypeID=167&ContentID=bilirubin_direct", + "http://www.healthline.com/health/bilirubin-blood", + "https://labtestsonline.org/understanding/analytes/bilirubin/tab/test", + "http://medical-dictionary.thefreedictionary.com/unconjugated+bilirubin", + "http://www.medicalhealthtests.com/articles/530/general-articles/unconjugated-vs-conjugated-bilirubin.html", + "http://medical-dictionary.thefreedictionary.com/unconjugated+bilirubin", + "https://labtestsonline.org/understanding/analytes/bilirubin/tab/test" + ] + }, + "query": "what is conjugated bilirubin", + "query_id": 733148, + "query_type": "DESCRIPTION", + "wellFormedAnswers": [ + "Conjugated bilirubin is formed in the liver when sugars are attached to bilirubin." + ] + }, + "truncated_cells": [] + }, + { + "row_idx": 270, + "row": { + "answers": [ + "A compression brake." + ], + "passages": { + "is_selected": [ + 0, + 0, + 0, + 1, + 0, + 0, + 0, + 0, + 0, + 0 + ], + "passage_text": [ + "For the best answers, search on this site https://shorturl.im/3E0d8. Your rising sign or Ascendant is a very important part of your horoscope. Your Ascendant is the sign that was rising over the eastern horizon at the time of your birth. That is why it is called the rising sign.", + "I assume it's something that trucks have, because I've never seen a car salesman offer me one, but aside from that I have no idea what a jake brake is or does. Since you are the master of all knowledge, I've decided to ask you to give me the Straight Dope on this device.", + "Unlike the wheel brakes you have on your car, the Jacobs Engine Brake (TM) is a compression release engine brake used by large diesel trucks, especially on steep downgrades. To understand how it works, remember that a diesel engine has much higher compression than a gasoline engine, typically 15:1.", + "The Jake Brake is a compression brake also know as a diesel engine retarder and Jacob F's answer above is absolutely correct. The reason I know this is that in the mid 1970's I was the manager of the department at Jacobs that assembled and tested the Jake Brakes. The Jake Brake is not an exhaust brake.", + "The jake brake slightly opens the exhaust valves when the piston is near top dead center (where ignition normally occurs). On the upstroke, the piston compresses the air in the cylinder to 1/15th its original volume. This creates a lot of drag on the engine.", + "A Jake Brake is an engine brake, also known as a compression brake, which is used to slow down a large vehicle. Diesel engines have greater compression than typical gasoline powered engines, and that compression is used by the Jake Brake to help slow the engine.", + "In short, the jake brake turns a power-producing engine into a power-absorbing air compressor, thus slowing the truck. The brake sits in a box over the engine. The trucker has a switch in the cab where she can choose how many cylinders to cut out; the more cylinders, the more powerful the slowing of the truck.", + "some of the answers are a little bit.. like.. Duh...! An exhaust brake (Jake Brake) is a way of slowing a diesel engined vehicle by closing off the exhaust from the engine, this causes the exhaust gas to be compressed in the exhaust manifold, and in the cylinder.", + "The company produces light-duty, medium-duty, and heavy-duty engine brakes, recreational vehicle exhaust brakes, aftermarket parts and tune-up kits to heavy-duty diesel engine manufacturers in the United States, Asia and Europe. The company was incorporated in 1990 and is based in Bloomfield, Connecticut.", + "A “Jake Brake” is an engine compression release brake used especially for steep hill downgrades. The Jake Brake opens the exhaust valves when the piston is near top dead center (where ignition normally occurs). On the upstroke, the piston compresses the air in the cylinder to 1/15th its original volume, which creates drag on the engine. The Jacobs Engine Brake then releases the compressed air and the energy stored in it before it can push back on the piston during the down stroke. The Jake Brake turns a power producing engine into a power absorbing air compressor and in turn, causes the truck to slow down." + ], + "url": [ + "https://answers.yahoo.com/question/index?qid=20070906140711AAWS7BT", + "http://www.straightdope.com/columns/read/1501/what-are-jake-brakes-and-why-are-they-prohibited-in-some-locations", + "http://www.straightdope.com/columns/read/1501/what-are-jake-brakes-and-why-are-they-prohibited-in-some-locations", + "https://answers.yahoo.com/question/index?qid=20100504143008AApjM6I", + "http://www.straightdope.com/columns/read/1501/what-are-jake-brakes-and-why-are-they-prohibited-in-some-locations", + "https://answers.yahoo.com/question/index?qid=20100504143008AApjM6I", + "http://www.straightdope.com/columns/read/1501/what-are-jake-brakes-and-why-are-they-prohibited-in-some-locations", + "https://answers.yahoo.com/question/index?qid=20100504143008AApjM6I", + "https://en.wikipedia.org/wiki/Jacobs_Vehicle_Systems", + "https://en.wikipedia.org/wiki/Jacobs_Vehicle_Systems" + ] + }, + "query": "what is a jake brake", + "query_id": 687737, + "query_type": "DESCRIPTION", + "wellFormedAnswers": [] + }, + "truncated_cells": [] + }, + { + "row_idx": 271, + "row": { + "answers": [ + "No Answer Present." + ], + "passages": { + "is_selected": [ + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0 + ], + "passage_text": [ + "Bangad Name Meaning Historically, surnames evolved as a way to sort people into groups - by occupation, place of origin, clan affiliation, patronage, parentage, adoption, and even physical characteristics (like red hair).", + "Users are now asking for help:chalk pieace (English>Tamil) | essay amar jiboner golpo (English>Bengali) | prendre en consideració (Catalan>English) | chut ki tasveer (Hindi>English) | xxn video (Latin>English) | meaning off to quezon city (English>Tagalog) | good morning to all and one present here (English>Hindi) | remind me later (English>Hindi) | auguri befana (Italian>English) | sirang bahay (English>Tagalog) | divyangulu (English>Telugu) | schema (Italian>Romanian) | αξιακή ...", + "Welcome to Bisaya English Translations and Dictionary. Translate Bisaya terms to English by typing the bisaya (including visayan and cebuano) word, group of words or phrase in the search box. Learn the most widely spoken language in the Philippines which is the Bisaya (visayan and/or cebuano) language.", + "Most English definitions are provided by WordNet. English thesaurus is mainly derived from The Integral Dictionary (TID). English Encyclopedia is licensed by Wikipedia (GNU).", + "Use Ilocano in a sentence. 1 pl. -·nos or -·no a member of a people of N Luzon. 2 the Austronesian language of this people.", + "Ilokano is a language spoken in the Philippines. The language is: Ilokano Dictionary source: JM Languages More: English to English translation of Ilokano", + "Definition of bangad ka nga ubing in Bisaya English. Bisaya to English translation of bangad ka nga ubing is .", + "spanish translation english to spanish translation spanish to english translation french to english translation english to german translation", + "The Online Ilokano Dictionary Project (TOIDP) - Keeping the Ilokano language alive... A free online Ilokano English dictionary tool for you. Translate English Ilokano/Ilocano words now...", + "Its grammar is somewhat in between the original Cebuano language and the Luzon Cebuano dialect. However, speakers from Davao City nowadays exhibits stronger Tagalog influence in their speech by substituting most Cebuano words with Tagalog ones." + ], + "url": [ + "https://www.ancestry.com/name-origin?surname=bangad", + "https://mymemory.translated.net/en/English/Tagalog/bangad", + "http://translate.sandayong.com/translator/bisaya-english", + "http://dictionary.sensagent.com/Bangar/en-en/", + "http://www.yourdictionary.com/ilocano", + "http://translation.babylon-software.com/english/Ilokano/", + "http://translate.sandayong.com/cebuano/english/bangad%20ka%20nga%20ubing", + "http://translation.babylon-software.com/english/Ilokano/", + "https://toidp.com/", + "https://en.wikipedia.org/wiki/Cebuan_language" + ] + }, + "query": "bangad meaning in english", + "query_id": 1174735, + "query_type": "DESCRIPTION", + "wellFormedAnswers": [] + }, + "truncated_cells": [] + }, + { + "row_idx": 272, + "row": { + "answers": [ + "It is a puzzling or difficult problem : an unsolved question The origin of the word is a scholarly crux." + ], + "passages": { + "is_selected": [ + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 1 + ], + "passage_text": [ + "Definition of crux. cruxes. cruces. 1 : a puzzling or difficult problem : an unsolved question The origin of the word is a scholarly crux. 3 : a main or central feature (as of an argument) … he discarded all but the essential cruxes of his argument.", + "Examples from the Web for Las Cruces. Contemporary Examples. Under a lowering sky, the entourage crowds into two Hertz station wagons for the sixty mile drive to Las Cruces. Stacks: Hitting the Note with the Allman Brothers Band Grover Lewis March 14, 2014. The most notorious online recruiter of Americans is Anwar Al-Awlaki, born in Las Cruces, New Mexico.", + "Etymology 2. From cruce. Verb. a cruci (third-person singular present crucește, past participle crucit) 4th conj. (reflexive) to cross oneself, make the sign of the cross. (reflexive, figuratively) to be wonderstruck, dumbfounded, bewildered.", + "Join MWU now and get access to America’s largest dictionary, with: 1 300,000 words that aren't in our free dictionary. 2 Expanded definitions, etymologies, and usage notes. 3 Advanced search features. Ad free!", + "In old English law. Signed or marked with a cross. Pilgrims to the holy land, or crusaders; so called because they wore the sign of the cross upon their garments. Spelman.", + "cruce. 1 First-person singular (yo) present subjunctive form of cruzar. 2 Formal second-person singular (usted) present subjunctive form of cruzar. 3 Third-person singular (él, ella, also used with usted) present subjunctive form of cruzar.", + "You must — there are over 200,000 words in our free online dictionary, but you are looking for one that’s only in the Merriam-Webster Unabridged Dictionary. Join MWU now and get access to America’s largest dictionary, with: 300,000 words that aren't in our free dictionary.", + "Cruce is a surname. Notable people with the surname include: Lee Cruce (1863-1933), second Governor of Oklahoma. Petrus de Cruce (13th century), French music theorist.", + "a city in S New Mexico, on the Rio Grande. Under a lowering sky, the entourage crowds into two Hertz station wagons for the sixty mile drive to Las Cruces. The most notorious online recruiter of Americans is Anwar Al-Awlaki, born in Las Cruces, New Mexico.", + "Definition of crux. plural. cruxes. also. cruces. play \\ˈkrü-ˌsēz\\. 1 : a puzzling or difficult problem : an unsolved question The origin of the word is a scholarly crux. 2 : an essential point requiring resolution or resolving an outcome." + ], + "url": [ + "https://www.merriam-webster.com/dictionary/crux", + "http://www.dictionary.com/browse/las-cruces", + "https://en.wiktionary.org/wiki/cruci", + "https://www.merriam-webster.com/dictionary/cruce", + "http://thelawdictionary.org/cruce-signati/", + "https://en.wiktionary.org/wiki/cruce", + "https://www.merriam-webster.com/dictionary/cruce", + "https://en.wikipedia.org/wiki/Cruce", + "http://www.dictionary.com/browse/las-cruces", + "https://www.merriam-webster.com/dictionary/crux" + ] + }, + "query": "define cruce", + "query_id": 119757, + "query_type": "DESCRIPTION", + "wellFormedAnswers": [] + }, + "truncated_cells": [] + }, + { + "row_idx": 273, + "row": { + "answers": [ + "VanDevere Kia is celebrating America's Independence Day with great savings on new and used Kia models during our 2016 Kia Fourth of July Sale." + ], + "passages": { + "is_selected": [ + 0, + 0, + 0, + 0, + 0, + 1, + 0, + 0 + ], + "passage_text": [ + "Kia Fourth of July Sale 2016. VanDevere Kia in Akron, Ohio. VanDevere Kia is celebrating America's Independence Day with great savings on new and used Kia models during our 2016 Kia Fourth of July Sale.", + "Kia Motors America today announced January sales of 35,626 units, led by the Optima and Soul with 7,849 and 7,792 units sold, respectively. The first month of the year also marks the first retail deliveries of the all-new Niro crossover.", + "Capping off an historic year that saw the Kia brand collect more third-party awards and accolades for quality and reliability than ever before, Kia Motors America (KMA) today announced all-time best annual sales of 647,598 vehicles in 2016, up 3.5 percent over 2015.", + "KIA MOTORS AMERICA ANNOUNCES MARCH SALES. Kia Motors America today announced March sales of 49,429 units, led by the Forte family of compact cars with 10,289 units sold. The month also saw sales of the all-new Niro climb to 2,704 units in the crossover’s second full month of availability.", + "Auto Shows|Events|Kia Motors America|Models|2018 Rio|2018 Rio 5-Door. Kia Motors America today announced March sales of 49,429 units, led by the Forte family of compact cars with 10,289 units sold. The month also saw sales of the all-new Niro climb to 2,704 units in the crossover’s second full month of availability. Kia Motors America|Sales|Models.", + "Kia Fourth of July Sale 2016. VanDevere Kia is celebrating America's Independence Day with great savings on new and used Kia models during our 2016 Kia Fourth of July Sale. Summer fun is here and now is the perfect time to upgrade your vehicle to one with the latest features, coolest designs, superior fuel economy and improved safety.", + "April 2017. Kia Incentives & Rebates. Find out what Kia incentives and rebates are currently being offered this April. As the 2018 Kia incentives roll in, and the 2017 Kia rebates run out, it's important to know how big of a window you have before for the deal you want expires. LotPro.com list all the national new car incentives published by auto makers. For regional offers it is important to consult with your local Kia dealers.", + "Kia Motors America today announced March sales of 49,429 units, led by the Forte family of compact cars with 10,289 units sold. The month also saw sales of the all-new Niro climb to 2,704 units in the crossover’s second full month of availability." + ], + "url": [ + "http://www.kiavandevere.com/Kia-Fourth-Of-July-Sale", + "http://www.kiamedia.com/us/en/media/sales/list", + "http://www.kiamedia.com/us/en/media/sales/list", + "http://www.kiamedia.com/us/en/media/pressreleases/list", + "http://www.kiamedia.com/us/en/media/pressreleases/list", + "http://www.kiavandevere.com/Kia-Fourth-Of-July-Sale", + "http://www.lotpro.com/incentives/kia", + "http://www.kiamedia.com/us/en/media/sales/list" + ] + }, + "query": "kia sales for july", + "query_id": 434314, + "query_type": "NUMERIC", + "wellFormedAnswers": [] + }, + "truncated_cells": [] + }, + { + "row_idx": 274, + "row": { + "answers": [ + "Plate boundaries" + ], + "passages": { + "is_selected": [ + 0, + 0, + 0, + 0, + 0, + 0, + 1, + 0, + 0, + 0 + ], + "passage_text": [ + "As the plates move across the Earth's surface, they interact with one another at plate boundaries, which are places where earthquakes and volcanoes are common. Typically, plate boundaries are also places of great mineral wealth.", + "Convergent boundaries are boundaries where tectonic plates are moving together. Since the edges of both can't be in the same place, one plate will be forced under another plate (and the other above). The plate going 'down' will thus go deeper into the earth - allowing deeper earthquakes to occur.", + "Earthquakes are caused mostly by rupture of geological faults, but also by other events such as volcanic activity, landslides, mine blasts, and nuclear tests. An earthquake's point of initial rupture is called its focus or hypocenter. The epicenter is the point at ground level directly above the hypocenter.", + "Global plate tectonic movement. An earthquake (also known as a quake, tremor or temblor) is the shaking of the surface of the Earth, resulting from the sudden release of energy in the Earth's lithosphere that creates seismic waves.", + "Black dots mark the epicentres of all earthquakes recorded from 1964 to 1999. The most intense earthquake activity is where subduction is taking place, but there is some earthquake activity along the mid-ocean ridges and above mantle ‘hot-spots’.", + "Earthquakes are common at subduction zones, points where one plate moves below another. 1 Earthquakes are common at subductions zones, points where the Earth's plates meet and one plate moves below the other. The powerful earthquakes that are caused by this type of plate movement are known as megathrust earthquakes.", + "Most earthquakes occur on plate boundaries for a variety of reasons. When plates in the earth's crust move, they scrape or bump each other on the edges and boundaries. Therefo…re, the movements of the plates are more likely to be felt along the edges, where all of the activity takes place.", + "Earth's outer layer, the crust, is divided into a set of large moving plates. The lines where they meet are called plate boundaries. There are three main types of plate boundary: divergent, convergent and transform. Plates move away from one another at divergent boundaries.", + "Earthquakes at a Plate Boundary. An earthquake is a sudden motion or trembling in the crust caused by the abrupt release of accumulated stress along a fault, a break in the Earth’s crust. The ‘Ring of Fire’ shows the position of the New Zealand continent within a zone of intense seismic activity around the Pacific Ocean.", + "Most earthquakes occur at the boundaries of tectonic plates. And i think Most earthquakes occur along the edge of the oceanic and continental plates. The earth's crust (the ou…ter layer of the planet) is made up of several pieces, called plates." + ], + "url": [ + "http://www.bbc.co.uk/science/earth/surface_and_interior/plate_boundary", + "http://www.answers.com/Q/Why_do_most_deep_earthquakes_occur_at_convergent_boundaries", + "https://en.wikipedia.org/wiki/Tectonic_earthquake", + "https://en.wikipedia.org/wiki/Tectonic_earthquake", + "https://www.gns.cri.nz/Home/Learning/Science-Topics/Earthquakes/Earthquakes-at-a-Plate-Boundary", + "http://www.bbc.co.uk/science/earth/surface_and_interior/plate_boundary", + "http://www.answers.com/Q/Why_do_most_deep_earthquakes_occur_at_convergent_boundaries", + "http://www.bbc.co.uk/science/earth/surface_and_interior/plate_boundary", + "https://www.gns.cri.nz/Home/Learning/Science-Topics/Earthquakes/Earthquakes-at-a-Plate-Boundary", + "http://www.answers.com/Q/Why_do_most_deep_earthquakes_occur_at_convergent_boundaries" + ] + }, + "query": "what boundaries have the most earthquakes", + "query_id": 579741, + "query_type": "DESCRIPTION", + "wellFormedAnswers": [ + "Plate boundaries have the most earthquakes." + ] + }, + "truncated_cells": [] + }, + { + "row_idx": 275, + "row": { + "answers": [ + "AIH is stands for Artificial Insemination Homologous." + ], + "passages": { + "is_selected": [ + 0, + 1, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0 + ], + "passage_text": [ + "Learn what your goal AHI should be to maximize the benefits of using CPAP for optimal therapy and how the pressures are determined and should be adjusted.", + "What is the full form of AIH ? | What does AIH stand for? Find what does AIH stand for and its field of usage ? Fullyexpanded.com is an abbreviation and acronyms dictionary. Find AIH meaning. Full form of AIH with definition and meaning are given below AIH » Artificial Insemination Homologous Physiology Advertisement: More full forms : AIHA AIHA AIHA AIHA AIHA AIH full form Meaning of AIH What does AIH means", + "What does AIH mean? The list of 12 construals of AIH abbreviation or acronym on the slang term: AIH. We are providing world most immensely colossal and most comprehensive acronyms, abbreviations directory and search engine for acronyms on the Internet. Abbreviations Finder contains more than 7 million abbreviations and acronyms.", + "What is the full form meaning of AIH? Abbreviation for AIH, The World largest and most authoritative acronyms and abbreviation Dictionary.", + "When someone stands out from a large group for example if someone is wearing something appealing like a zebra printed onsie in the middle of town you would stand out because e … veryone would be looking at you.", + "A baby can not stand. A house divided against itself cannot stand is a quote from an English language translation of the Gospel of Mark. The quote was used in a famous sp … eech by Abraham Lincoln in regard to the U.S. Civil War.", + "All Acronyms. AIH... http://www.allacronyms.com/AIH... Published January 14, 2018. Accessed January 14, 2018. CSE All Acronyms. AIH.. [Internet]; Jan 14, 2018 [cited 2018 Jan 14]. Available from: http://www.allacronyms.com/AIH... MHRA 'AIH..', All Acronyms, 14 January 2018, [accessed 14 January 2018] Bluebook All Acronyms, AIH.. (Jan. 14, 2018, 11:01 PM), available at http://www.allacronyms.com/AIH... CSE All Acronyms. AIH.. [Internet]; January 14, 2018 [cited 2018 JAN 14]. Available from: http://www.allacronyms.com/AIH...", + "AIH is distinguished from artificial insemination by donor (AID) in which the donor is a man other than the woman's mate.", + "All Acronyms. 2018. AIH... Retrieved January 14, 2018, from http://www.allacronyms.com/AIH.. Chicago All Acronyms. 2018. AIH... http://www.allacronyms.com/AIH.. (accessed January 14, 2018). Harvard All Acronyms. 2018. AIH.., All Acronyms, viewed January 14, 2018, MLA All Acronyms. AIH... 14 January 2018.", + "Know what does AIH stand for? All the full form of AIH with definition and full meaning. Where is AIH used for and AIH meaning from the acronym and abbreviation dictionary" + ], + "url": [ + "https://www.verywell.com/sleep-apnea-what-is-my-goal-ahi-with-cpap-treatment-3015054", + "http://fullyexpanded.com/abbreviation/aih.html", + "http://www.allabbreviations.co.in/aih/", + "http://www.allabbreviations.co.in/aih/", + "http://www.answers.com/Q/What_does_AIH_stand_for", + "http://www.answers.com/Q/What_does_AIH_stand_for", + "https://www.allacronyms.com/AIH..", + "http://www.answers.com/Q/What_does_AIH_stand_for", + "https://www.allacronyms.com/AIH..", + "http://fullyexpanded.com/abbreviation/aih.html" + ] + }, + "query": "what does aih stand for", + "query_id": 631279, + "query_type": "DESCRIPTION", + "wellFormedAnswers": [] + }, + "truncated_cells": [] + }, + { + "row_idx": 276, + "row": { + "answers": [ + "It is an abbreviated version of weblog, which is a term used to describe websites that maintain an ongoing chronicle of information." + ], + "passages": { + "is_selected": [ + 0, + 0, + 0, + 0, + 1, + 0, + 0, + 0, + 0, + 0 + ], + "passage_text": [ + "There are a few caveats when you go with free blog sites: 1 You have a shared domain (this website on WordPress.com would be www.blogbasics.wordpress.com, for example). 2 You don’t technically own the blog or its content. 3 You won’t be able to make a lot of money on a free blog.", + "Know your audience. Find out which posts are a hit with Blogger’s built-in analytics. You’ll see where your audience is coming from and what they’re interested in. You can even connect your blog directly to Google Analytics for a more detailed look. Save the moments that matter.", + "A blogger is a person who owns or runs a blog or a person who maintains the blog. That is, posting articles or new posts, information, sharing the most up-to-date news, opinions and case studies to name but a few. Such entries are known as blog posts.", + "Let me explain you what actually blogging is. Actually Blogging is a very Creative thing to do. It’s totally different and awesome thing which makes you feel better. Many people do it as a Passion and many others do Blogging to make money from their blogs. Lets go In Details, Blogging is a Term Derived from word “Blog“.", + "What is a blog? Blog is an abbreviated version of weblog, which is a term used to describe websites that maintain an ongoing chronicle of information. A blog features diary-type commentary and links to articles on other websites, usually presented as a list of entries in reverse chronological order.", + "A Blog is an abbreviated word used for term “Weblog“, This is a word used to describe different type of Websites and Portals which share information on specific topics or wider categories. It usually includes Features like Blog Posts, Videos, Comments, Links to other websites, Widgets, etc.", + "So you’ve heard the term “blog” and you want to know what blogs are all about. Well you’ve come to the right place. In this series of articles we will take you from asking what a blog is to having all the knowledge you need to start a blog of your own.", + "Blog (noun) – a journal or diary that is on the Internet. Blogger (noun) – a person who keeps a blog – Bloggers are revolutionizing the way news is shared. Blog (verb) – to write a blog – I am going to blog before breakfast this morning. Blogging (verb) – the action of writing a blog – Blogging is my way of sharing my passions with the world.", + "Create your blog and share your voice. Plug into the biggest community of publishers online. WordPress.com has millions of users waiting to find you. All the features you need and more. Choose the most popular blogging software on the web for your online home. Start a blog Learn more.", + "How to Choose a Blogging Platform. There are two types of blogging sites you can go with. Free blog sites and self-hosted blog sites. There are a few caveats when you go with free blog sites: You have a shared domain (this website on WordPress.com would be www.blogbasics.wordpress.com, for example)." + ], + "url": [ + "http://blogbasics.com/free-blog-sites/", + "https://www.blogger.com/about/", + "https://codex.wordpress.org/Introduction_to_Blogging", + "http://blogginggame.com/what-is-blogging-who-is-blogger-what-is-blog/", + "https://codex.wordpress.org/Introduction_to_Blogging", + "http://blogginggame.com/what-is-blogging-who-is-blogger-what-is-blog/", + "http://blogbasics.com/what-is-a-blog/", + "http://blogbasics.com/what-is-a-blog/", + "https://wordpress.com/", + "http://blogbasics.com/free-blog-sites/" + ] + }, + "query": "what is blog sites? blogger", + "query_id": 724689, + "query_type": "DESCRIPTION", + "wellFormedAnswers": [] + }, + "truncated_cells": [] + }, + { + "row_idx": 277, + "row": { + "answers": [ + "Neurons" + ], + "passages": { + "is_selected": [ + 1, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0 + ], + "passage_text": [ + "Glial cells, sometimes called neuroglia or simply glia (Greek γλοία glue; pronounced in English as either /ˈɡliːə/ or /ˈɡlaɪə/), are non-neuronal cells that maintain homeostasis, form myelin, and provide support and protection for neurons in the central nervous system and peripheral nervous system.n general, neuroglial cells are smaller than neurons; there are about 86 billion neurons and 85 billion nonneuronal (glial) cells in the human male brain. Glial cells comprise about half the total volume of the brain and spinal cord.", + "A neuron (/ˈnjʊərɒn/ NYEWR-on or /ˈnʊərɒn/ NEWR-on; also known as a neurone or nerve cell) is an electrically excitable cell that processes and transmits information through electrical and chemical signals. These signals between neurons occur via synapses, specialized connections with other cells.Neurons can connect to each other to form neural networks. Neurons are the core components of the brain and spinal cord of the central nervous system (CNS), and of the ganglia of the peripheral nervous system (PNS).eurons can connect to each other to form neural networks. Neurons are the core components of the brain and spinal cord of the central nervous system (CNS), and of the ganglia of the peripheral nervous system (PNS).", + "by Naveen. Neurons vs Neuroglia. The nervous system is made up of two major types of cells known as neurons and neuroglia. However, many have an understanding that there are only neurons in the nervous system, and the supporting cells are forgotten. Neuron has an axon but, not in neuroglia. • Neuroglia form myelin but those are present and functional in the axon of neurons. • Neuroglia form packaging media between nerve cells in the brain and spinal cord and but not the neurons.", + "The central nervous system (CNS) consists of neurons and glial cells. Glial cells are astrocytes, oligodendroglia, ependymal cells, and microglia. With H&E stains, the CNS resembles mesenchymal tissues in which cells are set in an extracellular matrix.eurons come in all sizes. Motor neurons, which are the largest cells in the CNS, have a cell body measuring up to 135 microns. Granular neurons of the cerebellum, which are the smallest, measure 4 microns.", + "1 Neurons CAN generate action potentials...glial cells CANNOT. 2 However, glial cells do have a resting potential. 3 Neurons HAVE synapses that use neurotransmitters...glial cells do NOT have chemical synapses. 4 There are many MORE (10-50 times more) glial cells in the brain compared to the number of neurons.here are a few ways in which glia cells are different from neurons: 1 Neurons have TWO processes called axons and dendrites....glial cells have only ONE. 2 Neurons CAN generate action potentials...glial cells CANNOT. 3 However, glial cells do have a resting potential.", + "1 However, glial cells do have a resting potential. 2 Neurons HAVE synapses that use neurotransmitters...glial cells do NOT have chemical synapses. 3 There are many MORE (10-50 times more) glial cells in the brain compared to the number of neurons.here are a few ways in which glia cells are different from neurons: 1 Neurons have TWO processes called axons and dendrites....glial cells have only ONE. 2 Neurons CAN generate action potentials...glial cells CANNOT. 3 However, glial cells do have a resting potential.", + "Neuroglia are also important for the protection of neurones in the brain, and there are almost the same number of neuroglia cells as the number of neuron cells in the human brain. The structure of this cell is like a spider or an octopus, but there is no axon as in neurons. Neuron has an axon but, not in neuroglia. • Neuroglia form myelin but those are present and functional in the axon of neurons. • Neuroglia form packaging media between nerve cells in the brain and spinal cord and but not the neurons.", + "• Neurons contain Nissl’s granules but not in Neuroglia. • Neuron has an axon but, not in neuroglia. • Neuroglia form myelin but those are present and functional in the axon of neurons. • Neuroglia form packaging media between nerve cells in the brain and spinal cord and but not the neurons. Neuron has an axon but, not in neuroglia. • Neuroglia form myelin but those are present and functional in the axon of neurons. • Neuroglia form packaging media between nerve cells in the brain and spinal cord and but not the neurons.", + "In general, neuroglial cells are smaller than neurons; there are about 86 billion neurons and 85 billion nonneuronal (glial) cells in the human male brain. Glial cells comprise about half the total volume of the brain and spinal cord.The ratio differs from one part of the brain to another.n general, neuroglial cells are smaller than neurons; there are about 86 billion neurons and 85 billion nonneuronal (glial) cells in the human male brain. Glial cells comprise about half the total volume of the brain and spinal cord.", + "Cell Body. In many ways, the cell body is similar to other types of cells. It has a nucleus with at least one nucleolus and contains many of the typical cytoplasmic organelles. It lacks centrioles, however.lial (Neuroglial) cells do not conduct nerve impulses, but, instead, support, nourish, and protect the neurons. Glial cells are far more numerous than neurons and, unlike neurons, are capable of mitosis." + ], + "url": [ + "https://en.wikipedia.org/wiki/Glial_cell", + "https://en.wikipedia.org/wiki/Neurone", + "http://www.differencebetween.com/difference-between-neurons-and-vs-neuroglia/", + "http://neuropathology-web.org/chapter1/chapter1aNeurons.html", + "https://faculty.washington.edu/chudler/glia.html", + "https://faculty.washington.edu/chudler/glia.html", + "http://www.differencebetween.com/difference-between-neurons-and-vs-neuroglia/", + "http://www.differencebetween.com/difference-between-neurons-and-vs-neuroglia/", + "https://en.wikipedia.org/wiki/Glial_cell", + "http://www.training.seer.cancer.gov/brain/tumors/anatomy/neurons.html" + ] + }, + "query": "are neurons or neuroglia bigger", + "query_id": 23875, + "query_type": "DESCRIPTION", + "wellFormedAnswers": [] + }, + "truncated_cells": [] + }, + { + "row_idx": 278, + "row": { + "answers": [ + "Malware file is associated with Spytech." + ], + "passages": { + "is_selected": [ + 0, + 1, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0 + ], + "passage_text": [ + "IMPORTANT: Malware files can masquerade as legitimate files by using the same file names. To avoid deleting a harmless file, ensure that the Value column for the registry value displays exactly one of the paths listed in Location of Remove Spytech SpyAgent.lnk and Associated Malware.", + "IMPORTANT: Malware files can be camouflaged with the same file names as legitimate files. The Remove Spytech SpyAgent.lnk file is associated with malware only if found in the locations listed above. Notes:", + "If you are sure you want to download this file and have reviewed the risks associated with files that are not trusted, you may use the link below: Download SpyAgent 9.11 from: Hosted by Amazonaws.com Download SpyAgent 9.11 from Mirror 2: Hosted by Amazonaws.com", + "This file is not trusted. We do not recommend downloading this file. If you are sure you want to download this file and have reviewed the risks associated with files that are not trusted, you may use the link below: Download SpyAgent 9.11 from: Hosted by Amazonaws.com.", + "On the Processes tab, select Remove Spytech SpyAgent.lnk and click End Process. Using your file explorer, browse to the file using the paths listed in Location of Remove Spytech SpyAgent.lnk and Associated Malware. Select the file and press SHIFT+Delete on the keyboard. Click Yes in the confirm deletion dialog box.", + "You may cancel your use of the Services and/or terminate this Agreement with or without cause at any time by providing notice to Spytech at http://www.spytech-web.com/contact.shtml. Spytech may at any time and for any reason terminate the Services, terminate this Agreement, or suspend or terminate your account. In the event of termination, your account will be disabled and you may not be granted access to your account or any files or other content contained in your account. Indemnification", + "Spytech does not claim any ownership in any of the content, including any text, data, information, images, photographs, music, sound, video, or other material, that you upload, transmit or store in your Service account. We will not use any of your content for any purpose except to provide you with the Services.", + "Installing the SpyAgent download: Spytech Software provides you with a WinZip/SevenZip Archive file. Installing from Zip files is easy and can usually be done by double clicking the EXE file in the archive with programs like WinZip or Seven Zip. Alternatively, you can extract the setup and installation files to a directory of your choice and run them from there.", + "After a period of inactivity, Spytech reserves the right to disable or terminate a user's account. If an account has been deactivated for inactivity, the Service username associated with that account may be given to another user without notice to you or such other party. Service Termination", + "The Spytech Rights include rights to (i) the Services developed and provided by Spytech; and (ii) all software associated with the Services. The Spytech Rights do not include third-party content used as part of these Services, including the content of communications appearing on these Services. Your Intellectual Property Rights" + ], + "url": [ + "https://www.exterminate-it.com/malpedia/file/remove%20spytech%20spyagent.lnk", + "https://www.exterminate-it.com/malpedia/file/remove%20spytech%20spyagent.lnk", + "http://download.canadiancontent.net/SpyAgent.html", + "http://download.canadiancontent.net/SpyAgent.html", + "https://www.exterminate-it.com/malpedia/file/remove%20spytech%20spyagent.lnk", + "https://www.spytech-web.com/legal-tos.shtml", + "https://www.spytech-web.com/legal-tos.shtml", + "http://download.canadiancontent.net/SpyAgent.html", + "https://www.spytech-web.com/legal-tos.shtml", + "https://www.spytech-web.com/legal-tos.shtml" + ] + }, + "query": "what file is associated with spytech", + "query_id": 659583, + "query_type": "ENTITY", + "wellFormedAnswers": [] + }, + "truncated_cells": [] + }, + { + "row_idx": 279, + "row": { + "answers": [ + "Yes." + ], + "passages": { + "is_selected": [ + 1, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0 + ], + "passage_text": [ + "Yes, whales are mammals, however due to the fact that they live in the ocean these large animals are referred to as marine mammals. In fact the blue whale is the largest living mammal (and animal species) on this earth. In terms of size the blue whale can grow to lengths of over 90 ft. long and weigh more than 150 tons.", + "The blue whale (scientifically referred to as balaenoptera musculus) is a large marine mammal that is part of the baleen whale (mysticeti) suborder and is the largest animal alive growing to lengths of up to 100 ft. long and weighing as much as 150 tons or more.", + "The blue whale (scientifically referred to as balaenoptera musculus) is a large marine mammal that is part of the baleen whale (mysticeti) suborder and is the largest animal alive growing to lengths of up to 100 ft.", + "Blue whales are the largest mammals that ever lived, but they are also an endangered species. Due to aggressive hunting and environmental changes, these ocean-dwellers could become extinct. Balaenoptera musculus, or the blue whales dominate the oceans, reaching lengths of 100 feet and weighing more than 200 tons.", + "Blue whales are the largest animals ever known to have lived on Earth. These magnificent marine mammals rule the oceans at up to 100 feet (30 meters) long and upwards of 200 tons (181 metric tons). Their tongues alone can weigh as much as an elephant. Their hearts, as much as an automobile.", + "When a blue whale exhales, the spray from its blowhole can reach nearly 30 ft (9m) into the air. Size relative to a bus: Blue whales are the largest animals ever known to have lived on Earth. These magnificent marine mammals rule the oceans at up to 100 feet (30 meters) long and upwards of 200 tons (181 metric tons).", + "Yes, whales are mammals, however due to the fact that they live in the ocean these large animals are referred to as marine mammals. In fact the blue whale is the largest living mammal (and animal species) on this earth. In terms of size the blue whale can grow to lengths of over 90 ft.", + "Blue whales are the largest animals ever known to have lived on Earth. These magnificent marine mammals rule the oceans at up to 100 feet (30 meters) long and upwards of 200 tons (181 metric tons).", + "In fact the blue whale is the largest living mammal (and animal species) on this earth. In terms of size the blue whale can grow to lengths of over 90 ft. long and weigh more than 150 tons.", + "Description. It is difficult to imagine the size of the blue whale, the largest animal inhabiting the earth. There are records of individuals over 100 feet (30.5 m) long, but 70-90 feet (23-27 m) is probably average. A good way to visualize their length is to remember that they are about as long as three school buses." + ], + "url": [ + "http://www.whalefacts.org/are-whales-mammals/", + "http://www.whalefacts.org/blue-whale-facts/", + "http://www.whalefacts.org/blue-whale-facts/", + "http://guardianlv.com/2014/06/endangered-species-blue-whales-are-the-largest-mammals-that-ever-lived/", + "http://animals.nationalgeographic.com/animals/mammals/blue-whale/", + "http://animals.nationalgeographic.com/animals/mammals/blue-whale/", + "http://www.whalefacts.org/are-whales-mammals/", + "http://animals.nationalgeographic.com/animals/mammals/blue-whale/", + "http://www.whalefacts.org/are-whales-mammals/", + "http://www.marinemammalcenter.org/education/marine-mammal-information/cetaceans/blue-whale.html" + ] + }, + "query": "is blue whale mammal", + "query_id": 404524, + "query_type": "DESCRIPTION", + "wellFormedAnswers": [] + }, + "truncated_cells": [] + }, + { + "row_idx": 280, + "row": { + "answers": [ + "It is a dramatic change in form or appearance." + ], + "passages": { + "is_selected": [ + 0, + 1, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0 + ], + "passage_text": [ + "Definition of transform. transitive verb. 1a : to change in composition or structureb : to change the outward form or appearance ofc : to change in character or condition : convert. 2 : to subject to mathematical transformation. 3 : to cause (a cell) to undergo genetic transformation. intransitive verb.", + "A transformation is a dramatic change in form or appearance. An important event like getting your driver’s license, going to college, or getting married can cause a transformation in your life. A transformation is an extreme, radical change. A simple haircut won't cause a transformation in your appearance, but if you dyed your hair purple and got a tattoo across your forehead, that would be another story.", + "(Biol.) Any change in an organism which alters its general character and mode of life, as in the development of the germ into the embryo, the egg into the animal, the larva into the insect (metamorphosis), etc.; also, the change which the histological units of a tissue are prone to undergo. See Metamorphosis.", + "transformation. 1 the acquisition of genetic material by the uptake of naked DNA by recipients. 2 changes occurring in cultured cells, generally after infection by certain tumour viruses, such as an ability to divide indefinitely. 3 changes in form.", + "Use 'transformation' in a Sentence. 1 It had been twelve years since he had visited his hometown, and he was excited to find it had received quite an urban transformation by way of new road construction and a downtown improved by modernized office buildings and a large, beautiful park.", + "An Easter egg is an egg made of chocolate that is given as a present at Easter. In some countries, Easter eggs are hidden and children then look for them.", + "2. in oncology, the change that a normal cell undergoes as it becomes malignant. bacterial transformation the exchange of genetic material between strains of bacteria by the transfer of a fragment of naked DNA from a donor cell to a recipient cell, followed by recombination in the recipient chromosome.", + "Definition of transform. 1 1 : a mathematical element obtained from another by transformation. 2 2 : transformation 3a(1), (2) 3 3 : a linguistic structure (such as a sentence) produced by means of a transformation “the duckling is killed by the farmer” is a transform of “the farmer kills the duckling”.", + "Use 'transformation' in a Sentence. It had been twelve years since he had visited his hometown, and he was excited to find it had received quite an urban transformation by way of new road construction and a downtown improved by modernized office buildings and a large, beautiful park. 19 people found this helpful.", + "In an organizational context, a process of profound and radical change that orients an organization in a new direction and takes it to an entirely different level of effectiveness." + ], + "url": [ + "https://www.merriam-webster.com/dictionary/transform", + "https://www.vocabulary.com/dictionary/transformation", + "http://www.webster-dictionary.org/definition/Transformation", + "http://medical-dictionary.thefreedictionary.com/transformation", + "http://www.businessdictionary.com/definition/transformation.html", + "https://www.collinsdictionary.com/dictionary/english/transformation", + "http://medical-dictionary.thefreedictionary.com/transformation", + "https://www.merriam-webster.com/dictionary/transform", + "http://www.businessdictionary.com/definition/transformation.html", + "http://www.businessdictionary.com/definition/transformation.html" + ] + }, + "query": "transformation definition", + "query_id": 523785, + "query_type": "DESCRIPTION", + "wellFormedAnswers": [] + }, + "truncated_cells": [] + }, + { + "row_idx": 281, + "row": { + "answers": [ + "3.5 to 4 ounces at birth and will gain 0.5 oz per day, by six weeks of age it will weight approximately 1 pound and receiving adequate food, it will gain an average of 4 oz per week until it is 6 months old." + ], + "passages": { + "is_selected": [ + 0, + 1, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0 + ], + "passage_text": [ + "“The kitten’s eyes remain closed until approximately 7 to 10 days after birth although the age at which they open ranges between 2 and 10 days. It takes an average of 2 to 3 days for both eyes to open completely.”.", + "“Normal birth weight for kittens is approximately 3.5 to 4 ounces. The minimum weight gain expected for a kitten is approximately 0.5 oz. / day. By six weeks of age, kittens should weigh approximately one pound.”. “If it is healthy, receiving adequate food and growing normally, it will gain an average of 4 oz per week until it is 6 months old.”.", + "Or do you need to find out your kitten’s age based on his size or behavior? Below you will find out how to gauge her changes and milestones, tips to help you raise her at each growth stage, and info that will let you know what to expect in the weeks ahead. Development. Born blind, deaf, and unable to regulate body temperature. The kittens will root towards their mother’s body heat.", + "Weight < 4oz. 1 week-10 days- Eyes beginning to open, ears still flat. A kitten this age is smaller than your hand. 4 to 6oz weight. 2 weeks- Eyes open bright blue color, kittens will crawl a bit on their tummies, and basically just sleep and nurse. No teeth yet. 6 to 8oz. weight.", + "The weight of a newborn kitten varies based on his breed and the number of littermates he has, according to the American Society for the Prevention of Cruelty to Animals. After birth, a healthy kitten should gain weight daily; if yours is not, you should take him to the vet.", + "Growth Chart Tracker. You can track your pet's growth using our growth tracker chart. Download the PDF version of the Growth Chart to track your pet's weight and age to reveal an ideal pet's condition score. Alternatively you can download a PDF version of the Growth Chart: Kitten Growth Chart. Transforming Lives™.", + "Average Newborn Kitten’s Weight. The average weight for a newborn kitten is 3.5 ounces, or 99 grams -- larger breeds weigh slightly more and individuals of larger litters weigh slightly less. Kittens of less than 3.2 ounces at birth, or less than 90 grams, have a greater than 50 percent rate of mortality.", + "Dear B, At 7 weeks, the kittens should weigh anywhere from 1 to 2 pounds...now when they reach adulthood their ideal size & weight will vary depending on their gender and breed. An adult domestic cat's average height in the range of 8 to 10 inches or 20 to 25 cm. Female domestic short hair cats weigh between 6 to 10 pounds or 2.7 to 4.5 KG. Average male domestic short hair cats can weigh anywhere from 10 to 12 pounds or 4.5 to 5.5 KG.", + "About The Association for Pet Obesity Prevention. The Association for Pet Obesity Prevention (APOP) has launched campaigns to fight pet obesity within the veterinary medical community, veterinary schools, and state and local veterinary organizations. APOP has also reached out to various media outlets.", + "By the time the kitten reaches around 6 months of age, he should be approximately half the size of an adult cat. The average adult domestic cat weighs between 8 and 10 pounds, according to the Association for Pet Obesity Prevention. This means your little guy should weigh around 4 to 5 pounds at 6 months old." + ], + "url": [ + "http://www.catnmore.com/animals/pdfs/KittenWeights.doc", + "http://www.catnmore.com/animals/pdfs/KittenWeights.doc", + "http://raisinghappykittens.com/kitten-growth-chart/", + "http://members.petfinder.com/~PA16/kittenage.html", + "http://pets.thenest.com/normal-weight-kitten-5732.html", + "http://www.hillspet.co.uk/en-gb/cat-kitten/growth-chart-tracker.html", + "http://www.ehow.com/facts_5707838_normal-weight-kitten.html", + "http://www.kittencare.com/cat-body-shape-guide.html", + "http://petobesityprevention.org/ideal-weight-ranges/", + "http://pets.thenest.com/normal-weight-kitten-5732.html" + ] + }, + "query": "average weight of kittens by age", + "query_id": 47416, + "query_type": "NUMERIC", + "wellFormedAnswers": [] + }, + "truncated_cells": [] + }, + { + "row_idx": 282, + "row": { + "answers": [ + "No Answer Present." + ], + "passages": { + "is_selected": [ + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0 + ], + "passage_text": [ + "FOUR ABDOMINAL QUADRANTS RIGHT UPPER QUADRANT • Liver • Gallbladder • Duodenum • Head of the pancreas • Right Adrenal gland • Upper lobe of right kidney • Hepatic flexure of colon • Section of ascending colon • Section of transverse colon RIGHT LOWER QUADRANT • Lower lobe of right kidney • Section of ascending colon • Right fallopian tube (female) • ...", + "Other considerations. 1 Pain may be referred from nerves in the spinal column or peripheral nerves that supply the area. Spinal tuberculosis is a rare cause of abdominal pain. 2 Recurrent abdominal pain is not uncommon in endurance athletes and its diagnosis can be difficult.", + "It can also be divided int … o nine regions which, going clockwise in a spiral from the top right (as in the patient's right) are: Right hypochondriac region, epigastric region, left hypochondriac region, left lumbar region, left iliac region, hypogastric region, right iliac region, right lumbar region, umbilical region.", + "Spleen is the biggest lymphoid organ present in the upper far left portion of the abdomen in the left hypochondrium and is surrounded by peritoneum. Spleen is 1 inch thick, 3 inches broad and 5 inches long. The enlargement of spleen is referred to as splenomegaly. Picture : Spleen Location and Anatomy. Image source: dehlvi.com. Kidneys Location", + "For general clinical descriptions, a four quadrant model is used which describes a right upper, right lower, left upper, and left lower quadrant. These quadrants are defined by one imaginary line drawn horizontally across the belly button and one drawn vertically down the midline of the body.", + "Its upper margin rests against the dome of the diaphragm.The 9th, 10th, and 11th ribs protect most of the spleen. The tip of the spleen may be palpable below the left costal margin in a small percentage of adults. The pancreas in healthy peo-ple escapes detection. In the left lower quadrantyou can often feel thefirm, narrow, tubular sig-moid colon.", + "Enquire first about the pain: 1 Ask the patient to point to where it is. 2 Ask the patient to confirm when the pain started. 3 Determine whether onset was sudden or gradual. 4 Establish whether pain is continuous or intermittent. 5 Ask the patient to describe the nature of the pain - stabbing, burning, gripping, etc.", + "An abdominal aortic aneurysm. Your patient is a 58-year-old male complaining of a sudden onset of severe, constant abdominal pain, radiating to the lower back. He describes the pain as tearing.. You note a pulsating abdominal mass when you palpate the area.", + "pable. In the lower midline are the bladder, the sacral promontory, the bony anterior edge of the S1 vertebra sometimes mistaken for a tumor, and in women, the uterus and ovaries. In the right lower quadrant are bowel loops and the appendix at the tail of the cecum near the junction of the small and large intestines. In healthy", + "Where is my left upper quadrant? The left upper quadrant (LUQ) is a section of your tummy (abdomen). Look down at your tummy, and mentally divide the area from the bottom of your ribs down to your pubes into four quarters. The quarter on your left side closest to your ribs is your LUQ. By Blausen.com staff (2014)." + ], + "url": [ + "https://www.scribd.com/doc/33488800/Organs-in-the-Body-Quadrants-and-Regions", + "https://patient.info/doctor/right-upper-quadrant-pain", + "http://www.answers.com/Q/The_pancreas_is_located_in_what_quadrant_of_the_abdomen", + "http://healthfixit.com/location-and-pictures-of-different-organs-in-the-abdomen/", + "https://www.kenhub.com/en/library/anatomy/right-upper-quadrant", + "http://downloads.lww.com/wolterskluwer_vitalstream_com/sample-content/9780781780582_Bickley/samples/11031-11_Ch11.pdf", + "https://patient.info/doctor/right-upper-quadrant-pain", + "https://quizlet.com/4904827/chapter-23-flash-cards/", + "http://downloads.lww.com/wolterskluwer_vitalstream_com/sample-content/9780781780582_Bickley/samples/11031-11_Ch11.pdf", + "https://patient.info/health/left-upper-quadrant-pain-leaflet" + ] + }, + "query": "is the pancreas right upper or lower quadrant", + "query_id": 1174734, + "query_type": "DESCRIPTION", + "wellFormedAnswers": [] + }, + "truncated_cells": [] + }, + { + "row_idx": 283, + "row": { + "answers": [ + "No Answer Present." + ], + "passages": { + "is_selected": [ + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0 + ], + "passage_text": [ + "That same year, she married Gavin Newsom, a city supervisor from a prominent family; he was elected mayor in 2003. Kimberly is extremely visible in San Francisco society, as a member of many charitable organizations, and maintains close ties with the Getty family. In 2004, she moved to New York to become a legal consultant for MSNBC, CNN and CourtTV. In January 2006, Kimberly joined Fox News Channel where she is host of The Lineup (2005). She is also a legal analyst for the Fox News Channel.", + "Mini Bio (1). Kimberly Guilfoyle Newsom was born in San Francisco to a Puerto Rican mother and an Irish-American father. Her mother died of leukemia when Kimberly was ten, and she and her younger brother were raised by a single father.", + "A visibly angry Geraldo Rivera threatened to knock out his Fox News colleague Eric Bolling on today’s episode of The Five. The two journalists, along with co-host Jesse Watters sitting in for Greg Gutfeld, got into a heated argument over illegal immigration and Donald Trump’s controversial comments about same.", + "You may not alter or remove any trademark, copyright or other notice from copies of the content. the-five. The Five, hosted by Bob Beckel, Eric Bolling, Kimberly Guilfoyle, Greg Gutfeld, Dana Perino, Juan Williams, and Andrea Tantaros, airs on Weekdays at 5PM ET on Fox News Channel.", + "Fox News' The Five cast member, Eric Bolling recently had the Chevy Volt for a week, courtesy of General Motors, who naively expected the celebrity to give a glowing report on their extended range, plug-in hybrid, or what I like to refer to as an electric hybrid.", + "When Rivera again accused Trump of exploiting the [illegal] immigration issue, Bolling — in an apparent allusion to Geraldo’s long flamboyant career on television — declared that “from a guy that exploits and sensationalizes everything, really?”. That’s when Rivera lost his temper.", + "So, here's the conundrum. If his drive is less than 20 miles from his home in New Jersey to downtown Manhattan and he acknowledges that the Volt gets only 25 miles on its battery, what happened to those remaining five miles? He flippantly refers to a two or three mile detour to pick up donuts. Okay, we're still short two miles. If he drives 18.8 miles to work and the car gets 25 miles in EV mode, he should have been able to drive the entire trip as an electric car. Instead, within two miles of his work place, the car reverts to hybrid mode, which the EPA rates at 37 mpg (city/highway combined).", + "The Celebrity Apprentice runner-up on Trump’s former NBC franchise has been appearing more often on the highly rated five-member panel show that airs weekdays at 5 p.m. Eastern since the Fox News Channel parted ways with Bob Beckel.", + "Earlier in the segment, Bolling got things rolling when he insisted that conservative pundits should stop bashing Donald Trump and instead focus on defeating the liberal/progressive agenda put forth by the Democrats.", + "WILLIAMS: But you're saying marijuana save you. GUILFOYLE: Save you, according to --. WILLIAMS: But tobacco is not. GUILFOYLE: Yes, the medicinal marijuana supporters, they are saying it has a lot of health benefits. People use it when given a cancer diagnosis. That's the reasoning behind this. GREG GUTFELD, CO-HOST: It's a scam. It's for people who want to get high." + ], + "url": [ + "http://www.imdb.com/name/nm1367065/bio", + "http://www.imdb.com/name/nm1367065/bio", + "http://www.inquisitr.com/2250248/geraldo-rivera-threatens-to-punch-out-eric-bolling-on-live-tv-video/", + "http://www.foxnews.com/transcript/2011/11/04/weed-yes-cigarettes-no/", + "http://www.thomhartmann.com/users/evworldeditor/blog/2012/03/eric-bollings-fuzzy-math-chevy-volt-test-drive", + "http://www.inquisitr.com/2250248/geraldo-rivera-threatens-to-punch-out-eric-bolling-on-live-tv-video/", + "http://www.thomhartmann.com/users/evworldeditor/blog/2012/03/eric-bollings-fuzzy-math-chevy-volt-test-drive", + "http://www.inquisitr.com/2250248/geraldo-rivera-threatens-to-punch-out-eric-bolling-on-live-tv-video/", + "http://www.inquisitr.com/2250248/geraldo-rivera-threatens-to-punch-out-eric-bolling-on-live-tv-video/", + "http://www.foxnews.com/transcript/2011/11/04/weed-yes-cigarettes-no/" + ] + }, + "query": "what car does kimberly guilfoyle drive", + "query_id": 583168, + "query_type": "ENTITY", + "wellFormedAnswers": [] + }, + "truncated_cells": [] + }, + { + "row_idx": 284, + "row": { + "answers": [ + "+971433000000", + "+971 4 330 0000" + ], + "passages": { + "is_selected": [ + 1, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0 + ], + "passage_text": [ + "The full team of Jumeirah colleagues are here to make your stay in Dubai even more rewarding. Contact Jumeirah Emirates Towers PO Box 72127, Dubai, UAE For hotel enquiries please contact us directly:Tel: +971 4 330 0000Fax: +971 4 330 3030Email: JETinfo@jumeirah.com.he spectacular views from the hotel itself are complemented by the stellar accommodation and business services you’ll find within. Jumeirah Emirates Towers in Dubai redefines the business hotel experience; seamlessly combining high technology, efficiency and unparalleled luxury.", + "The stunning architecture of Jumeirah Emirates Towers is testimony to Dubai’s thirst for innovation and iconic buildings. At 355 meters (or 56 floors), Jumeirah Emirates Towers is also one of the tallest hotels in the world, with a glass-lift ride that is worth a booking in itself.One of the major attractions of the Jumeirah Emirates Towers is the retail complex of high-end boutiques, known as ‘The Boulevard’, to which it is attached.rea: Sheikh Zayed Road, Dubai. There’s a distinctly masculine, corporate feel to the Jumeirah Emirates Towers Hotel, far more so than at other business hotels.", + "Jumeirah Emirates Towers is one of the most stunning architectural highlights on the Dubai skyline. The spectacular views from the hotel itself are complemented by the stellar accommodation and business services you’ll find within.Jumeirah Emirates Towers in Dubai redefines the business hotel experience; seamlessly combining high technology, efficiency and unparalleled luxury.he spectacular views from the hotel itself are complemented by the stellar accommodation and business services you’ll find within. Jumeirah Emirates Towers in Dubai redefines the business hotel experience; seamlessly combining high technology, efficiency and unparalleled luxury.", + "Surrounded by skyscrapers. 5-star Jumeirah Emirates Towers places guests next to Dubai International Financial Center and a 5-minute drive from the Dubai World Trade Center.For international brands, cinemas, and an aquarium, Dubai Mall is a 5-minute drive from the hotel.urrounded by skyscrapers. 5-star Jumeirah Emirates Towers places guests next to Dubai International Financial Center and a 5-minute drive from the Dubai World Trade Center.", + "The stunning architecture of Jumeirah Emirates Towers is testimony to Dubai’s thirst for innovation and iconic buildings. At 355 metres (or 56 floors), Jumeirah Emirates Towers is also one of the tallest hotels in the world, with a glass-lift ride that is worth a booking in itself.ne of the major attractions of the Jumeirah Emirates Towers is the retail complex of high-end boutiques, known as ‘The Boulevard’, to which it is attached. In addition, a wide range of international cuisine is on offer at Jumeirah Emirates Towers’ bevy of popular restaurants.", + "From Wikipedia, the free encyclopedia. Jumeirah Emirates Hotel Tower, also known as Emirates Tower Two, is a 56- storey hotel in the city of Dubai, United Arab Emirates. The hotel includes 40 luxury suites and is operated by the Jumeirah International Group.Connected with 54-floor Emirates Office Tower by a retail boulevard, the two towers form the Emirates Towers complex. At a structural height of 309 m (1,014 ft), Emirates Towers Hotel is the smaller of the two sister towers.umeirah Emirates Hotel Tower, also known as Emirates Tower Two, is a 56- storey hotel in the city of Dubai, United Arab Emirates.", + "Jumeirah Emirates Hotel Tower, also known as Emirates Tower Two, is a 56- storey hotel in the city of Dubai, United Arab Emirates.The hotel includes 40 luxury suites and is operated by the Jumeirah International Group.Connected with 54-floor Emirates Office Tower by a retail boulevard, the two towers form the Emirates Towers complex. At a structural height of 309 m (1,014 ft), Emirates Towers Hotel is the smaller of the two sister towers.umeirah Emirates Hotel Tower, also known as Emirates Tower Two, is a 56- storey hotel in the city of Dubai, United Arab Emirates.", + "Hotel facilities available to all our guests. While staying at Jumeirah Emirates Towers, guests will have unlimited access to Wild Wadi Waterpark and Zero Gravity's Private Beach .We offer a rich selection of facilities and amenities to guests at Jumeirah Emirates Towers.he spectacular views from the hotel itself are complemented by the stellar accommodation and business services you’ll find within. Jumeirah Emirates Towers in Dubai redefines the business hotel experience; seamlessly combining high technology, efficiency and unparalleled luxury.", + "Area: Sheikh Zayed Road, Dubai. There’s a distinctly masculine, corporate feel to the Jumeirah Emirates Towers Hotel, far more so than at other business hotels.rea: Sheikh Zayed Road, Dubai. There’s a distinctly masculine, corporate feel to the Jumeirah Emirates Towers Hotel, far more so than at other business hotels.", + "The 400 spacious, newly furnished rooms and suites, paired with state-of-the-art meeting and business facilities, make Jumeirah Emirates Towers one of the most popular choices for the corporate traveller and one of the finest business hotels in Dubai.he spectacular views from the hotel itself are complemented by the stellar accommodation and business services you’ll find within. Jumeirah Emirates Towers in Dubai redefines the business hotel experience; seamlessly combining high technology, efficiency and unparalleled luxury." + ], + "url": [ + "https://www.jumeirah.com/en/hotels-resorts/dubai/jumeirah-emirates-towers/", + "http://www.emirates.com/us/english/destinations_offers/discoverdubai/dubaihotels/jumeriahemiratestowershotel.aspx", + "https://www.jumeirah.com/en/hotels-resorts/dubai/jumeirah-emirates-towers/", + "https://www.expedia.com/Dubai-Emirate-Hotels-Jumeirah-Emirates-Towers.h486304.Hotel-Information", + "http://www.emirates.com/english/destinations_offers/discoverdubai/dubaihotels/jumeriahemiratestowershotel.aspx", + "https://en.wikipedia.org/wiki/Jumeirah_Emirates_Towers_Hotel", + "https://en.wikipedia.org/wiki/Jumeirah_Emirates_Towers_Hotel", + "https://www.jumeirah.com/en/hotels-resorts/dubai/jumeirah-emirates-towers/", + "http://www.emirates.com/us/english/destinations_offers/discoverdubai/dubaihotels/jumeriahemiratestowershotel.aspx", + "https://www.jumeirah.com/en/hotels-resorts/dubai/jumeirah-emirates-towers/" + ] + }, + "query": "jumeirah emirates towers contact number", + "query_id": 433582, + "query_type": "NUMERIC", + "wellFormedAnswers": [] + }, + "truncated_cells": [] + }, + { + "row_idx": 285, + "row": { + "answers": [ + "Argentina, Austria, Armenia, Belgium, Bolivia, Brazil, Canada, Chile, El Salvador, Finland, France, Greece, Guatemala, Mexico, the Netherlands, New Zealand, Peru, Portugal, Senegal, Slovakia, Switzerland and Turkey." + ], + "passages": { + "is_selected": [ + 0, + 0, + 1, + 0, + 0, + 0, + 0, + 0, + 0, + 0 + ], + "passage_text": [ + "Full Answer. In some countries, including the United States, prostitution is legal in limited situations, such as in specific areas or regions. Other nations with limited prostitution include Bangladesh, Bulgaria, Iceland, India, Norway, Spain and Sweden.", + "In some countries, including the United States, prostitution is legal in limited situations, such as in specific areas or regions. Other nations with limited prostitution include Bangladesh, Bulgaria, Iceland, India, Norway, Spain and Sweden.", + "Quick Answer. Prostitution is legal in many countries around the world, including Argentina, Austria, Armenia, Belgium, Bolivia, Brazil, Canada, Chile, El Salvador, Finland, France, Greece, Guatemala, Mexico, the Netherlands, New Zealand, Peru, Portugal, Senegal, Slovakia, Switzerland and Turkey.", + "Prostitution law varies widely from country to country, and between jurisdictions within a country. Prostitution or sex work is legal in some parts of the world and regarded as a profession, while in other parts it is a crime punishable by death. In many jurisdictions prostitution is illegal.", + "Prostitution is legal in many countries around the world, including Argentina, Austria, Armenia, Belgium, Bolivia, Brazil, Canada, Chile, El Salvador, Finland, France, Greece, Guatemala, Mexico, the Netherlands, New Zealand, Peru, Portugal, Senegal, Slovakia, Switzerland and Turkey.", + "Prostitution is also legal in Belize, Colombia, Costa Rica, Honduras, Hungary, Indonesia, Israel, Italy, Panama, Paraguay, the United Kingdom, Uruguay and Venezuela.", + "Prostitution law varies widely from country to country, and between jurisdictions within a country. Prostitution or sex work is legal in some parts of the world and regarded as a profession, while in other parts it is a crime punishable by death.", + "2010 reports suggest that prostitution is legal in seventy-seven countries of the world and has been declared a crime in about 109 countries. In eleven of the countries of the world prostitution is restricted and about five nations have no laws or statutes regulating prostitution and sex work.", + "In eight European countries (Netherlands, Germany, Austria, Switzerland, Greece, Turkey, Hungary and Latvia), prostitution is legal and regulated.", + "In eight European countries (Netherlands, Germany, Austria, Switzerland, Greece, Turkey, Hungary and Latvia), prostitution is legal and regulated. Instead of spending money on criminal enforcement for prostitution the government focuses on health care for the prostitutes, and going after underage prostitution." + ], + "url": [ + "http://www.ask.com/government-politics/countries-prostitution-legal-4fad7c05bec6b779", + "http://www.ask.com/government-politics/countries-prostitution-legal-4fad7c05bec6b779", + "http://www.ask.com/government-politics/countries-prostitution-legal-4fad7c05bec6b779", + "https://en.wikipedia.org/wiki/Prostitution_law", + "http://www.ask.com/government-politics/countries-prostitution-legal-4fad7c05bec6b779", + "http://www.ask.com/government-politics/countries-prostitution-legal-4fad7c05bec6b779", + "https://en.wikipedia.org/wiki/Prostitution_law", + "http://www.mapsofworld.com/infographics/poll/should-prostitution-be-legalized-text.html", + "http://www.huffingtonpost.com/daniel-raphael/legalize-prostitution_1_b_4251956.html", + "http://www.huffingtonpost.com/daniel-raphael/legalize-prostitution_1_b_4251956.html" + ] + }, + "query": "countries where prostitution is legal", + "query_id": 111914, + "query_type": "LOCATION", + "wellFormedAnswers": [] + }, + "truncated_cells": [] + }, + { + "row_idx": 286, + "row": { + "answers": [ + "Cisap is located in Mission, Kansas. This organization primarily operates in the Testing Laboratories business or industry within the Engineering, Accounting, Research, and Management Services sector." + ], + "passages": { + "is_selected": [ + 0, + 0, + 0, + 0, + 0, + 1, + 0, + 0, + 0, + 0 + ], + "passage_text": [ + "Compressing http://cisap.asia/images/map.png could save 1.8KiB (45% reduction). Minify HTML Compacting HTML code, including any inline JavaScript and CSS contained in it, can save many bytes of data and speed up download and parse times.", + "Cisap.net: Hostname: 199.59.141.183: Name Servers: ns10.domaincontrol.com; ns09.domaincontrol.com; Email Abuse: No Emails Found", + "Home » Cisap.net. Cisap.net has a Worldwide ranking of n/a Down n/a and ranking n/a in n/a. Using IP address 199.59.141.183 in and found 0 Other Websites on this Server. The site's up time is: 39 ms. Domain Age: 11 years, 306 days (Creation Date: 2006-02-14)", + "Minifying http://cisap.asia/ could save 2.1KiB (24% reduction). Minify CSS Compacting CSS code can save many bytes of data and speed up download and parse times.", + "Cisap is in the Testing Laboratories business. View competitors, revenue, employees, website and phone number.", + "Cisap is located in Mission, Kansas. This organization primarily operates in the Testing Laboratories business / industry within the Engineering, Accounting, Research, and Management Services sector. This organization has been operating for approximately 8 years. Cisap is estimated to generate $106,676 in annual revenues, and employs approximately 2 people at this single location. Sector: Engineering, Accounting, Research, and Management Services", + "http://cisap.asia/images/background.png (expiration not specified) Enable compression Compressing resources with gzip or deflate can reduce the number of bytes sent over the network.", + "http://cisap.asia/style/core.css Leverage browser caching Setting an expiry date or a maximum age in the HTTP headers for static resources instructs the browser to load previously downloaded resources from local disk rather than over the network.", + "www.cisap.com www.cisap.net www.cisap.org www.cisap.info www.cisap.biz www.cisap.us www.cisap.mobi www.isap.asia www.cisap.asia www.xisap.asia www.cxisap.asia www.xcisap.asia www.disap.asia www.cdisap.asia www.dcisap.asia www.fisap.asia www.cfisap.asia www.fcisap.asia www.visap.asia www.cvisap.asia www.vcisap.asia www.csap.asia www.cusap.asia www.ciusap.asia", + "Home » Cisap.net Cisap.net has a Worldwide ranking of n/a Down n/a and ranking n/a in n/a. Using IP address 199.59.141.183 in and found 0 Other Websites on this Server The site's up time is: 39 ms" + ], + "url": [ + "http://minify.mobi/results/cisap.asia", + "https://www.whatisdomain.net/cisap.net/", + "https://www.whatisdomain.net/cisap.net/", + "http://minify.mobi/results/cisap.asia", + "http://www.buzzfile.com/business/Cisap-913-312-5405", + "http://www.buzzfile.com/business/Cisap-913-312-5405", + "http://minify.mobi/results/cisap.asia", + "http://minify.mobi/results/cisap.asia", + "http://minify.mobi/results/cisap.asia", + "https://www.whatisdomain.net/cisap.net/" + ] + }, + "query": "what is cisap", + "query_id": 730790, + "query_type": "DESCRIPTION", + "wellFormedAnswers": [] + }, + "truncated_cells": [] + }, + { + "row_idx": 287, + "row": { + "answers": [ + "It is used in deep sea trolling, outriggers are a pair of long poles fitted on both sides of a boat that holds fishing lines away from the boat." + ], + "passages": { + "is_selected": [ + 1, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0 + ], + "passage_text": [ + "What are Outriggers Used For? Mainly used in deep sea trolling, outriggers are a pair of long poles fitted on both sides of a boat that holds fishing lines away from the boat.It is usually made of fiberglass and aluminum, and is tilted at an angle between 70 to 80 degrees.enerally, outriggers improve the chances of a fish striking because not only does it allow the angler to cover more ocean space, it also permits the use of multiple lines.", + "When being used, outriggers are lowered to an angle nearly the same level as the water’s surface. At the edge of each outrigger is a pulley with a cord, attached to which is a quick release clip that holds the fishing line.enerally, outriggers improve the chances of a fish striking because not only does it allow the angler to cover more ocean space, it also permits the use of multiple lines.", + "In an outrigger canoe and in sailboats such as the proa, an outrigger is a thin, long, solid, hull used to stabilise an inherently unstable main hull.The outrigger is positioned rigidly and parallel to the main hull so that the main hull is less likely to capsize.If only one outrigger is used on a vessel, its weight reduces the tendency to capsize in one direction and its buoyancy reduces the tendency in the other direction.ooden outriggers appear on the new Trireme around the 7th or 6th centuries BC and later on Italian galleys around AD 1300 while Harry Clasper (1812–1870), a British professional rower, popularised the use of the modern metal version.", + "Fishing Outriggers. Maximize your trolling with outriggers and outrigger accessories from Overton's. Check out our top of the line selection of telescoping outrigger poles, pulley shock cords, outrigger mounts, and all-inclusive outrigging kits from brands like Taco and Lee's Tackle.aximize your trolling with outriggers and outrigger accessories from Overton's. Check out our top of the line selection of telescoping outrigger poles, pulley shock cords, outrigger mounts, and all-inclusive outrigging kits from brands like Taco and Lee's Tackle.", + "Outriggers also hold the fishing lines at a distance from both sides of the boat, spreading the lines far enough to prevent the risk of tangling. With more lines in the water, the angler can set them at different distances and depths that can create a variety of natural patterns to increase the chances of a strike.enerally, outriggers improve the chances of a fish striking because not only does it allow the angler to cover more ocean space, it also permits the use of multiple lines.", + "The outrigger float is called the ama in many Polynesian and Micronesian languages. The spars connecting the ama to the main hull (or the two hulls in a double-hull canoe) are called ʻiako in Hawaiian and kiato in Māori (with similar words in other Polynesian languages); in Micronesian languages, the term aka is used.n an outrigger canoe the paddlers sit in line, facing toward the bow of the canoe (i.e. forward, in the direction of travel, unlike rowing). The seats are numbered from 1 (closest to the bow) to the number of seats in the canoe, usually 6.", + "Outriggers telescope out away from a fishing boat to be able to drop fishing bait lines up to several feet away from the boat into the water. When a fish bites on the bait, the line rigged into the outrigger automatically transfers to a fishing pole that is properly secured into a gunnel on the boat.ooden outriggers appear on the new Trireme around the 7th or 6th centuries BC and later on Italian galleys around AD 1300 while Harry Clasper (1812–1870), a British professional rower, popularised the use of the modern metal version.", + "Wooden outriggers appear on the new Trireme around the 7th or 6th centuries BC and later on Italian galleys around AD 1300 while Harry Clasper (1812–1870), a British professional rower, popularised the use of the modern metal version.ooden outriggers appear on the new Trireme around the 7th or 6th centuries BC and later on Italian galleys around AD 1300 while Harry Clasper (1812–1870), a British professional rower, popularised the use of the modern metal version.", + "Generally, outriggers improve the chances of a fish striking because not only does it allow the angler to cover more ocean space, it also permits the use of multiple lines.enerally, outriggers improve the chances of a fish striking because not only does it allow the angler to cover more ocean space, it also permits the use of multiple lines.", + "Related: used fishing outriggers fishing outriggers rupp outriggers penn reel rod taco outriggers bug reel outrigger poles outrigger bases.sed outriggers. Follow used outriggers to get e-mail alerts and updates on your eBay Feed. Unfollow used outriggers to stop getting updates on your eBay Feed. Yay!" + ], + "url": [ + "http://ioutdoor.com/outriggers-use/", + "http://ioutdoor.com/outriggers-use/", + "https://en.wikipedia.org/wiki/Outrigger", + "http://www.overtons.com/Fishing/Outriggers", + "http://ioutdoor.com/outriggers-use/", + "https://en.wikipedia.org/wiki/Outrigger_canoe", + "https://en.wikipedia.org/wiki/Outrigger", + "https://en.wikipedia.org/wiki/Outrigger", + "http://ioutdoor.com/outriggers-use/", + "http://www.ebay.ca/sch/i.html?_nkw=used+outriggers" + ] + }, + "query": "what are outriggers used for", + "query_id": 562818, + "query_type": "DESCRIPTION", + "wellFormedAnswers": [] + }, + "truncated_cells": [] + }, + { + "row_idx": 288, + "row": { + "answers": [ + "Asus RT-AC3200 is the most reliable wifi router." + ], + "passages": { + "is_selected": [ + 0, + 1, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0 + ], + "passage_text": [ + "The Best Wireless Routers of 2017. A good router is essential to making the most of your PC, phone, and other connected devices. Here are our top-rated models, along with advice about shopping for one.", + "Great Features WiFi Router. We have another Asus router on our list and this time, it’s the Asus RT-AC3200, this is the most “most reliable wireless router“ the AC3200 is a Tri-band router as opposed to the RT-AC88U, the router retails at the price of $199.95 From Amzon.", + "so looking for suggestions as to what wifi router i can get for cheap that is reliable and will not drop connection. so far eyeballing the 2 following just because they are cheap and available in stock @ walmart. linksys:WRT54GS2 ($45) netgear:WGR614 ($35)", + "Best Wireless Routers of 2017. 1 $239.99 at Amazon.com See it. 2 $288.99 at Amazon.com See it. 3 $269.99 at Amazon.com See it. $125.99 at Amazon.com See 1 it. $370.99 at Amazon.com See 2 it. $149.99 at Amazon.com See it. $199.89 at Amazon.com 1 See it. $85.99 at Amazon.com See it.", + "Hey, I need a wifi router. as always when buying any elctronic/tech/expensive products, I always do a little research and read a ton of reviews.", + "Touch Screen Router Range Extender. If you are looking for something on the cheaper but effective side, the Securifi Almond WiFi Extender is perhaps your best bet. Lucky for you, and your budget, the router falls below the 3 digit price tag and is one of the most demanded routers in the market as of now.", + "The Netgear Nighthawk R7000 has some of the best wifi performance of any router ever. The performance of this router is due to several technologies and hardware enhancements including dual core cpu, explicit beam forming, high power rf amplifier sections and a host of other software enhancements.", + "I'm looking for a wifi router as cheap as possible that is RELIABLE, won't drop my connection. looking to spend between $30-$50. my laptop will be only thing running off wireless, plus I'll have xbox360 & directv hd dvr hooked up to it (wired).", + "1-16 of 68 results for most reliable wifi router. 1 ASUS RT-N66U Dual-Band Wireless-N900 Gigabit Router. 2 Motorola 16x4 Cable Modem, Model MB7420, 686 Mbps DOCSIS 3.0, Certified by Comcast XFINITY, Charter Spectrum,... by Motorola. 3 TP-Link AC1900 Wireless Dual Band PCI-Express Adapter with Beamforming Technology (Archer T9E) by TP-Link.", + "Gigabit Ethernet Ports for the Fastest, Most Reliable Internet Performance. Motorola 16x4 Cable Modem, Model MB7420, 686 Mbps DOCSIS 3.0, Certified by Comcast XFINITY, Charter Spectrum,... by Motorola. $ 79 99 $129.99Prime. Save 38%." + ], + "url": [ + "https://www.pcmag.com/article2/0,2817,2398080,00.asp", + "http://blazinglist.com/best-wireless-routers-you-should-buy/", + "https://www.cnet.com/forums/discussions/most-reliable-wifi-router-398442/", + "https://www.cnet.com/topics/networking/best-networking-devices/", + "https://www.cnet.com/forums/discussions/most-reliable-wifi-router-398442/", + "http://blazinglist.com/best-wireless-routers-you-should-buy/", + "http://www.tomshardware.com/forum/id-2266605/reliable-wifi-router.html", + "https://www.cnet.com/forums/discussions/most-reliable-wifi-router-398442/", + "https://www.amazon.com/most-reliable-wifi-router/s?ie=UTF8&page=1&rh=i%3Aaps%2Ck%3Amost%20reliable%20wifi%20router", + "https://www.amazon.com/most-reliable-wifi-router/s?ie=UTF8&page=1&rh=i%3Aaps%2Ck%3Amost%20reliable%20wifi%20router" + ] + }, + "query": "most reliable wifi router", + "query_id": 459165, + "query_type": "DESCRIPTION", + "wellFormedAnswers": [] + }, + "truncated_cells": [] + }, + { + "row_idx": 289, + "row": { + "answers": [ + "$40K per year on average" + ], + "passages": { + "is_selected": [ + 0, + 0, + 0, + 0, + 1, + 0, + 0, + 0, + 0, + 0 + ], + "passage_text": [ + "The average pay for a Merchandiser is $11.74 per hour. Pay for this job does not change much by experience, with the most experienced earning only a bit more than the least. People in this job generally don't have more than 20 years' experience.", + "The average Acosta Sales & Marketing salary ranges from approximately $15,000 per year for Territory Manager to $110,000 per year for Senior Business Manager.", + "Average Acosta Sales & Marketing hourly pay ranges from approximately $8.00 per hour for Customer Service Representative to $15.00 per hour for Sales and Marketing.", + "The average salary for beer merchandiser jobs is $28,000. Average beer merchandiser salaries can vary greatly due to company, location, industry, experience and benefits. This salary was calculated using the average salary for all jobs with the term beer merchandiser anywhere in the job listing.", + "Read More. Acosta Sales & Marketing Company, Inc. employees bring home $40K per year on average. For the most part, employee paychecks at Acosta Sales & Marketing Company, Inc. fluctuate depending on what you do at the company; your city and your experience level also matter, but to a lesser degree.", + "Acosta Sales & Marketing Company, Inc. workers in New Jersey earn the most — approximately $85K annually on average. Between the one and five year mark, median pay is $43K per year.", + "Average Beer Merchandiser Salaries. The average salary for beer merchandiser jobs is $28,000. Average beer merchandiser salaries can vary greatly due to company, location, industry, experience and benefits.", + "For the most part, employee paychecks at Acosta Sales & Marketing Company, Inc. fluctuate depending on what you do at the company; your city and your experience level also matter, but to a lesser degree. This report is based on answers to PayScale's salary questionnaire.", + "For the most part, employee paychecks at Acosta Sales & Marketing Company, Inc. fluctuate depending on what you do at the company; your city and your experience level also matter, but to a lesser degree. This report is based on answers to PayScale's salary questionnaire. Employer: Acosta Sales & Marketing Company, Inc.", + "Acosta is the sales and marketing powerhouse behind over a thousand of the most trusted brands you see in stores every day." + ], + "url": [ + "http://www.payscale.com/research/US/Job=Merchandiser/Hourly_Rate", + "http://www.indeed.com/cmp/Acosta-Sales-&-Marketing/salaries", + "http://www.indeed.com/cmp/Acosta-Sales-&-Marketing/salaries", + "http://www.simplyhired.com/salaries-k-beer-merchandiser-jobs.html", + "http://www.payscale.com/research/US/Employer=Acosta_Sales_%26_Marketing_Company%2c_Inc./Salary", + "http://www.payscale.com/research/US/Employer=Acosta_Sales_%26_Marketing_Company%2c_Inc./Salary", + "http://www.simplyhired.com/salaries-k-beer-merchandiser-jobs.html", + "http://www.payscale.com/research/US/Employer=Acosta_Sales_%26_Marketing_Company%2c_Inc./Salary", + "http://www.payscale.com/research/US/Employer=Acosta_Sales_%26_Marketing_Company%2c_Inc./Salary", + "http://www.acosta.com/difference/" + ] + }, + "query": "how much does a merchandiser for acosta make", + "query_id": 310374, + "query_type": "NUMERIC", + "wellFormedAnswers": [] + }, + "truncated_cells": [] + }, + { + "row_idx": 290, + "row": { + "answers": [ + "No Answer Present." + ], + "passages": { + "is_selected": [ + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0 + ], + "passage_text": [ + "A specific antidote for oxcarbazepine does not exist. What are the possible side effects of Trileptal®? Potential side effects of oxcarbazepine include: headache, dizziness, sedation, unsteady or abnormal gait, fatigue, tremor, double vision, abnormal vision, nausea, vomiting, stomach pain, and indigestion.", + "Stopping TRILEPTAL suddenly can cause serious problems. TRILEPTAL can cause serious side effects, including: 1. TRILEPTAL may cause the level of sodium in your blood to be low. Symptoms of low blood sodium include:  nausea  tiredness, lack of energy  headache  confusion  more frequent or more severe seizures.", + "TRILEPTAL can cause serious side effects, including: 1. TRILEPTAL may cause the level of sodium in your blood to be low. Symptoms of low blood sodium include:  nausea  tiredness, lack of energy  headache  confusion  more frequent or more severe seizures.", + "Common Trileptal side effects may include: dizziness, drowsiness, tired feeling; headache; weakness, balance problems; nausea, vomiting, stomach pain, indigestion; tremors or shaking; vision problems, double vision; or. fever, chills, cold or flu symptoms (in children).", + "Trileptal has been studied thoroughly in clinical trials. In these studies, the side effects that occur in a group of people taking the drug are documented and are then compared to side effects that occur in another group of people not taking the medicine.", + "Close. Elements of your daily lifestyle may have an effect on the medications you are taking. Drug interactions can result in unwanted side effects, reduce the effectiveness of your medicine or possibly increase the action of a particular medicine.", + "In these studies, the most common side effects of Trileptal included: 1 Headaches -- in up to 31 percent of people. 2 Dizziness -- up to 28 percent. 3 Nausea -- up to 22 percent. 4 Fatigue -- up to 21 percent. 5 Drowsiness -- up to 19 percent. 6 Vomiting -- up to 15 percent. 7 Vision problems -- up to 14 percent.", + "As with any medicine, side effects are possible with Trileptal ® (oxcarbazepine); however, not everyone who takes the medication will have problems.", + "As with any medicine, side effects are possible with Trileptal ® (oxcarbazepine); however, not everyone who takes the medication will have problems. In fact, most people tolerate Trileptal quite well.", + "Trileptal for depression is a well-known drug which works as a result its ability to decrease particular nerve impulses that end up causing seizures. It is part of the anticonvulsants or antiepileptic group of drugs and is utilized in people ages two and up." + ], + "url": [ + "http://www.namihelps.org/assets/PDFs/fact-sheets/Medications/Trileptal.pdf", + "http://www.fda.gov/downloads/Drugs/DrugSafety/UCM246799.pdf", + "http://www.fda.gov/downloads/Drugs/DrugSafety/UCM246799.pdf", + "http://www.drugs.com/trileptal.html", + "http://epilepsy.emedtv.com/trileptal/trileptal-side-effects.html", + "http://www.cvs.com/drug/trileptal/oral-tablet/150mg", + "http://epilepsy.emedtv.com/trileptal/trileptal-side-effects.html", + "http://epilepsy.emedtv.com/trileptal/trileptal-side-effects.html", + "http://epilepsy.emedtv.com/trileptal/trileptal-side-effects.html", + "http://www.psyweb.com/articles/depression/trileptal-for-depression" + ] + }, + "query": "side effects to decreasing trileptal", + "query_id": 497759, + "query_type": "DESCRIPTION", + "wellFormedAnswers": [] + }, + "truncated_cells": [] + }, + { + "row_idx": 291, + "row": { + "answers": [ + "Hyatt Centric Ginza Tokyo will be the first new-build Hyatt Centric hotel in Asia Pacific and the second internationally." + ], + "passages": { + "is_selected": [ + 0, + 0, + 1, + 0, + 0, + 0, + 0, + 0, + 0, + 0 + ], + "passage_text": [ + "Hyatt Centric debuts in Tokyo. Hyatt Hotels Corporation has announced the expansion of the Hyatt Centric brand with the development of the first Hyatt Centric hotel in Tokyo, Japan.", + "Expected to open in early 2018, Hyatt Centric Ginza Tokyo will be the first new-build Hyatt Centric hotel in Asia Pacific.", + "Set to open in early 2018, Hyatt Centric Ginza Tokyo will be the first new-build Hyatt Centric hotel in Asia Pacific and the second internationally, following the opening of the Hyatt Centric Montevideo, Uruguay, in mid-2016.", + "In mid-2016, the Hyatt Centric brand is expected to expand globally with the opening of its first international hotel, Hyatt Centric Montevideo, Uruguay. The 178-guestroom hotel will be located in the famed Pocitos neighborhood and will sit waterfront on River Plate along the Rambla Republica del Peru.", + "Welcome to Andaz Tokyo Toranomon Hills: Hyatt's Lifestyle Hotel in Tokyo, Japan, located near Tokyo station and Ginza area. Hotel News |Restaurants | Facebook | Instagram. At the heart of the vast and ever-pulsating urban flux that is Tokyo, a striking new tower now steadily rises.", + "Hyatt Introduces Hyatt Centric. CHICAGO--(BUSINESS WIRE)-- Hyatt Hotels Corporation (NYSE:H) today introduced Hyatt Centric, a new, full service lifestyle brand designed for business and leisure travelers.", + "Beyond U.S. borders, the Centric flag will begin to fly in Australia, the Caribbean, China and the U.A.E. Centric’s first new-build hotel in Asia Pacific, the 164-room Hyatt Centric Ginza Tokyo, will welcome its first guests early next year, occupying 10 floors of a 12-story commercial building. It’s an aggressive expansion plan, but not necessarily in Hyatt keys.", + "CHICAGO (January 25, 2016) – Hyatt Hotels Corporation (NYSE: H) today announced the expansion of the Hyatt Centric brand with the first international Hyatt Centric hotel slated to open in mid-2016 in Montevideo, Uruguay, and the development of the first Hyatt Centric hotel in Tokyo, Japan.", + "New, Full Service Lifestyle Brand to Serve Business and Leisure Travelers in Key Cities Around the World. CHICAGO--(BUSINESS WIRE)-- Hyatt Hotels Corporation (NYSE:H) today introduced Hyatt Centric, a new, full service lifestyle brand designed for business and leisure travelers.", + "Hyatt Centric Ginza Tokyo, rendering. Chicago—Hyatt Hotels Corp. is really putting its heart into Hyatt Centric, one of its newest brands. The hotel giant just announced that it will expand the millennial-focused portfolio to nearly twice its current 14-property size by the close of 2019." + ], + "url": [ + "http://www.cei.asia/article/hyatt-centric-debuts-in-tokyo/405596", + "http://newsroom.hyatt.com/012516-HYATT-CENTRIC-ACCELERATES-GROWTH-WITH-FIRST-INTERNATIONAL-HOTELS", + "http://www.cei.asia/article/hyatt-centric-debuts-in-tokyo/405596", + "http://newsroom.hyatt.com/012516-HYATT-CENTRIC-ACCELERATES-GROWTH-WITH-FIRST-INTERNATIONAL-HOTELS", + "https://tokyo.andaz.hyatt.com/en/hotel/home.html", + "http://investors.hyatt.com/investor-relations/news-and-events/financial-news/financial-news-details/2015/Hyatt-Introduces-Hyatt-Centric/default.aspx", + "https://www.cpexecutive.com/post/hyatt-to-double-centric-brand-portfolio/", + "http://newsroom.hyatt.com/012516-HYATT-CENTRIC-ACCELERATES-GROWTH-WITH-FIRST-INTERNATIONAL-HOTELS", + "http://investors.hyatt.com/investor-relations/news-and-events/financial-news/financial-news-details/2015/Hyatt-Introduces-Hyatt-Centric/default.aspx", + "https://www.cpexecutive.com/post/hyatt-to-double-centric-brand-portfolio/" + ] + }, + "query": "hyatt centric ginza tokyo", + "query_id": 389677, + "query_type": "LOCATION", + "wellFormedAnswers": [] + }, + "truncated_cells": [] + }, + { + "row_idx": 292, + "row": { + "answers": [ + "No Answer Present." + ], + "passages": { + "is_selected": [ + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0 + ], + "passage_text": [ + "There are many different grades of steel that encompass varied properties. These properties can be physical, chemical and environmental. All steel is composed of iron and carbon. It is the amount of carbon, and the additional alloys that determine the properties of each grade.", + "Types of Steel can also be classified by a variety of different factors: Composition: Carbon range, Alloy, Stainless. The production method: Continuous cast, Electric furnace, Etc. Finishing method used: Cold Rolled, Hot Rolled, Cold Drawn (Cold Finished), Etc.", + "A presentation on Structural Steel By: Vinod Singh. 2. Steel

    • Man made metal derived from iron- which is its major constituent
    • Remaining components are small amounts of other elements
    • Added to improve the quality of steel
    .", + "Different Types and Uses of Steel Beams. Not many are aware about the different types and uses of steel beams. Steel beams are extremely crucial and necessary for the construction any building or structure, such as bridges, etc. They come in a wide range of sizes and shapes.", + "Different types of steel buildings. Steel or metal framed buildings employ a construction design in which only the frame is made out of high grade steel. In addition to being light, easy to construct and inexpensive, these designs offer a lot more flexibility than structures made out of other materials.", + "Steel structure is composed of fundamental structural components. These fundamental structures can be joined preferably to erect an structure of desired shape, size and strength. The fundamental steel structures are: Beam. Column. Girder. Strut. Frame.", + "Quite often our customers will ask us about the different types of steel we sell, and what to look for when picking steel grades, shapes and sizes. While there are many ways to categorize steel, we find it useful to break steel down into four categories (Carbon, Alloy, Stainless and Tool Steel).", + "Different Steel Shapes. The majority of structural steel used in architectural structures are hot-rolled. They are produced in different grades which represent the yield-strength of steel. In the U.S., the “American Society for Testing and Materials” (ASTM) standardizes the different grades of steel.", + "Structure And Form Analysis System (SAFAS) The majority of structural steel used in architectural structures are hot-rolled. They are produced in different grades which represent the yield-strength of steel. In the U.S., the “American Society for Testing and Materials” (ASTM) standardizes the different grades of steel.", + "Structural steel. 1 1. A presentation on Structural Steel By: Vinod Singh. 2 2. Steel
    • Man made metal derived from iron- which is its major constituent
    • Remaining components are small amounts of other elements
    • Added to improve the quality of steel
    ." + ], + "url": [ + "https://www.metalsupermarkets.com/types-of-steel/", + "https://www.metalsupermarkets.com/types-of-steel/", + "https://www.slideshare.net/vinod_iitr2/structural-steel", + "http://northern-weldarc.com/different-types-uses-steel-beams/", + "http://www.hammersconstruction.com/different-types-of-steel-buildings-and-their-design-considerations/", + "https://www.quora.com/What-are-the-types-of-steel-structures", + "https://www.metalsupermarkets.com/types-of-steel/", + "http://www.setareh.arch.vt.edu/safas/007_fdmtl_35_Steel_shapes.html", + "http://www.setareh.arch.vt.edu/safas/007_fdmtl_35_Steel_shapes.html", + "https://www.slideshare.net/vinod_iitr2/structural-steel" + ] + }, + "query": "what are the different types of structural steel", + "query_id": 569093, + "query_type": "DESCRIPTION", + "wellFormedAnswers": [] + }, + "truncated_cells": [] + }, + { + "row_idx": 293, + "row": { + "answers": [ + "Yes, The pharynx is layered with stratified squamous epithelium." + ], + "passages": { + "is_selected": [ + 0, + 0, + 1, + 0, + 0, + 0, + 0, + 0, + 0, + 0 + ], + "passage_text": [ + "Internally, stratified squamous epithelium has no need to be keratinized because it is not in contact with the outside world. So in areas such as the esophagus and the lining of the mouth, we find non-keratinized tissue.", + "The pharynx is connected to the oral and nasal oral cavities and contains the entrances to the Eustachian tube, and the larynx (described in detail in Chapter 4. Respiratory System, Larynx). The pharynx is lined by stratified squamous epithelium. The lamina propria of the pharynx contains minor salivary glands. The 4X micrograph presents the glands of the pharynx, the glandular soft palate forming the roof of the pharynx, and the epiglottis (the epiglottis is depicted in detail in Chapter 4. Respiratory System, Pharynx and Epiglottis 20X and 40X). The 10X micrograph shows those glandular elements in more detail, while the 20X micrograph displays the acini and duct of mucous glands present in the soft palate. The 40X micrograph shows the layers of the stratified squamous epithelium lining the pharynx. © 2004 Texas Histopages. All rights reserved.", + "Histology of the Pharynx. The pharynx is lined by both stratified squamous epithelium and ciliated pseudostratified epithelium with goblet cells. Different regions are lined by a different type of epithelium. Regions of the pharynx that are likely to be roughened up by food are lined by stratified squamous epithelium. Other regions of the pharynx are lined by ciliated pseudostratified epithelium with goblet cells. The vestibule is lined by stratified squamous epithelium.", + "Epithelium - Functions. 1 Epithelial tissues have as their primary functions... 2 to protect the tissues that lie beneath from radiation, desiccation, toxins, invasion by pathogens, and physical trauma. 3 the regulation and exchange of chemicals between the underlying tissues and a body cavity.", + "Because both food and air pass through the pharynx, a flap of connective tissue called the epiglottis closes over the glottis when food is swallowed to prevent aspiration. The oropharynx is lined by non-keratinised squamous stratified epithelium.", + "Single layer of columnar cells varying in heights that appears multilayered, all cells connect to basement membrane. Secretion & movement of mucin by ciliary action. Ciliated version lines most of the respiratory tract, nasal cavity, part of pharynx, trachea & bronchipharynx, trachea & bronchi.", + "Practice Questions. 1 influences motility and secretory activity of the GI tract. 2 protects the mucosa by secreting mucus. 3 produces zymogens such as pepsinogen essential for digestion. 4 secretes intrinsic factor necessary for absorption of vitamin B12. 5 transports H+ ions for the production of acidic gastric juices.", + "Pseudostratified ciliated columnar epithelium o Pharynx Nasopharynx from KIN 416K at University of Texas", + "Contents. 1 Introduction. 2 Epithelium Functions and location. 3 Characteristics Cell shape. 4 Stratified squamous epithelium Nonkeratinized. 5 Stratified cuboidal epithelium. 6 Stratified columnar epithelium. 7 Transitional epithelium Location and characteristics.", + "Lined with non keratinized stratified squamous. 1 40 pages. the study of body functions. Animal Physiology BIOL 225 Chapter 1 The Study of Body Function Physiology the stud. 2 73 pages. urinary system. Chapter 26 The Urinary System The Urinary System Kidneys, ureters, urinary bladder 3 &. 91 pages. blood and heart." + ], + "url": [ + "https://study.com/academy/lesson/what-is-stratified-squamous-epithelium.html", + "http://ctrgenpath.net/static/atlas/mousehistology/Windows/digestive/pharynx.html", + "http://www.histology-world.com/factsheets/respiratory1.htm", + "https://en.wikipedia.org/wiki/Epithelium", + "https://en.wikipedia.org/wiki/Pharynx", + "https://quizlet.com/4376472/ch-04-tissue-level-flash-cards/", + "http://histology.medicine.umich.edu/resources/pharynx-esophagus-stomach", + "https://www.coursehero.com/file/p7ksun0/Pseudostratified-ciliated-columnar-epithelium-o-Pharynx-Nasopharynx/", + "https://www.kenhub.com/en/library/anatomy/stratified-epithelium", + "https://www.coursehero.com/file/p4kddi/lined-with-non-keratinized-stratified-squamous-epithelium-Larynx-The-larynx/" + ] + }, + "query": "is the pharynx layered with stratified squamous epithelium", + "query_id": 1174733, + "query_type": "DESCRIPTION", + "wellFormedAnswers": [] + }, + "truncated_cells": [] + }, + { + "row_idx": 294, + "row": { + "answers": [ + "ICD-10-CM V72.32" + ], + "passages": { + "is_selected": [ + 0, + 0, + 0, + 0, + 1, + 0, + 0, + 0, + 0, + 0 + ], + "passage_text": [ + "ICD-10: Re-Evaluate the Way You Report Abnormal Pap Smear Results. - Published on Wed, Mar 09, 2011. Good news: ASC-US, ASC-H, LGSIL, and HGSIL will have one-to-one matches. When a patient's cervical Pap smear returns abnormal results, you should report 795.0x (Abnormal Papanicolaou smear of cervix and cervical HPV).", + "ICD-10: Re-Evaluate the Way You Report Abnormal Pap Smear Results. Good news: ASC-US, ASC-H, LGSIL, and HGSIL will have one-to-one matches. When a patient's cervical Pap smear returns abnormal results, you should report 795.0x (Abnormal Papanicolaou smear of cervix and cervical HPV).", + "When a screening pap smear is performed at the time of the routine gynecological exam, an. additional code is not needed. If a screening pap smear is performed independently (not part of the. GYN exam), the correct code is Z12.4. 2 ICD-10-CM Specialty Code Set Training — Obstetrics and Gynecology © 2013 AAPC.", + "Symptoms include discharge, pain, itching, and light vaginal bleeding. In ICD-10-CM, the codes are selected based on timing (acute, chronic), type (atrophic) or. infectious agent (bacterial, candidiasis, trichomonas).", + "Billable Medical Code for Encounter for Papanicolaou Cervical Smear to Confirm Findings of Recent Normal Smear Following Initial Abnormal Smear. Code will be replaced by October 2015 and relabeled as ICD-10-CM V72.32. The Short Description Is: Pap smear confirmation. V72.32 is only applicable to female patients. A pap smear is a vaginal test done routinely to check for cervical cancer and any other abnormalities in the vagina, cervix, and uterus.", + "– Previously reported as V72.31 - Routine gynecologic examination in ICD-9. – Instructional note to use additional code for screening for human papillomavirus, if applicable. (Z11.51), screening vaginal pap smear, if applicable (Z12.72) or to identify acquired absence. of uterus, if applicable (Z90.71-).", + "In an effort to aid Health Information Management Coding and Medical Billing Professionals with. ICD-10, the following training tip is provided with an educational intent. • Encounter for general gynecological examination with or without cervical smear. • Encounter for gynecological examination (general)(routine) NOS. • Encounter for pelvic examination (annual)(periodic)", + "AAPC employees, agents, and staff. make no representation, warranty, or guarantee that this compilation of information is error-free. and will bear no responsibility, or liability for the results or consequences of the use of this course. AAPC does not accept responsibility or liability for any adverse outcome from using this study. program for any reason including undetected inaccuracy, opinion, and analysis that might prove.", + "Cervical cancer screening is usually part of a woman's health checkup. There are two types of tests: the Pap test and the HPV test. For both, the doctor or nurse collects cells from the surface of the cervix. With the Pap test, the lab checks the sample for cancer cells or abnormal cells that could become cancer later.", + "Information for Medical Professionals. The ICD-10 and ICD-9 GEMs are used to facilitate linking between the diagnosis codes in ICD-9-CM and the new ICD-10-CM code set. The GEMs are the raw material from which providers, health information vendors and payers can derive specific applied mappings to meet their needs." + ], + "url": [ + "https://www.supercoder.com/coding-newsletters/my-ob-gyn-coding-alert/icd-10-re-evaluate-the-way-you-report-abnormal-pap-smear-results-article", + "https://www.supercoder.com/coding-newsletters/my-ob-gyn-coding-alert/icd-10-re-evaluate-the-way-you-report-abnormal-pap-smear-results-article", + "http://static.aapc.com/3f227f64-019f-488a-b5a2-e864a522ee71/f7e1ad8f-737f-4e74-9e2b-10ff531c0ba5/8276b627-cbdc-4324-92a9-aad697a881b3.pdf", + "http://static.aapc.com/3f227f64-019f-488a-b5a2-e864a522ee71/f7e1ad8f-737f-4e74-9e2b-10ff531c0ba5/8276b627-cbdc-4324-92a9-aad697a881b3.pdf", + "http://healthresearchfunding.org/pap-smear-icd-9-code/", + "http://californiahia.org/sites/californiahia.org/files/docs/resources/ICD10/May-14-Z01.419-gynecological-exam-without-abnormal-findings.pdf", + "http://californiahia.org/sites/californiahia.org/files/docs/resources/ICD10/May-14-Z01.419-gynecological-exam-without-abnormal-findings.pdf", + "http://static.aapc.com/3f227f64-019f-488a-b5a2-e864a522ee71/f7e1ad8f-737f-4e74-9e2b-10ff531c0ba5/8276b627-cbdc-4324-92a9-aad697a881b3.pdf", + "http://icdlist.com/icd-9/795.01", + "http://icdlist.com/icd-9/795.01" + ] + }, + "query": "what icd-10-cm code is reported for an abnormal cervical pap smear?", + "query_id": 669982, + "query_type": "DESCRIPTION", + "wellFormedAnswers": [ + "ICD-10-CM V72.32 is reported for an abnormal cervical papanicolaou smear." + ] + }, + "truncated_cells": [] + }, + { + "row_idx": 295, + "row": { + "answers": [ + "No Answer Present." + ], + "passages": { + "is_selected": [ + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0 + ], + "passage_text": [ + "Poppy Symbolism. The flower symbolism associated with poppies is beauty, magic, consolation, fertility and eternal life. The Egyptians included poppies at funerals and in burial tombs. The Greeks used poppies in the shrines of Demeter, goddess of fertility, and Diana, goddess of the hunt. Poppies denote sleep, rest and repose.", + "Symbols used in Bittersweet Ridge Jewelry. Below are just a few of the more common symbols we use in our jewelry as pendants and charms. Do check back because we will make additions to this page frequently. Please also see our Guide to Chinese Symbols. Angel - a symbol of devotion, spirituality and faith. Represents a relationship with God.", + "The dandelion actually has a Latin name of Taraxacum, which is not a nice name. But, the name actually comes from a French word and means “lion’s tooth”. While a lot of people look at this flower as a pest and a weed, to other people it has some meaning. The floral meaning of the dandelion is that it is a gift to a loved one that will provide happiness and is a promise of total faithfulness. SO, it can mean a lot to some people.", + "Gemstone Meanings: The Surprising Symbolism of Your Jewels. We’ve all heard that diamonds symbolize true love, but what are the symbolic meanings of other popular gemstones? From ancient times to today, gems of every hue have been imbued with significance and special powers by cultures around the world.", + "Poppies have been used for centuries in seasonings, medicine and health tonics. Tea from poppies has been used for its calming effect. The oriental poppy is the only poppy that contains opium, but other poppies do have mildly sedative effects, too. Water made from poppies is said to remove wrinkles and freshen the skin.", + "Poppy, unlike most floral names which are sweet and feminine, has a lot of spunk; Poppy makes an especially good choice for a redhead. Jamie Oliver -- the British Naked Chef -- used Poppy for his daughter Poppy Honey Rosie, as did Anthony Edwards, Jessica Capshaw, and Anna Paquin and Stephen Moyer.", + "Search by jewelry purpose. David Weitzman's jewelry are made to inspire and empower the wearer on the journey to happiness and fulfillment in life. Behind each jewel, there is a meaning like love, abundance, courage, healing and self-balance. The meaning of the jewelry is composed of shapes that resonate in harmony, carefully chosen words and David's strong intention.", + "One notable Poppy is Australian Without a Trace star Poppy Montgomery (full name Poppy Petal Emma Elizabeth--her mother named all her daughters after flowers: Lily, Daisy, Marigold and Rosie). Although she's never made the list in the US, Poppy is on a popularity roll in England, Scotland, and Wales.", + "Uses for the Dandelion Flower. So, of course, for some people, with the floral meaning of the dandelion, they give it out to show their faithfulness to their partner. This is one thing that people do with a dandelion. But, there are a lot of other uses for a dandelion too.", + "Famous People Named Poppy. Poppy Z. Brite (born Melissa Ann Brite, now Billy Martin), American novelist. Poppy Petal Emma Elizabeth Deveraux Montgomery, Australian actress. Poppy Angela Delevingne, English model and socialite; sister of model Cara Delevingne." + ], + "url": [ + "http://livingartsoriginals.com/flower-poppies.htm", + "http://bittersweetridgejewelry.com/pages/JewelrySymbols.htm", + "http://www.canadianflowerdelivery.com/dandelion.aspx", + "https://www.brilliantearth.com/news/gemstone-meanings-the-surprising-symbolism-of-your-jewels/", + "http://livingartsoriginals.com/flower-poppies.htm", + "https://nameberry.com/babyname/Poppy", + "http://www.ka-gold-jewelry.com/jewelry-by-meaning.php", + "https://nameberry.com/babyname/Poppy", + "http://www.canadianflowerdelivery.com/dandelion.aspx", + "https://nameberry.com/babyname/Poppy" + ] + }, + "query": "meaning behind love poppy jewelry brand?", + "query_id": 446914, + "query_type": "DESCRIPTION", + "wellFormedAnswers": [] + }, + "truncated_cells": [] + }, + { + "row_idx": 296, + "row": { + "answers": [ + "No Answer Present." + ], + "passages": { + "is_selected": [ + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0 + ], + "passage_text": [ + "Radio Frequency Wireless Technology in Medical Devices - Guidance for Industry and Food and Drug Administration Staff. This guidance represents the Food and Drug Administration's (FDA's) current thinking on this topic.", + "In addition, the device performance and specifications related to the wirelessly enabled medical device functions should be considered in choosing the appropriate RF wireless technology (e.g., WMTS, IEEE 802.11) and RF frequency of operation.", + "I'm looking for suggestions for a wireless transmitter & receiver combination. I'm basically just trying to bridge several buttons over a wireless signal(s) (i.e. send a 1 bit signal) in as small a package as possible: Very short range (needs to be 99% reliable at ~3 ft away, no line-of-sight).", + "RF module. RF Module with ruler for size reference. An RF module (radio frequency module) is a (usually) small electronic device used to transmit and/or receive radio signals between two devices. In an embedded system it is often desirable to communicate with another device wirelessly.", + "There are essentially two parameters to look at when trying to determine range. 1 Transmit Power. Transmit power refers to the amount of RF power that comes out of the antenna port of the radio. 2 Receiver sensitivity. Receiver sensitivity refers to the minimum level signal the radio can demodulate.", + "Low power, especially for the transmitter. I'd like to be able to send ~10,000 pulses off of a watch battery. Very small transmitter (needs to fit inside something around 1 in^3, though I have a fair bit of flexibility on placement) Would like to prevent accidental cross-talk.", + "All of the Wi-Fi variants (802.11b, g and n products) use the same 2.4 GHz radio frequency, and as a result are designed to be compatible with each other, so you can usually use devices based on the different standards within the same wireless network.", + "Just as a wireless network's speed can vary greatly, so too can the range. For example, 802.11b and g officially work over a distance of up to 328 feet indoors or 1,312 feet outdoors, but the key term there is up to. Chances are you won't see anywhere close to those numbers.", + "RF Basics. Radio Frequency (RF) communications is based on laws of physics that describe the behavior of electromagnetic energy waves. For the purpose of providing a very cursory understanding of the technology this tutorial will use very informal terminology to describe what is happening.", + "See Appendix A for a glossary of key terms associated with RF wireless technology and wireless medical devices that have been adapted from the IEC 60050-161 International Electrotechnical Vocabulary (IEV) and other sources." + ], + "url": [ + "https://www.fda.gov/MedicalDevices/DeviceRegulationandGuidance/GuidanceDocuments/ucm077210.htm", + "https://www.fda.gov/MedicalDevices/DeviceRegulationandGuidance/GuidanceDocuments/ucm077210.htm", + "https://electronics.stackexchange.com/questions/26028/ultra-low-power-mini-wireless-transmitter-receiver", + "https://en.wikipedia.org/wiki/RF_module", + "https://www.digi.com/resources/standards-and-technologies/rfmodems/rf-basics", + "https://electronics.stackexchange.com/questions/26028/ultra-low-power-mini-wireless-transmitter-receiver", + "http://www.webopedia.com/DidYouKnow/Computer_Science/wireless_networks_explained.asp", + "http://www.webopedia.com/DidYouKnow/Computer_Science/wireless_networks_explained.asp", + "https://www.digi.com/resources/standards-and-technologies/rfmodems/rf-basics", + "https://www.fda.gov/MedicalDevices/DeviceRegulationandGuidance/GuidanceDocuments/ucm077210.htm" + ] + }, + "query": "cost of rf frequency wireless send receive device", + "query_id": 106786, + "query_type": "NUMERIC", + "wellFormedAnswers": [] + }, + "truncated_cells": [] + }, + { + "row_idx": 297, + "row": { + "answers": [ + "The Importer of Record is a person or entity who assumes the responsibility for ensuring legal goods are imported into the United States." + ], + "passages": { + "is_selected": [ + 0, + 0, + 0, + 0, + 1, + 0, + 0, + 0, + 0, + 0 + ], + "passage_text": [ + "importer of record. Customs term for the entity responsible for (1) ensuring the imported goods comply with local laws and regulations, (2) filing a completed duty entry and associated documents and (3) paying the assessed import duties and other taxes on those goods.", + "In the service parts supply chain, trade between parties across international lines results in the need for an Importer of Record. In the service parts supply chain, trade between parties across international lines results in the need for an Importer of Record.", + "Creation of the Importer of Record The Customs Modernization Act of 1993 created the Importer of Record. The role of Importer of Record was created by Customs and Border Protection (CBP) to further secure imports from terroristic threats and assure the payment of duties on all imported goods.", + "Definition of importer of record: Customs term for the entity responsible for (1) ensuring the imported goods comply with local laws and regulations, (2) filing a completed duty entry and associated documents and (3) paying the ...", + "Take a look at what you need to know about the role of the Importer of Record. What is Importer of Record? The Importer of Record is a person or entity who assumes the responsibility for ensuring legal goods are imported into the US. The Importer of Record must ensure all goods are appropriately documented and valued. Furthermore, the Importer of Record is the responsible party for the payment of duties, tariffs, and fees of the imported goods.", + "To be eligible, a company must be a registered Canadian company, an importer of record into the U. Validating X-border security systems Their goal was to be the importer of record for the premier Italian machine manufacturers, in order to bring the highest quality wood and metal working products to the American market.", + "Furthermore, the Importer of Record is required to appoint a valid Power of Attorney (POA). When an Importer of Record is not located on-site at the time of import, the POA has the authority to act on behalf of the Importer of Record for the accountability of the import.", + "The recipient is the importer of record and pays Division III tax in both delivery scenarios, and is otherwise entitled to a full GST ITC.", + "FMSA is going to hold the importer of record responsible for product safety. The FDA's watchful eye: the FDA now has teeth and if retailers are ... The company is the importer of record in Mexico and the U.", + "What is an Importer Number? The Importer Number is a unique identifier assigned by Customs to the Importer of Record. It is regularly used during the importing process and all importers must have one on file. An Importer Number is a Customs-assigned identification required to be on file for the Importer of Record of any goods imported into America. An importer will need to use this number during many stages of the importing process as it is the primary way U.S. Customs and Border Protection will identify your entries. What is the standard form of an Importer Number?" + ], + "url": [ + "http://www.businessdictionary.com/definition/importer-of-record.html", + "https://flashglobal.com/blog/importer-of-record-2/", + "https://flashglobal.com/blog/importer-of-record-2/", + "http://www.businessdictionary.com/definition/importer-of-record.html", + "https://flashglobal.com/blog/importer-of-record-2/", + "https://www.acronymfinder.com/Importer-of-Record-(customs)-(IOR).html", + "https://flashglobal.com/blog/importer-of-record-2/", + "https://www.acronymfinder.com/Importer-of-Record-(customs)-(IOR).html", + "https://www.acronymfinder.com/Importer-of-Record-(customs)-(IOR).html", + "https://traderiskguaranty.com/trgpeak/what-is-an-importer-number/" + ] + }, + "query": "what is a importer of record number", + "query_id": 687512, + "query_type": "NUMERIC", + "wellFormedAnswers": [] + }, + "truncated_cells": [] + }, + { + "row_idx": 298, + "row": { + "answers": [ + "0843 506 8869" + ], + "passages": { + "is_selected": [ + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 1, + 0 + ], + "passage_text": [ + "DHL Express (UK) welcomes your comments and enquiries on any aspect of our service. Please select the nature of your enquiry from the list below and complete the form. If you would like to speak to a Customer Service advisor, please call Customer Service.", + "DHL Customer Service Contact Phone Number UK. DHL were founded in San Francisco USA more than 40 years ago by 3 friends, Daisey, Hillblom and Lynn, and has continued to grow at a phenomenal rate and today stands as the Global market leader in International express and logistics.", + "DHL Express welcomes your general enquiries, comments and suggestions. Contact Numbers. For urgent DHL Express enquiries, please contact Customer Service using the telephone numbers provided below. For complaints or less urgent enquiries, please use our contact forms.", + "Customser Service helpline is fast and provide you all information needed If you have any doubt about the service, please contact us: email: info@phonesno.co.uk phone: 03030311021 (this is not DHL customer service number, only calls related to our directory phone enquiry website service will be attended).", + "Contact Forms. DHL Express (UK) welcomes your comments and enquiries on any aspect of our service. Please select the nature of your enquiry from the list below and complete the form. If you would like to speak to a Customer Service advisor, please call Customer Service.", + "For urgent DHL Express enquiries, please contact Customer Service using the telephone numbers provided below.", + "DHL Express Technical Support: 1-800-527-7298. 1 Thank you for calling the DHL Technical Service desk, for quality assurance your call maybe monitored, please have your Unit ID or Account Number ready. 2 to order supplies or track a shipment Press 1.", + "DHL customer service number 0843 506 8869 makes things easy, simply pay by Debit card, credit card or PayPal and a courier will collect your parcel and deliver it anywhere in the world. With a maximum parcel size of 120cm x 80cm x 80cm you can see that even this is not very limiting in most cases.", + "DHL Contact Phone Number UK | 0843 506 8869. Calls to these numbers costs 7ppm plus your phone company’s access charge. We constantly strive to offer the most cost effective Directory Service in the UK by using affordable numbers.", + "With a global network in over 220 countries and territories across the globe, DHL is the most international company in the world and can offer solutions for an almost infinite number of logistics needs." + ], + "url": [ + "http://www.dhl.co.uk/en/contact_centre/contact_express.html", + "http://www.numbershelpline.co.uk/dhl-customer-service-contact-number/", + "http://www.dhl.co.uk/en/contact_centre/contact_express.html", + "http://www.phonesno.co.uk/DHL-Phonenumber.html", + "http://www.dhl.co.uk/en/contact_centre/contact_express.html", + "http://www.dhl.co.uk/en/contact_centre/contact_express.html", + "http://www.800-numbers.net/dhl/", + "http://www.numbershelpline.co.uk/dhl-customer-service-contact-number/", + "http://www.numbershelpline.co.uk/dhl-customer-service-contact-number/", + "http://www.dhl.com/en.html" + ] + }, + "query": "dhl phone number uk free", + "query_id": 142709, + "query_type": "NUMERIC", + "wellFormedAnswers": [] + }, + "truncated_cells": [] + }, + { + "row_idx": 299, + "row": { + "answers": [ + "Fluid discharge from the ear," + ], + "passages": { + "is_selected": [ + 1, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0 + ], + "passage_text": [ + "Mastoiditis may occur as a complication of acute or chronic otitis media. Acute otitis media (AOM), an acute illness marked by the presence of middle ear fluid and inflammation of the mucosa that lines the middle ear space, is discussed separately. (See Acute otitis media in adults (suppurative and serous).)", + "Mastoiditis (Definition) Mastoiditis is an infection of the mastoid bone, which is a bone of the skull, located just behind the ear. The mastoid bone has air-containing spaces in which an infection can develop. Patients usually have pain and redness in the area of the skull behind the ear. ...Read more.", + "Symptoms of mastoiditis include: 1 Ear pain. 2 Fluid discharge from the ear. 3 Redness of the ear or behind the ear. Swelling behind the ear that may cause the ear to stick 1 out. Fever. 2 Headaches. Hearing 3 loss. In the disease's late stages, abscesses in the neck called Bezold's abscesses.", + "Mastoiditis is usually caused by a middle ear infection (acute otitis media). The infection may spread from the ear to the mastoid bone of the skull. The mastoid bone fills with infected materials and its honeycomb-like structure may deteriorate. Mastoiditis usually affects children. Before antibiotics, mastoiditis was one of the leading causes of death in children.", + "Chronic Mastoiditis. It is an infection of the mastoid bone and the middle ear. The condition is also known as Chronic Suppurative Mastoiditis. The disorder gives rise to very discomforting symptoms like persistent drainage from the eardrum. It is an acute infection that can damage the middle ear structures and the mastoid bone.", + "Chronic otitis media is a recurrent infection of the middle ear and/or mastoid air cell tract in the presence of a tympanic membrane perforation. Symptoms commonly associated with chronic ear disease include hearing loss, otorrhea, aural fullness, otalgia, and occasionally true vertigo. Cholesteatoma, a keratinized mass in the middle ear or mastoid, may occur either as a primary lesion or secondary to tympanic membrane perforation.", + "Acute mastoiditis with osteitis. This is a surgically treated disease, although coverage with appropriate antibiotics is mandatory. Mastoidectomy with insertion of a tympanostomy tube is required to remove areas of coalescence within the temporal bone.", + "It is most prevalent in children. Before the invention of antibiotics, mastoiditis was actually one of the leading causes of death amongst children. Symptoms of mastoiditis include: Ear pain. Fluid discharge from the ear. Redness of the ear or behind the ear. Swelling behind the ear that may cause the ear to stick out.", + "Creation of the initial groove and the vertical line. The mastoid cortex is now removed over the Macewen triangle (which is a rough guide to the position of the underlying mastoid antrum) using a drill fitted with a large cutting burr (5-6 mm). In adults, the antrum is encountered at a depth of 15-17 mm.", + "Mastoiditis (Definition) Mastoiditis is an infection of the mastoid bone, which is a bone of the skull, located just behind the ear. The mastoid bone has air-containing spaces in which an infection can develop. Patients usually have pain and redness in the area of the skull behind the ear. ...Read more." + ], + "url": [ + "https://www.uptodate.com/contents/chronic-otitis-media-cholesteatoma-and-mastoiditis-in-adults", + "https://www.healthtap.com/topics/mastoiditis-in-adults", + "https://www.verywell.com/what-is-mastoiditis-1191947", + "http://www.nytimes.com/health/guides/disease/mastoiditis/overview.html", + "http://www.primehealthchannel.com/mastoiditis.html", + "https://www.uptodate.com/contents/chronic-otitis-media-cholesteatoma-and-mastoiditis-in-adults", + "http://emedicine.medscape.com/article/2056657-treatment", + "https://www.verywell.com/what-is-mastoiditis-1191947", + "http://emedicine.medscape.com/article/2056657-treatment", + "https://www.healthtap.com/topics/mastoiditis-symptoms-in-adults" + ] + }, + "query": "symptoms of mastoiditis in adults", + "query_id": 508185, + "query_type": "ENTITY", + "wellFormedAnswers": [] + }, + "truncated_cells": [] + } + ], + "num_rows_total": 808731, + "num_rows_per_page": 100, + "partial": false +} \ No newline at end of file diff --git a/trulens_eval/trulens_eval/tests/datasets/ms_marco/ms_marco_train_v2.1_4.json b/trulens_eval/trulens_eval/tests/datasets/ms_marco/ms_marco_train_v2.1_4.json new file mode 100644 index 000000000..fd5e80885 --- /dev/null +++ b/trulens_eval/trulens_eval/tests/datasets/ms_marco/ms_marco_train_v2.1_4.json @@ -0,0 +1 @@ +{"features":[{"feature_idx":0,"name":"answers","type":{"feature":{"dtype":"string","_type":"Value"},"_type":"Sequence"}},{"feature_idx":1,"name":"passages","type":{"feature":{"is_selected":{"dtype":"int32","_type":"Value"},"passage_text":{"dtype":"string","_type":"Value"},"url":{"dtype":"string","_type":"Value"}},"_type":"Sequence"}},{"feature_idx":2,"name":"query","type":{"dtype":"string","_type":"Value"}},{"feature_idx":3,"name":"query_id","type":{"dtype":"int32","_type":"Value"}},{"feature_idx":4,"name":"query_type","type":{"dtype":"string","_type":"Value"}},{"feature_idx":5,"name":"wellFormedAnswers","type":{"feature":{"dtype":"string","_type":"Value"},"_type":"Sequence"}}],"rows":[{"row_idx":300,"row":{"answers":["No Answer Present."],"passages":{"is_selected":[0,0,0,0,0,0,0,0,0,0],"passage_text":["Making Golden Milk. Add 1 tsp of the turmeric paste to 1 cup. hot milk (cow, goat, soy, rice, almond, or any combination), maple syrup or honey to taste and 1/2 tsp. of almond or sesame oil.Gently heat and stir and then Enjoy!And yes….the Disclaimer.dd 1 tsp of the turmeric paste to 1 cup. hot milk (cow, goat, soy, rice, almond, or any combination), maple syrup or honey to taste and 1/2 tsp. of almond or sesame oil.","1 Mash the turmeric and honey into a paste (you can then store this in a jar to ensure you have it on hand whenever the need arises). 2 For each cup of sweet turmeric black pepper tea, take a heaped teaspoon of the turmeric and honey paste. 3 Top with boiling water. In a pan, gently warm the cup of coconut or almond milk. 2 Mix together the turmeric, cayenne pepper, finely chopped ginger root, and the honey. 3 Add a small amount of the warmed milk and stir it into the mixture. 4 Mix well until all of the lumps have disappeared. 5 Add the rest of the milk and mix.","To make the organic golden turmeric milk, take a teaspoon of the turmeric paste and combine with a cup of organic milk. The milk can be soy, goat, cow, coconut, almond or any other milk of choice.Let this mixture boil well.asic Recipe: A ½ to 1 inch piece of turmeric is heated for up to 15 minutes along with 8 ounces of milk until the milk is almost boiling. Strain out the turmeric and drink this milk after allowing it to cool for a few minutes.","A sip of this hot turmeric milk will give you a good night’s rest and improve your symptoms by morning. Add ½ teaspoon turmeric and 1 teaspoon ginger (minced) to a ¼ cup of water and mix well. Top off the cup with milk. Microwave or boil the mix for a few minutes until the milk almost boils.asic Recipe: A ½ to 1 inch piece of turmeric is heated for up to 15 minutes along with 8 ounces of milk until the milk is almost boiling. Strain out the turmeric and drink this milk after allowing it to cool for a few minutes.","Ginger (Adrak): It is anti-inflammatory and helps relieve muscle and joint pain. It’s great for sore throats and stomach troubles too. Take up to 1 teaspoon a day, or sprinkle it on salads, add to cooked meats or mix with honey.It’s fairly easy to grow and is a low maintenance house plant.inger (Adrak): It is anti-inflammatory and helps relieve muscle and joint pain. It’s great for sore throats and stomach troubles too. Take up to 1 teaspoon a day, or sprinkle it on salads, add to cooked meats or mix with honey.","Turmeric honey can be use topically on sores and ulcerations, although I would thin with honey or water. In India, turmeric powder is frequently applied to cuts, and honey also is used in this manner. You can use it as a soak for skin conditions, at least if you don’t mind the color.urmeric honey is one of my favorite ways to give turmeric. Turmeric is an adaptogen, a nontoxic herb that regulates the immune and endocrine systems.","Turmeric recipe. Take 1/4 cup turmeric powder, mix with 1/2 cup pure water and simmer over medium-high heat for at least 7 minutes, stirring constantly. You will notice a thick paste form. If it get's too dry while cooking you can add additional water.Once cooled, put into a glass jar and put in fridge.et High Quality Turmeric at: http://goo.gl/xHFGXh. ******. View the full blog post -. http://drarjan.com/turmeric-paste-gol... When I've had a hard work-out and am feeling pain in joints and muscles, I take a couple of capsules of turmeric or make some 'Golden Milk' and take a few tablets of Calcium with Magnesium.","1 Relieve your eczema or dermatitis with a turmeric paste. 2 Apply a turmeric paste to your inflamed joints. 3 Drink a turmeric milk to control diarrhea. 4 If you are fighting a fever, make a strong tea of turmeric. 5 Consider adding ginger for flavor and peppercorns to improve the availability of the curcumin in the turmeric. Relieve your eczema or dermatitis with a turmeric paste. 2 Apply a turmeric paste to your inflamed joints. 3 Drink a turmeric milk to control diarrhea. 4 If you are fighting a fever, make a strong tea of turmeric. 5 Consider adding ginger for flavor and peppercorns to improve the availability of the curcumin in the turmeric.","1 In a tea cup, prepare a golden yellow paste by mixing the turmeric powder with the honey. 2 Pour hot water into the cup, and stir well to dissolve the turmeric paste into the liquid. 3 Drink your anti-arthritis turmeric tea once it has has cooled down a bit.irections. 1 In a tea cup, prepare a golden yellow paste by mixing the turmeric powder with the honey. 2 Pour hot water into the cup, and stir well to dissolve the turmeric paste into the liquid.","1 In a pan, gently warm the cup of coconut or almond milk. 2 Mix together the turmeric, cayenne pepper, finely chopped ginger root, and the honey. 3 Add a small amount of the warmed milk and stir it into the mixture. 4 Mix well until all of the lumps have disappeared.5 Add the rest of the milk and mix. In a pan, gently warm the cup of coconut or almond milk. 2 Mix together the turmeric, cayenne pepper, finely chopped ginger root, and the honey. 3 Add a small amount of the warmed milk and stir it into the mixture. 4 Mix well until all of the lumps have disappeared. 5 Add the rest of the milk and mix."],"url":["http://www.mrsikhnet.com/2012/01/06/the-healing-power-of-turmeric-how-to-make-golden-milk/","http://knowledgeweighsnothing.com/how-to-make-turmeric-pain-relief-tea/","http://www.turmericforhealth.com/turmeric-recipes/benefits-of-turmeric-milk","http://www.turmericforhealth.com/turmeric-recipes/benefits-of-turmeric-milk","http://tribune.com.pk/story/452817/daadis-diary-pain-pain-go-away/","http://www.acupuncturebrooklyn.com/alternative-health/turmeric-honey-for-inflammation","http://www.youtube.com/watch?v=jYCQb2YNGt4","http://www.freshbitesdaily.com/turmeric/","http://www.healwithfood.org/rheumatoidarthritis/turmeric-tea-good-for-arthritis-pain.php","http://knowledgeweighsnothing.com/how-to-make-turmeric-pain-relief-tea/"]},"query":"milk and tumeric with honey for joint pain","query_id":453877,"query_type":"ENTITY","wellFormedAnswers":[]},"truncated_cells":[]},{"row_idx":301,"row":{"answers":["No Answer Present."],"passages":{"is_selected":[0,0,0,0,0,0,0,0,0,0],"passage_text":["You can enter the exact address, but please note that it is possible that some information are not available. Change the route for US. After generating the route Houston,TX-San-Angelo,TX could be changed by simply dragging the line with the mouse. The change can be applied to any intermediate points of that route as well as the points of departure and arrival.","In 1856 the Texas state legislature established Palo Pinto County from Bosque and Navarro counties and named for Palo Pinto Creek. The county was organized the next year, with the town of Golconda chosen to be the seat of government. The town was renamed Palo Pinto in 1858.","1 Enter the Distance To city, village, town, airport or place name from Texas (US) in the Distance To (second) text box.","The county was created in 1856 and organized the following year. Palo Pinto County comprises the Mineral Wells, TX Micropolitan Statistical Area, which is part of the Dallas – Fort Worth, TX Combined Statistical Area.","Upham Oil and Gas Company has operated in Palo Pinto County since its founding in 1956 by the late Chet Upham of Mineral Wells, who was also the chairman of the Texas Republican Party from 1979-1983. The company is now run by his son, Chester Robert Upham, III.","Austin encompasses 272 square miles along the Colorado River in central Texas, 200 miles from the Gulf of Mexico. The capitol city is 200 miles southwest of Dallas, 162 miles west of Houston, 90 miles north of San Antonio, and is the center of the major metropolitan area of Austin-Round Rock-San Marcos. Return to Austin FAQ. Visit the Austin Relocation Guide Website.","To find the distances between cities in US and other useful information such as average speed, driving time, the recommended breaks, fuel consumption, fuel price, type in the above fields the names of localities-FROM Houston,TX TO San-Angelo,TX and then press ENTER key or click on DISTANCE button.","Once modified all the other calculations for that route are automatically recalculated: average speed Houston,TX-San-Angelo,TX driving time Houston,TX-San-Angelo,TX recommended break Houston,TX-San-Angelo,TX fuel consumption Houston,TX-San-Angelo,TX fuel price Houston,TX-San-Angelo,TX.","According to the U.S. Census Bureau, the county has a total area of 986 square miles (2,550 km 2), of which 952 square miles (2,470 km 2) is land and 34 square miles (88 km 2) (3.4%) is water.","Adjustment of fuel consumption and fuel price for Houston,TX-San-Angelo,TX. You can modify the values ​​corresponding to the average consumption value of your vehicle, fuel prices could be as well modified with any desired value."],"url":["http://distancesonline.com/Houston,TX/San-Angelo,TX","https://en.wikipedia.org/wiki/Palo_Pinto_County,_Texas","http://distancecalculator.globefeed.com/US_Distance_Calculator.asp?state=TX","https://en.wikipedia.org/wiki/Palo_Pinto_County,_Texas","https://en.wikipedia.org/wiki/Palo_Pinto_County,_Texas","http://www.austinrelocationguide.com/2013/Where-is-Austin-Texas/","http://distancesonline.com/Houston,TX/San-Angelo,TX","http://distancesonline.com/Houston,TX/San-Angelo,TX","https://en.wikipedia.org/wiki/Palo_Pinto_County,_Texas","http://distancesonline.com/Houston,TX/San-Angelo,TX"]},"query":"how far is houston tx from santo tx","query_id":231227,"query_type":"NUMERIC","wellFormedAnswers":[]},"truncated_cells":[]},{"row_idx":302,"row":{"answers":["No Answer Present."],"passages":{"is_selected":[0,0,0,0,0,0,0,0,0,0],"passage_text":["Glencoe weather forecast from AccuWeather.com. Extended forecast in Glencoe, AL 35905 for up to 25 days includes high temperature, RealFeel and chance of precipitation Glencoe weather forecast from AccuWeather.com. Extended forecast in Glencoe, AL 35905 for up to 25 days includes high temperature, RealFeel and chance of precipitation my recent locations °f Glencoe, AL 49°","1 Photos: Hurricane Andrew survivors reflect on the Category 5 storm's devastation Weather News - August 22, 2017, 11:16:48 AM EDT When Hurricane Andrew began brewing as a weak tropical storm in the Atlantic Ocean in August of 1992, meteorologists believed it would dissipate before it could grow stronger.","Intellicast.com: The Authority in Expert Weather Glencoe, Alabama weather conditions and forecast (35905). Today's Glencoe, Alabama weather report: current observations, hourly forecast, 10-day forecast calendar and chart. Intellicast.com The Authority in Expert Weather Weather Emails Alerts Hurricanes Help","glencoe al weather copyright © 2018 Weather for Glencoe, AL - Glencoe, AL Weather, Current Weather in Glencoe, AL. Local weather report for Glencoe, AL, Local Glencoe, AL weather. Forecast for Glencoe, Alabama, Glencoe, AL weather forecast. Find your local Glencoe weather forecast. Glencoe, AL weather conditions. Weather outlook for Glencoe, AL. Weather report for Glencoe, AL. Weather Maps and Driving Directions glencoe al weather.","Source: The Glencoe, AL weather data displayed above is derived from the NOAA (National Oceanic and Atmospheric). Air quality and pollution data is derived from the EPA (United States Environmental Protection Agency).","Harvey to threaten Texas with flooding rainfall to end the week Weather News - August 22, 2017, 7:52:01 AM EDT Depending on the track and speed of Harvey, which is likely to regenerate, enough rain may fall on portions of Texas to bring the risk of major flooding from Friday to Sunday.","Get the Glencoe weather forecast. Access hourly, 10 day and 15 day forecasts along with up to the minute reports and videos for Glencoe, AL 35905 from AccuWeather.com Get the Glencoe weather forecast. Access hourly, 10 day and 15 day forecasts along with up to the minute reports and videos for Glencoe, AL 35905 from AccuWeather.com my recent locations °f Glencoe, AL 40°","© 2017 AccuWeather, Inc. All Rights Reserved. AccuWeather.com is a registered trademark of AccuWeather, Inc. Terms of usage under which this service is provided Privacy Statement | Ad Choices","Next 5 Days. 1 Early AM Aug 29 64° Lo. Partly to mostly cloudy. 2 Today Aug 29 87° /68°F. Mostly cloudy. 3 Wed Aug 30 76° /68°. Periods of rain and a t-storm. 4 Thu Aug 31 81° /68°. Cloudy, a couple of t-storms. 5 Fri Sep 1 82° /68°. A shower or thunderstorm.","Home » Local » Weather Report Glencoe, Alabama Weather Report · Interactive Map · Extended Forecast · Hourly Forecast · Past Observations · Historic Averages"],"url":["https://www.accuweather.com/en/us/glencoe-al/35905/daily-weather-forecast/2231125","https://www.accuweather.com/en/us/glencoe-al/35905/weather-forecast/2231125","http://www.intellicast.com/Local/Weather.aspx?location=USAL9889","https://www.findlocalweather.com/forecast/al/Glencoe.html","http://www.areavibes.com/glencoe-al/weather/","https://www.accuweather.com/en/us/glencoe-al/35905/weather-forecast/2231125","https://www.accuweather.com/en/us/glencoe-al/35905/weather-forecast/2231125","https://www.accuweather.com/en/us/glencoe-al/35905/daily-weather-forecast/2231125","https://www.accuweather.com/en/us/glencoe-al/35905/daily-weather-forecast/2231125","http://www.intellicast.com/Local/Weather.aspx?location=USAL9889"]},"query":"weather in glencoe al","query_id":544331,"query_type":"DESCRIPTION","wellFormedAnswers":[]},"truncated_cells":[]},{"row_idx":303,"row":{"answers":["No Answer Present."],"passages":{"is_selected":[0,0,0,0,0,0,0,0,0,0],"passage_text":["The World's most comprehensive professionally edited abbreviations and acronyms database. All trademarks/service marks referenced on this site are properties of their respective owners.","H'ren is the lowest rank in the Breen ground forces and is below ak'ched. It was roughly equivalent to a ensign in the Starfleet Ground Forces and a trooper in the Romulan Ground Forces. (The Dominion War Sourcebook: The Fires of Armageddon) Nareg is a rank in the Breen ground forces above grelek and below thot. It was roughly equivalent to a colonel in the Starfleet Ground Forces and Romulan Ground Forces. (The Dominion War Sourcebook: The Fires of Armageddon)","The World's most comprehensive professionally edited abbreviations and acronyms database. All trademarks/service marks referenced on this site are properties of their respective owners.","Person 1: That thot always be on this big dick. Person 2: That thot be sucking on that dick cuz she ain't got nothin' better ta do. My ex a thot. She fucked me and some other girls and thinks it's okay.","The upper thigh just beneath the fold of the buttox. A thut is an unfortunate condition where a the back of a woman's thigh and her butt have become a single entity. There is no sudden incline from the back of the thigh to the farthest part of the butt and it becomes more of a slope. It's caused by a lack of glute muscles. It's a treatable condition, it is generally cured by squats and other glute exercises. You can figure out if you have a thut by putting a pencil between where your butt ends and your thigh begins.","1 A general derogatory form of reference for a disliked female.She a thot.He a thot.That bitch a thot.I don't like her cause she a thot.That nigga a thot.She a thot though.That stupid bitch a thot , with her STD-infected ass.That bitch sucking dick over there is a thot.That bitch a fucking thot , G.That thot do dicks a lot.She a ratchet-ass thot.She a ...","Nareg is a rank in the Breen ground forces above grelek and below thot. It was roughly equivalent to a colonel in the Starfleet Ground Forces and Romulan Ground Forces. RelkEdit. Relk (plural relkyh) is a rank in the Breen space forces and was roughly equivalent to a starship captain.","Uthot is a rank in the Breen space forces and means, 'Junior Thot' or 'Sub-Thot. Uthot's commanded tilga'kars and were appointed by the thot in command of the fleet. Compared to Starfleet ranks it is the rough equivalent to a low-ranking admiral or a tactical wing captain.","Dalsh is a rank in the Breen space forces above vel'sh and below thot. It translated to Federation Standard as shipmaster and was equivalent to a Starfleet captain. (Bait and Switch: Bait and Switch, Frostbite) Grelek is a rank in the Breen ground forces above ak'trun and below nareg.","a female who is promiscuous or dresses in a provocative way.That bitch a thot.You a fucking thot.You thot-ass bitch.This bitch is a dick-sucking thot. Point blank. Period!It's a thot nation. Hide yo dicks, niggas.I ain't no thot. I just talk to a lot of niggas.The bitch that wrote I ain't no thot is a thot lmao.All these thots in Ottawa be trippin'!I dated this girl Lexi right? An that thot fucked my best friend!Julia fucked my best friend, his cousin, and most of the school. She's a thot."],"url":["http://www.acronymfinder.com/THOT.html","http://stexpanded.wikia.com/wiki/Breen_ranks","http://www.acronymfinder.com/Military-and-Government/THOR.html","http://onlineslangdictionary.com/meaning-definition-of/thot","http://www.urbandictionary.com/define.php?term=thut","http://onlineslangdictionary.com/meaning-definition-of/thot","http://stexpanded.wikia.com/wiki/Breen_ranks","http://stexpanded.wikia.com/wiki/Breen_ranks","http://stexpanded.wikia.com/wiki/Breen_ranks","http://onlineslangdictionary.com/meaning-definition-of/thot"]},"query":"what is a thot military","query_id":703418,"query_type":"DESCRIPTION","wellFormedAnswers":[]},"truncated_cells":[]},{"row_idx":304,"row":{"answers":["No, the Piedmont is a plateau area located in the eastern region of the United States."],"passages":{"is_selected":[0,0,0,0,1,0,0,0,0,0],"passage_text":["Printable Piedmont Lake fishing map located near Southeast Ohio showing boat ramp locations along with fishing opportunities.","Piedmont College. One of the most dynamic small colleges in the Southeast, Piedmont’s 200-acre residential campus is located in Demorest, Ga., in the foothills of the north Georgia mountains. Our Athens campus is designed for commuting students and is located in the heart of Georgia’s Classic City.","Looking for a warehouse in the Southeast? Our Piedmont, AL distribution center is strategically located near automotive suppliers and OEM's. We have the warehouse space to store products and parts until they are needed for production or distribution.","{{::location.tagLine.value.text}} Sponsored Topics Piedmont is a fourth-class city located in northwestern Wayne County in Southeast Missouri in the United States.","Quick Answer. The Piedmont is a plateau area located in the eastern region of the United States. It is situated between New Jersey in the north and Alabama in the south and rises from the foothills of the Appalachian Mountains to the Atlantic Coastal Plain. Continue Reading.","Today, the Southeast region has established several international airport hubs located in Washington, D.C.; Richmond, VA; Charlotte, NC; Atlanta, GA; and Miami, FL and a multitude of interstate highways that lead to other regions of the United States.","Loganville Urgent Care. 4763 Atlanta Highway, Suite 420 Loganville GA, 30052. We are located in the Kroger shopping center at the corner of Highway 78 and Highway 81 in Loganville. Piedmont Urgent Care is proud to announce the expansion of our","We now have six distribution centers located across Southeast United States. We provide top notch truckload service, transportation, distribution, and logistics services. With locations in Mobile AL; Piedmont, AL; Tallahassee, FL; Anniston, AL (two facilities); Eastaboga, AL; and Oxford, AL, BR Williams’ distribution network supports over 50 customers and another 2,500 in the Trucking and Logistics divisions.","The southern Piedmont extends from Alabama and Georgia northeastward through South Carolina and North Carolina. Boundaries The boundary of the Piedmont on the southeastern side is the fall line, which generally separates the crystalline rocks of the Piedmont from the sedimentary rocks of the Atlantic Coastal Plain.","The portion of the Piedmont region in the southern United States is closely associated with the Piedmont blues, a style of blues music that originated there in the late 19th century. According to the Piedmont Blues Preservation Society, most Piedmont blues musicians came from Virginia, the Carolinas, and Georgia."],"url":["https://gofishohio.com/ohio-fishing-information/piedmont-lake-fishing-map-southeast-ohio/","https://www.piedmont.edu/nodes/view/4","https://www.brwilliams.com/locations/piedmont-alabama-warehouse-distribution-center/","https://www.mapquest.com/us/mo/piedmont-282022052","https://www.reference.com/geography/location-piedmont-plateau-848b51a85e2e8e66","http://blogs.henrico.k12.va.us/accpatoray/files/2014/12/Southeast-Region-Notes.pdf","http://www.wellstreet.com/office-locations/loganville-urgent-care/","https://www.brwilliams.com/locations/piedmont-distribution-center/","http://www.georgiaencyclopedia.org/articles/geography-environment/piedmont-geographic-region","https://en.wikipedia.org/wiki/Piedmont_%28United_States%29"]},"query":"is the piedmont located in the southeast","query_id":1174732,"query_type":"DESCRIPTION","wellFormedAnswers":[]},"truncated_cells":[]},{"row_idx":305,"row":{"answers":["No Answer Present."],"passages":{"is_selected":[0,0,0,0,0,0,0,0,0,0],"passage_text":["Future Full-Time Tuition and Fees. Tuition for out-of-state students attending Georgia Southern University increased at an average annual rate of 2.5% over the past 5 years. Over that same period, fees grew by 11.8%. Based on this, we estimate the cost of tuition and fees for 2015 - 2016 will total $17,093.","You may pay your registration tuition and fees by cash, check (including money orders, credit card convenience checks and cashier’s checks), credit cards and/or financial aid. Cash – Payments by cash should be made with the Cashier’s Office in Deal Hall. They are open from 8 am to 5 pm Monday through Friday.","Email Notice of Tuition and Fees Due. All Georgia Southern University students are provided with a Georgia Southern University email address within 24 hours of the student’s registration. It is the student’s responsibility to check their GSU email messages daily.","1 The amount of tuition, fees, room and board for a term is available 24 hours a day; you can access WINGS at your convenience and on your time line, anytime, anywhere. All changes in tuition, fees, housing, meals, financial aid and personal payments will be reflected within 48 hours of the change.","Taking most costs into account, an undergraduate student who is a resident of Indiana can expect to pay an estimated $17,000 for tuition, room and board during the 2016-2017 school year. Please visit the Cost of Attendance webpage to view the current University of Southern Indiana projected cost of attendance.","Georgia Southern University. Full-time undergraduate students that do not reside in Georgia paid $16,487 in tuition and fees for the 2014 - 2015 school year prior to adjustments for financial need. Of this amount, $14,395 was the cost of tuition and $2,092 the cost of fees.","Tuition and Fees Discounted Based On Residency. Full-time undergraduate students that do not reside in Georgia paid $16,487 in tuition and fees for the 2014 - 2015 school year prior to adjustments for financial need. Of this amount, $14,395 was the cost of tuition and $2,092 the cost of fees. The cost of tuition and fees is reduced dramatically for residents of Georgia. Tuition for these students is set at $4,078 for the 2014 - 2015 year, a discount of 62.6%.","Scholarships for 2015-16. Scholarships for 2016-17. Program fees in addition to current tuition rates: 1 Bachelor of Science in Nursing students ONLY: $500 per semester for each of the five semesters that students are in the program. RN completion: $50/credit hour.","1 Click on Registration Invoice and Web Payment 2 . Under My Account on the menu tab, click on Authorized Users. 3 Click on Add Authorized User. Type in the e-mail address of the authorized user and answer two security questions.","Program fees in addition to current tuition rates: 1 Bachelor of Science in Nursing students ONLY: $500 per semester for each of the five semesters that students are in the program. 2 RN completion: $50/credit hour. Engineering Undergraduate Program Fee: $75/credit hour for courses 200-level and above."],"url":["http://www.collegefactual.com/colleges/georgia-southern-university/paying-for-college/tuition-and-fees/","http://businesssrvs.georgiasouthern.edu/bursar/office-of-student-accounts/registration-tuition-and-fee-information/","http://businesssrvs.georgiasouthern.edu/bursar/office-of-student-accounts/registration-tuition-and-fee-information/","http://businesssrvs.georgiasouthern.edu/bursar/office-of-student-accounts/registration-tuition-and-fee-information/","http://www.usi.edu/admissions/tuition-fees","http://www.collegefactual.com/colleges/georgia-southern-university/paying-for-college/tuition-and-fees/","http://www.collegefactual.com/colleges/georgia-southern-university/paying-for-college/tuition-and-fees/","http://www.usi.edu/admissions/tuition-fees","http://businesssrvs.georgiasouthern.edu/bursar/office-of-student-accounts/registration-tuition-and-fee-information/","http://www.usi.edu/admissions/tuition-fees"]},"query":"southern university how to pay tuition and fees","query_id":500827,"query_type":"NUMERIC","wellFormedAnswers":[]},"truncated_cells":[]},{"row_idx":306,"row":{"answers":["The Vitamix XL 5201 blender includes two jars - one with a 64-ounce capacity and another with a 192-ounce capacity, allowing you to blend large batches of your customers' favorite drinks, soups, sides, sauces and more.","It is the only readily available blending system with a large enough container and powerful matching motor to handle incredibly large jobs."],"passages":{"is_selected":[0,0,0,1,0,0,0,1,0,0],"passage_text":["Blend hot and cold ingredients. Serve More With A Single Blend. Maximize your kitchen’s possibilities with. the largest capacity, countertop blender. Blend up to 24 (240 mL) servings at once! The XL is engineered to reduce prep-time, improve staff efficiency, and expand your. menu capabilities. Smart Product Design. • Powerful ≈4,2 peak output HP motor.","Consider these simple and conservative examples of how the Vitamix XL Blender will save your business money: Preparation Time Reduced: 3 daily batches of vinaigrette dressing now only require 1 batch. TIME SAVED: 15 MINUTES 6 daily batches of cream soups now only require 2 batches.","The Vitamix Vita-Prep XL Blender is powered by a 4.2 HP motor that is belt-driven for lower profile blending and even less noise output. The Vita-Prep XL comes equipped with a special cooling fan to help prevent overheating during periods of heavy use.","The Vitamix XL Blender is the only readily available blending system with a large enough container and powerful matching motor to handle incredibly large jobs.","XL Commercial Food Blender by Vita Mix. With the Vita-Mix XL Large Capacity Food Blender, you can process larger batched in less time! The Vita Mix XL has an incredible 4.2 horsepower motor that will process up to 1 1/2 gallons of product at once. This is truly the best way to maximize your kitchen's potential.","English 1 ▼. Shop by manufacturer. 2 TechTOWN. 3 Inside parts town From our Blog. Ice-O-Matic Ice Machine Troubleshooting John B.|. 4 Track my order 5 *. My account Log in to your account to track orders, save repeat orders to save you time, and keep shipping and billing information on file for quick checkout.","English 1 ▼. Shop by manufacturer. 2 TechTOWN. 3 Inside parts town From our Blog. Track my order 1 *. My account Log in to your account to track orders, save repeat orders to save you time, and keep shipping and billing information on file for quick checkout.","Vitamix 5201 Description. The Vitamix XL 5201 blender includes two jars - one with a 64-ounce capacity and another with a 192-ounce capacity, allowing you to blend large batches of your customers' favorite drinks, soups, sides, sauces, and more. The blender is equipped with a powerful 4.2-peak-horsepower motor that lets it power through dense ingredients.","Ice-O-Matic Ice Machine Troubleshooting John B.|. Track my order *. My account Log in to your account to track orders, save repeat orders to save you time, and keep shipping and billing information on file for quick checkout.","Vitamix XL Use And Care Manual. Large capacity blender. Also See for Vitamix Vitamix XL. Related Manuals for Vitamix Vitamix XL. Summary of Contents for Vitamix Vitamix XL. Page 1 Vitamix XL ™ Large Capacity Blender ALL MODELS Use and Care Manual Read and save these instructions E N G L I S H E S PA ñ O L F R A N ç A I S..."],"url":["http://images.centralrestaurant.com/images/assets/specsheets/965-021.pdf","https://www.jlhufford.com/Vitamix-XL-Commercial-Blender-5201-p/vitamix-xl.htm","https://www.jlhufford.com/Vitamix-XL-Commercial-Blender-5201-p/vitamix-xl.htm","https://www.jlhufford.com/Vitamix-XL-Commercial-Blender-5201-p/vitamix-xl.htm","https://www.everythingkitchens.com/vita-mix_xl_commercial_large_capacity_blender_5201-XL.html","http://www.partstown.com/vita-mix/vitamix_xl/parts","http://www.partstown.com/vita-mix/vitamix_xl/parts","https://www.katom.com/491-5201.html","http://www.partstown.com/vita-mix/vitamix_xl/parts","https://www.manualslib.com/manual/900941/Vitamix-Vitamix-Xl.html"]},"query":"vitamix xl","query_id":537979,"query_type":"DESCRIPTION","wellFormedAnswers":[]},"truncated_cells":[]},{"row_idx":307,"row":{"answers":["No Answer Present."],"passages":{"is_selected":[0,0,0,0,0,0,0,0,0,0],"passage_text":["Diabetes (Definition) Presistent increased frequency of emptying bladder, urinating, as a symptom of a disease state. 2 types: Mellitus (high blood glucose) & Insipidus (inadequate anti-diuretic hormone).","Some people who have lactose intolerance cannot digest any milk products. Others can eat or drink small amounts of milk products or certain types of milk products without problems. Lactose intolerance is common in adults.","A glucose level that is higher than normal may mean you have pre-diabetes or diabetes: 1 A 2 hour value between 140 and 200 mg/dL is called impaired glucose tolerance. A glucose level of 200 mg/dL or higher is used to diagnose diabetes.","Blood Sugar (Definition) The blood sugar concentration or blood glucose level is the amount of glucose (sugar) present in the blood of a human or animal. The body naturally tightly regulates blood glucose levels as a part of metabolic homeostasis.","Diabetes: This is consistent with diabetes. The 2 hour after challenge should be < 140. If 140-199, that's prediabetes. I'm not sure what you mean by blood tests negative for diabetes. go back to your doctor and ask for a test called a1c. This will confirm and tell you the severity of the diabetes.","How the Test is Performed. The most common glucose tolerance test is the oral glucose tolerance test (OGTT). Before the test begins, a sample of blood will be taken. You will then be asked to drink a liquid containing a certain amount of glucose (usually 75 grams). Your blood will be taken again every 30 to 60 minutes after you drink the solution. The test may take up to 3 hours. A similar test is the intravenous (IV) glucose tolerance test (IGTT).","With the World Health Organisation’s definitions for IFG and IGT, glucose intolerance is defined as: 1 A fasting blood glucose level of above 6.0 mmol/L or. A blood glucose level of over 7.8 mmol/L 2 hours after consuming 75g of glucose.","Most people with this type of lactose intolerance can eat some milk or dairy products without problems. Sometimes the small intestine stops making lactase after a short-term illness such as the stomach flu or as part of a lifelong disease such as cystic fibrosis.","A number of tests can be used to diagnose forms of glucose intolerance. Glucose intolerance is an umbrella term for metabolic conditions which result in higher than normal blood glucose levels - hyperglycemia. Western lifestyles have seen glucose intolerance become more common year on year.","Glucose intolerance test. A number of tests can be used to diagnose forms of glucose intolerance. Glucose intolerance is term for metabolic conditions which result in high blood glucose levels. Pre-diabetes, type 2 diabetes, impaired fasting glucose and impaired glucose tolerance are all conditions which fall under the term glucose intolerant. Glucose intolerance is defined by the World Health Organisation as: A blood sugar level of 6.0 mmol/l or above whilst fasting."],"url":["https://www.healthtap.com/topics/glucose-intolerance-vs-diabetes","http://www.webmd.com/digestive-disorders/tc/lactose-intolerance-topic-overview","https://medlineplus.gov/ency/article/003466.htm","https://www.healthtap.com/topics/glucose-intolerance-vs-diabetes","https://www.healthtap.com/topics/glucose-intolerance-vs-diabetes","https://medlineplus.gov/ency/article/003466.htm","http://www.diabetes.co.uk/glucose-intolerance.html","http://www.webmd.com/digestive-disorders/tc/lactose-intolerance-topic-overview","http://www.diabetes.co.uk/glucose-intolerance.html","http://www.diabetes.co.uk/glucose-intolerance.html"]},"query":"types of sugar intolerance","query_id":530011,"query_type":"DESCRIPTION","wellFormedAnswers":[]},"truncated_cells":[]},{"row_idx":308,"row":{"answers":["No Answer Present."],"passages":{"is_selected":[0,0,0,0,0,0,0,0,0,0],"passage_text":[" The application fee for a new Improvement Permit is as follows:  $160.00 for a septic tank system with a daily design flow equal to or less than 600 gallons per day.  $300.00 for a septic tank system with a daily design flow from 601 gallons per day to 1500 gallons per day.MPROVEMENT PERMIT – An Improvement Permit advises whether or not the site selected can be approved for a subsurface wastewater treatment and disposal system. This type of permit is not an authorization to apply for a building permit or to install the septic tank system.","Without this permit, your county will not be able to issue you a building permit. Application Fee: $150. Permit Expiration and Modifications: Permits are good for five years. To renew your permit after five years or to make changes to it once approved, you will need to complete a new application and pay the fee again.pplication Fee: The application fee is based on the number of lots planned for a subdivision: 1 5-15 lots: $50. 2 16-40 lots: $100. 3 41 or more: $150.","More information on maintenance is available from Environmental Health (633-4000). Is a septic system permit required and how much does it cost? Laramie County regulations require that a permit be issued by the Cheyenne-Laramie County Health Department prior to making repairs or constructing a septic system.A permit and inspection fee of $150.00 is required when an application is submitted.ore information on maintenance is available from Environmental Health (633-4000). Is a septic system permit required and how much does it cost? Laramie County regulations require that a permit be issued by the Cheyenne-Laramie County Health Department prior to making repairs or constructing a septic system.","This includes obtaining the required permits to install and operate septic systems for each individual proposed lot. Application Fee: The application fee is based on the number of lots planned for a subdivision: 1 5-15 lots: $50. 2 16-40 lots: $100. 3 41 or more: $150.pplication Fee: The application fee is based on the number of lots planned for a subdivision: 1 5-15 lots: $50. 2 16-40 lots: $100. 3 41 or more: $150.","contacts. Regional Office Programs. The Regional Office Program issues water/wastewater permits (WW Permits) for soil based wastewater systems with flows of less than 6500 gallons per day, for potable water supplies (water supplies that are not public water supplies), and for municipal water and sewer connections.ontacts. Regional Office Programs. The Regional Office Program issues water/wastewater permits (WW Permits) for soil based wastewater systems with flows of less than 6500 gallons per day, for potable water supplies (water supplies that are not public water supplies), and for municipal water and sewer connections.","IMPROVEMENT PERMIT – An Improvement Permit advises whether or not the site selected can be approved for a subsurface wastewater treatment and disposal system. This type of permit is not an authorization to apply for a building permit or to install the septic tank system.2. AUTHORIZATION TO CONSTRUCT – An Authorization to Construct (ATC) is the permit that allows approval for building permits and/or installation of a septic tank system for new construction.MPROVEMENT PERMIT – An Improvement Permit advises whether or not the site selected can be approved for a subsurface wastewater treatment and disposal system. This type of permit is not an authorization to apply for a building permit or to install the septic tank system.","The most obvious effect is the direct expense of replacing your septic system. This could cost $8,000 to $10,000. Systems with motors and parts will need to be serviced over the years, too.Just like you would with any other service professional, be sure to shop around for quotes and references.he state will charge up to $75 to install a new system, $34 dollars to alter a system and $0 to get an operation permit. You usually end up paying a little more than that because local health departments also need to charge fees to run these programs (staff, training, etc.).","The onsite wastewater team works with property owners and developers to ensure that septic system installations are completed in compliance with minimum standards established by State Residential Rule 410 IAC 6-8.3, Commercial Rule 410 IAC 6-10.1 and the Elkhart County Private Sewage System Ordinance 2012-153.he onsite wastewater team works with property owners and developers to ensure that septic system installations are completed in compliance with minimum standards established by State Residential Rule 410 IAC 6-8.3, Commercial Rule 410 IAC 6-10.1 and the Elkhart County Private Sewage System Ordinance 2012-153.","You can keep your system as-is as long as there’s not sewage on the top of the ground, missing parts/pieces or backup in your home. If you system was installed before 1974 you will have to replace it. The Ohio Department of Health Report says nearly 1/3 (31%) of all septic systems in Ohio are failing.he state will charge up to $75 to install a new system, $34 dollars to alter a system and $0 to get an operation permit. You usually end up paying a little more than that because local health departments also need to charge fees to run these programs (staff, training, etc.).","Amount and frequency set by local health department; proposed rules say the maximum operation permit length is ten years. Just like furnace or the roof on your house, your septic system will probably need to be replaced every 20-30 years-but you can plan for it.he state will charge up to $75 to install a new system, $34 dollars to alter a system and $0 to get an operation permit. You usually end up paying a little more than that because local health departments also need to charge fees to run these programs (staff, training, etc.)."],"url":["http://dchdnc.com/Docs/EH/SepticTankPermitApplicationInstructions.pdf","http://www.scdhec.gov/HomeAndEnvironment/YourHomeEnvironmentalandSafetyConcerns/SepticTanks/PermitsLicensesReports/","http://www.lccdnet.org/wp-content/uploads/2012/03/SepticBrochure.pdf","http://www.scdhec.gov/HomeAndEnvironment/YourHomeEnvironmentalandSafetyConcerns/SepticTanks/PermitsLicensesReports/","http://septic.vermont.gov/","http://dchdnc.com/Docs/EH/SepticTankPermitApplicationInstructions.pdf","http://www.odh.ohio.gov/HomeSewageRules","http://www.elkhartcountyhealth.org/environmentalhealth/septic.html","http://www.odh.ohio.gov/HomeSewageRules","http://www.odh.ohio.gov/HomeSewageRules"]},"query":"NWHU septic permit cost","query_id":5228,"query_type":"NUMERIC","wellFormedAnswers":[]},"truncated_cells":[]},{"row_idx":309,"row":{"answers":["No Answer Present."],"passages":{"is_selected":[0,0,0,0,0,0,0,0,0,0],"passage_text":["It is the fifth month in a row the RBA has left the cash rate on hold. In a widely expected decision, the Reserve Bank has kept the official interest rate on hold at the record low level of 2 per cent, but the accompanying statement shed very little light on the Bank's future intentions.t's currently trading at 71.15 US cents. It is the sixth month in a row the Reserve Bank has had the cash rate at 2 per cent, with most economists expecting no change until the first half of next year at the earliest.","By leaving interest rates on hold at 2 per cent for the fifth month in a row today, the Reserve Bank demonstrated that the recent falls in equity prices have not increased its appetite for further rate cuts.t's currently trading at 71.15 US cents. It is the sixth month in a row the Reserve Bank has had the cash rate at 2 per cent, with most economists expecting no change until the first half of next year at the earliest.","Australia’s cash rate remain unchanged at 2.5 per cent, according to Reserve Bank of Australia (RBA) Governor Glenn Stevens’ statement earlier today.Overall, Mr Stevens gave a positive outlook of the country’s economy.ome analysts say that the 2.5% interest rate would remain throughout the rest of 2014, which would then be followed by an interest rate hike some time in the first half of 2015.","Loan Smart. The official cash rate has been left at a record-low 2.5 per cent for the 16th consecutive month, as most predicted. No movement expected within the next 6 months.he big four banks had kept an estimated $7 billion from their variable rate home loan customers by not passing on Reserve Bank interest rate cuts in full. Feel free to contact us for a FREE home loan review.","We have the Reserve Bank on hold at 2 per cent.. The market has priced the odds of a cut sometime this year at 50 per cent, with a 29 per cent chance of a cut next month, he said. However, TD Securities analyst Annette Beacher said the statement all but rules out a November cut.t's currently trading at 71.15 US cents. It is the sixth month in a row the Reserve Bank has had the cash rate at 2 per cent, with most economists expecting no change until the first half of next year at the earliest.","It's currently trading at 71.15 US cents. It is the sixth month in a row the Reserve Bank has had the cash rate at 2 per cent, with most economists expecting no change until the first half of next year at the earliest.t's currently trading at 71.15 US cents. It is the sixth month in a row the Reserve Bank has had the cash rate at 2 per cent, with most economists expecting no change until the first half of next year at the earliest.","Australia's cash rate remains unchanged at 2.5 percent, said Reserve Bank of Australia (RBA) Governor Glenn Stevens in a statement released earlier today.ome analysts say that the 2.5% interest rate would remain throughout the rest of 2014, which would then be followed by an interest rate hike some time in the first half of 2015.","THE Reserve Bank of Australia has kept official interest rates on hold in the hope existing rate settings will be enough to battle both rising inflation and unemployment.he Reserve Bank of New Zealand, facing escalating house prices and a dairy boom, is all but certain to raise its official cash rate next month, and the Bank of England is signalling it may raise domestic interest rates sooner than it had previously anticipated. Business Research and Insights.","The RBA expects that the unemployment rate will continue to rise. In the long term, however, they expect growth to strengthen with the aid of low interest and exchange rates. They also foresee the inflation rate to remain with their 2-3% target in the next two years.ome analysts say that the 2.5% interest rate would remain throughout the rest of 2014, which would then be followed by an interest rate hike some time in the first half of 2015.","Some analysts say that the 2.5% interest rate would remain throughout the rest of 2014, which would then be followed by an interest rate hike some time in the first half of 2015.ome analysts say that the 2.5% interest rate would remain throughout the rest of 2014, which would then be followed by an interest rate hike some time in the first half of 2015."],"url":["http://www.smh.com.au/business/markets/reserve-bank-keeps-rates-on-hold-at-2-20151005-gk22s3.html","http://www.smh.com.au/business/markets/reserve-bank-keeps-rates-on-hold-at-2-20151005-gk22s3.html","https://www.ratedetective.com.au/interest-rates/","http://www.facebook.com/mortgagebrokersunshinecoast","http://www.smh.com.au/business/markets/reserve-bank-keeps-rates-on-hold-at-2-20151005-gk22s3.html","http://www.smh.com.au/business/markets/reserve-bank-keeps-rates-on-hold-at-2-20151005-gk22s3.html","https://www.ratedetective.com.au/interest-rates/","http://www.theaustralian.com.au/business/economics/reserve-bank-holds-interest-rates-steady-at-25pc/story-e6frg926-1226817655784","https://www.ratedetective.com.au/interest-rates/","https://www.ratedetective.com.au/interest-rates/"]},"query":"Official interest rates will remain on hold at 2 per cent over April","query_id":5350,"query_type":"NUMERIC","wellFormedAnswers":[]},"truncated_cells":[]},{"row_idx":310,"row":{"answers":["Peanuts,Rhubarb,Spinach,Beets,Chocolate and Sweet Potatoes."],"passages":{"is_selected":[0,0,0,0,1,0,0,0,0,0],"passage_text":["BAD Ideas For Kidney Stone Treatment! 1. Dairy and meat are the primary cause of uric acid form in the kidneys which helps stones get started, thrive and grow in size. 2. There is a substance called “oxalate” which is present in many foods and helps stone to form, rather than dissolve them.","If you see blood in your urine, know that it might be caused by a kidney stone which damages the urethra. Pain or pus [ugh] may indicate an infection. Kidney Stones Treatment. Of course, the best outcome is to dissolve kidney stones and sometimes the body naturally does that.","Obviously, healthy kidneys are essential for proper detoxification. However, certain foods can cause kidney stones and keep these organs from functioning optimally. Here are ten foods that encourage kidney stone development….","Dr. James Krick Dr. Krick. Kidney stones: Calcium oxylate stones are the primary type in north america. They cannot be dissolved. Around 15% of stones are uric acid. It may be possible to dissolve these by alkalinizing the urine. See a urologist for assessment and treatment recommendations. ...Read more.","Oxalate is naturally found in many foods, including fruits and vegetables, nuts and seeds, grains, legumes, and even chocolate and tea. Some examples of foods that contain high levels of oxalate include: peanuts, rhubarb, spinach, beets, chocolate and sweet potatoes. Moderating intake of these foods may be beneficial for people who form calcium oxalate stones, the leading type of kidney stones.","1. Excessive Caffeine. Too much caffeine—in the form of coffee, tea, and soda—can stress out the kidneys and lead to the development of kidney stones due to higher calcium levels in the urine, and even kidney failure due to the stimulant qualities that can cause organ exhaustion. Next ». ADVERTISEMENT.","Remember this... kidney stones can only occur in an acidic environment. Baking soda removes the acid and so removes kidney stones! Mix up 2 tablespoons of apple cider vinegar and 1/2 a teaspoon of baking soda in a large glass of water and drink 3 times a day (be aware of the initial fizz that occurs).","10 Foods Proven to Trigger Kidney Stones. Your kidneys play a vital role when it comes to filtering waste out of the body. Each day, these organs on either side of the spine, filter more than 200 quarts of blood and 2 quarts of waste products before it’s flushed out of the body via urination.","And water will also help to flush out kidney stones! Dehydration can be a contributing factor for developing kidney stones, especially when pregnant. So as one of your best natural cures and home remedies for kidney stones, it makes sense to always drink plenty of water every day (minimum of two litres).","I've even had patients say that their doctors told them to reduce their calcium intake.. A diet low in calcium actually increases one's risk of developing kidney stones. Instead: Don't reduce the calcium. Work to cut back on the sodium in your diet and to pair calcium-rich foods with oxalate-rich foods."],"url":["https://www.blissplan.com/health/natural-remedies/natural-remedies-to-dissolve-kidney-stones/","https://www.blissplan.com/health/natural-remedies/natural-remedies-to-dissolve-kidney-stones/","http://www.activebeat.co/your-health/10-foods-proven-to-trigger-kidney-stones/","https://www.healthtap.com/topics/foods-that-help-dissolve-kidney-stones","https://www.kidney.org/atoz/content/kidneystones_prevent","http://www.activebeat.co/your-health/10-foods-proven-to-trigger-kidney-stones/","http://www.life-saving-naturalcures-and-naturalremedies.com/natural-cures-for-kidney-stones-best.html","http://www.activebeat.co/your-health/10-foods-proven-to-trigger-kidney-stones/","http://www.life-saving-naturalcures-and-naturalremedies.com/natural-cures-for-kidney-stones-best.html","https://www.kidney.org/atoz/content/kidneystones_prevent"]},"query":"foods that dissolve kidney stones","query_id":189335,"query_type":"ENTITY","wellFormedAnswers":[]},"truncated_cells":[]},{"row_idx":311,"row":{"answers":["No Answer Present."],"passages":{"is_selected":[0,0,0,0,0,0,0,0,0,0],"passage_text":["Let’s look at the “other” ingredients listed on the Shakeology bag, and what they mean, and if they are bad for you. 1 Natural Sweetener Blend (Non-GMO Fructose, Stevia): this is how the 6 grams of sugar in each serving come to being.","I will be using the nutrition label of the Chocolate Flavor Shakeology ingredients (click here to see the nutrition label) I’m going to start with the ingredients after the typical nutrition facts (calories, carbs, protein, and vitamins). This means I’ll start with Folic acid and Biotin.","Shakeology Ingredients – The Proprietary Superfoods. 1 Proprietary Protein Blend: Proteins are important for mental clarity, lean muscle building, improving skin and hair, and reducing cravings. The proprietary superfoods in this blend include: Whey, Sacha Inchi, Chia, Flax, Quinoa, Amaranth, Brown Rice, Pea.","In its isolated form it contains a minimum of 90% protein by weight. While this is a very wholesome source of protein, it typically does not need to be mixed with other protein sources unless it’s only added in a small amount. There is no mention of the amino acid content in this shake.","Shakeology claims it can help one increase their energy levels, control blood sugar levels, build and maintain muscles, as well as several other health benefits. This Shakeology review will go over all the available details on this meal replacement shake, to help answer the question of what is Shakeology.","INGREDIENTS IN SHAKEOLOGY. Pea Protein: Extract of a legume. This protein source is low in the amino acids cysteine and methionine. Because of these lacking amino acids, it needs to be mixed alongside other forms of protein, otherwise it would not satisfy as being a quality source of protein.","To start, Beachbody Shakeology is a line of meal-replacement shakes [1]. The ingredients include whey protein [2], probiotic enzyme blend, superfruit/antioxidant blend, proprietary adaptogen blend, quinoa, chia, sacha inchi, schisandra, pea, papain, camucamu, goji berry, and amaranth.","Shakeology is a meal-replacement, superfood shake from Beachbody - the same company responsible for workouts like P90X, Insanity and the 21-Day Fix. There are multiple blends providing protein, antioxidant support, fruits and vegetables, but this is not the only product offering these types of ingredients.","Shakeology is a meal replacement drink from Beachbody. You can purchase from a coach or online. The nutrition is solid, but the taste is not the biggest selling factor for some. Tips for this and other issues are often found in user reviews.","Shakeology contains whey protein, which is derived from cow's milk, so it's not vegan, but it is lacto-ovo-vegetarian. With what kind of protein is it made? The primary source of protein in Shakeology is whey, which comes from cow's milk. Whey is one of the world's most bioavailable protein sources. Translation: it rapidly gets to work on repairing your muscles, and its amino acids are easily absorbed and used by your body."],"url":["http://sweetlifefitness.net/shakeology/shakeology-ingredients/","http://sweetlifefitness.net/shakeology/shakeology-ingredients/","http://sweetlifefitness.net/shakeology/shakeology-ingredients/","http://www.dietsinreview.com/diets/shakeology/","http://www.dietsinreview.com/diets/shakeology/","http://www.dietsinreview.com/diets/shakeology/","https://www.dietspotlight.com/shakeology-review/","https://www.dietspotlight.com/shakeology-review/","https://www.dietspotlight.com/shakeology-review/","https://www.beachbody.com/text/products/supplements/shakeology/popups/faq.html"]},"query":"does shakeology contain spirulina","query_id":171295,"query_type":"DESCRIPTION","wellFormedAnswers":[]},"truncated_cells":[]},{"row_idx":312,"row":{"answers":["Targets the hamstrings and buttocks muscles."],"passages":{"is_selected":[0,0,0,1,0,0,0,0,0,0],"passage_text":["The primary targets of the stiff-legged dumbbell deadlift are your hamstrings. The hamstrings comprise a group of muscles that run along the back of your thigh. The muscles that make up the hamstrings are the biceps femoris, semitendinosus and semimembranosus.","Using a barbell instead of dumbbells for the stiff-leg deadlift exercise locks your wrists and forearms into one grip position. Because each arm can move independently with dumbbells, your wrist, forearm and shoulder complex rotates at a natural angle during the movement, making for a more comfortable grip.","Core strength (core pertaining to the central muscles of the body; lower back, glutes and the abdominal region) is a very important health component, in that it supports the body in almost every movement and position, and the deadlift is the key core strength building movement.","The stiff-leg deadlift targets the hamstrings and buttocks muscles. Although often done with a barbell, using dumbbells for the stiff-leg deadlift exercise offers some advantages. When first learning the stiff-leg deadlift exercise, start with light dumbbells while you perfect the technique.","A man performing a deadlift. Photo Credit MeikePetri/iStock/Getty Images. The stiff-leg deadlift is a resistance exercise that targets your hip and trunk extensors, which include the gluteus maximus and hamstring muscles and the erector spinae and deep spinal muscles, respectively.","It could be argued that, in a powerlifting context, the deadlift is a true measure of strength due to its lack of emphasis on various performance aids (suits etc). It also employs more muscle groups, and therefore could be deemed a better test of overall muscle strength.","If you want to strengthen your back muscles -- whether to help you perform more pullups or to improve your rowing efforts -- the stiff-legged dumbbell deadlift is a good choice. This exercise targets numerous back muscles, including your erector spinae, rhomboids, trapezius, latissimus dorsi and levator scapulae.","The deadlift will also strengthen all the surrounding supporting muscles of the waist, backside, hips and, of course, lower back. Core strength is important in terms of maintaining ones balance, and weight transference (whether in sport or daily life).","With dumbbells, you can perform a one-leg, stiff-leg deadlift. Position the working leg one or two steps in front of the non-working leg. Hold the dumbbells in front of the working leg and perform the exercise in the same manner as the two-leg version.","A man performing a deadlift. The stiff-leg deadlift is a resistance exercise that targets your hip and trunk extensors, which include the gluteus maximus and hamstring muscles and the erector spinae and deep spinal muscles, respectively."],"url":["http://livehealthy.chron.com/stiff-legged-dumbbell-targets-muscles-3124.html","http://healthyliving.azcentral.com/stiffleg-deadlifts-dumbbells-5929.html","https://www.bodybuilding.com/content/deadlifts-the-king-of-mass-builders.html","http://healthyliving.azcentral.com/stiffleg-deadlifts-dumbbells-5929.html","http://www.livestrong.com/article/477531-what-is-the-stiff-leg-deadlift/","https://www.bodybuilding.com/content/deadlifts-the-king-of-mass-builders.html","http://livehealthy.chron.com/stiff-legged-dumbbell-targets-muscles-3124.html","https://www.bodybuilding.com/content/deadlifts-the-king-of-mass-builders.html","http://healthyliving.azcentral.com/stiffleg-deadlifts-dumbbells-5929.html","http://www.livestrong.com/article/477531-what-is-the-stiff-leg-deadlift/"]},"query":"stiff legged deadlifts and what muscles benefit","query_id":503768,"query_type":"DESCRIPTION","wellFormedAnswers":["The stiff-legged deadlift target the hamstrings and buttocks muscles."]},"truncated_cells":[]},{"row_idx":313,"row":{"answers":["500 mg once a day taken with the evening meal. Then, your doctor may increase your dose if needed until your blood sugar is controlled,the dose is usually not more than 2000 mg per day."],"passages":{"is_selected":[0,0,0,0,0,0,0,0,1,0],"passage_text":["METFORMIN & CARBS? I have been diagnosed with pre-diabetes and have been put on Metformin ER, 500mg once a day to begin with. In reading different messages and concerns, I have seen several comments on other sites that one has to be careful and watch carbs when taking this medication. Can anyone tell me why?","Metformin with insulin: At first, 500 mg once a day. Then, your doctor may increase your dose by 500 mg every week if needed until your blood sugar is controlled. However, the dose is usually not more than 2500 mg per day. Children—Use and dose must be determined by your doctor.","Metformin takes a couple of hours to fully absorb, and lasts about five hours in most people. (Half-life in the body is about six hours.) There is also an extended release form that can be taken once or twice a day. What causes leaky livers in the first place is not really known.","Metformin with insulin: At first, 500 mg a day. Your doctor may increase your dose by 500 mg every week if needed until your blood sugar is controlled. However, the dose is usually not more than 2500 mg per day. Children 10 to 16 years of age—At first, 500 mg two times a day taken with the morning and evening meals.","How metformin works. 1 In type 2 diabetes, there is too much sugar (glucose) in your blood. 2 Insulin is a hormone that allows your body tissue to take glucose from the blood and use it for energy or for storage for future use. 3 Metformin works by improving the sensitivity of your body to insulin.","The name of this medicine is Metformin 500mg or 850mg Tablets (called metformin in this leaflet). It belongs to a group of medicines called biguanides (a type of oral hypoglycaemic). Metformin is used for the sort of diabetes called Type 2 diabetes or non-insulin-dependent diabetes mellitus.","Do not take Metformin if: 1 you are allergic (hypersensitive) to metformin or any of the other ingredients in this liquid (see section 6: Further information). An allergic reaction can include a rash, itching or shortness of breath. 2 you have recently had a heart attack or any other heart problems.","Age 10 to 16 -- The recommended starting dose is metformin 500 mg twice daily. The maximum dosing for people in this age group is metformin 2000 mg total per day, divided into two or three doses. Age 17 and over -- The recommended starting dose is metformin 500 mg twice daily or 850 mg once daily. The maximum dose for people in this age group is 2550 mg total daily, divided into two or three doses per day.","However, the dose is usually not more than 2000 mg per day. Metformin alone (Glumetza®): At first, 500 mg once a day taken with the evening meal. Then, your doctor may increase your dose if needed until your blood sugar is controlled. However, the dose is usually not more than 2000 mg per day.","I come from a family of diabetic’s. My younger sister is the only one insulin dependent with a pump.. I take 500 mg of metformin 2x’s a day. one with my morning meal and the other with my evening meal or around 6:30."],"url":["http://www.diabeticconnect.com/diabetes-discussions/general/429-metformin-and-carbs","http://www.mayoclinic.org/drugs-supplements/metformin-oral-route/proper-use/DRG-20067074","https://www.diabetesselfmanagement.com/blog/diabetes-metformin-and-your-liver/","http://www.mayoclinic.org/drugs-supplements/metformin-oral-route/proper-use/DRG-20067074","https://www.medicines.org.uk/emc/medicine/26675","https://www.medicines.org.uk/emc/medicine/26675","https://www.medicines.org.uk/emc/medicine/26675","http://diabetes.emedtv.com/metformin/metformin-dosing.html","http://www.mayoclinic.org/drugs-supplements/metformin-oral-route/proper-use/DRG-20067074","https://www.diabetesselfmanagement.com/blog/diabetes-metformin-and-your-liver/"]},"query":"how much metformin can a person take per day","query_id":324119,"query_type":"NUMERIC","wellFormedAnswers":[]},"truncated_cells":[]},{"row_idx":314,"row":{"answers":["120-180 beats per minute"],"passages":{"is_selected":[0,0,1,0,0,0,0,0,0,0],"passage_text":["A healthy adult heart rate can range from 60 to 100 beats per minute during rest. Kids' heart rates can be as low as 60 beats per minute during sleep and as high as 220 beats per minute during strenuous physical activity. It's normal for athletic kids to have slower resting heart rates, often in the 40s or 50s.","Age & activity relat: There is a range of accepted normal heart rate for infants that varies with sleep/wake/activities & deciding when they are transitioning from one state to the next is sometimes hard. 0-3m awake 85-205, asleep 80-160; 3m-2yr awake 100-190 & asleep 60-140. ...Read more.","Your baby’s steady heart rate will range from around 120-180 beats per minute when in the womb, to around only 60 beats per minute by the time they are an adult. When your baby is sleeping deeply his or her heart rate will naturally be quite a bit lower than when he/she is sleeping lightly or is fully awake.","At about 5 weeks gestation, your baby's heart begins to beat. 1 At this point, a normal fetal heart rate is about the same heart rate as the mother's: about 80-85 beats per minute (BPM). From this point, it will increase its rate about 3 beats per minute per day during that first month.","What do heart rate and oxygen levels mean? At first, it might feel a little overwhelming to see your baby’s heart rate and oxygen levels but this data is meant to empower you, not confuse you. We hope this info will shed a little light on what heart rate and oxygen levels mean for you and your baby.","How Your Baby's Heart Rate Changes. At about 5 weeks gestation, your baby's heart begins to beat. At this point, a normal fetal heart rate is about the same heart rate as the mother's: about 80-85 beats per minute (BPM). From this point, it will increase its rate about 3 beats per minute per day during that first month.","If your child's heart rate is within the normal range, you don't need to call the doctor (unless your doctor asked you to call with the reading, in which case you should call to report that it's normal). There's also no need to call if the heart rate slowed down or sped up while you were taking the pulse.","When to Take a Child's Pulse. Usually, there's no need to take your child's pulse. Your doctor will check your child's heart rate at well checkups. But if your child has a medical condition that requires you to monitor his or her heart rate, your doctor may have told you when to take a pulse.","At about 5 weeks gestation, your baby's heart begins to beat. 1 At this point, a normal fetal heart rate is about the same heart rate as the mother's: about 80-85 beats per minute (BPM). 2 At this point, it begins a rapid deceleration to the normal fetal heart rate for the middle of the pregnancy to about 120-180 BPM.","His heart rate is 30 beats per minute. You administer positive pressure ventilation with 100% FiO2 and note good chest wall rise with each positive pressure breath. The infant continues to be apneic and bradycardic with a heart rate of 40 bpm. Chest compressions are begun and positive pressure ventilation is continued. Following 30 seconds of coordinated ventilation and chest compressions, his heart rate is still 40 bpm."],"url":["http://kidshealth.org/en/parents/take-pulse.html","https://www.healthtap.com/topics/what-is-the-normal-heart-rate-for-an-infant","https://support.owletcare.com/hc/en-us/articles/203379099-What-do-heart-rate-and-oxygen-levels-mean-How-are-they-measured-","https://www.verywell.com/what-is-a-normal-fetal-heart-rate-2758733","https://support.owletcare.com/hc/en-us/articles/203379099-What-do-heart-rate-and-oxygen-levels-mean-How-are-they-measured-","https://www.verywell.com/what-is-a-normal-fetal-heart-rate-2758733","http://kidshealth.org/en/parents/take-pulse.html","http://kidshealth.org/en/parents/take-pulse.html","https://www.verywell.com/what-is-a-normal-fetal-heart-rate-2758733","https://www.hawaii.edu/medicine/pediatrics/pedtext/s03c03.html"]},"query":"what is a good infant heart rate","query_id":685246,"query_type":"DESCRIPTION","wellFormedAnswers":[]},"truncated_cells":[]},{"row_idx":315,"row":{"answers":["Yes, PGPR is made from castor beans."],"passages":{"is_selected":[1,0,0,0,0,0,0,0,0,0],"passage_text":["It has been linked to asthma, skin conditions, hormone disruption, and in long-term animal studies to cancer and damage to DNA. -PGPR is short for polyglycerol polyricinoleate, a goopy yellowish liquid made from castor beans that reduces the viscosity of chocolate. Since 2006, big chocolate manufacturers such as Hershey’s have been replacing the expensive raw ingredient cocoa butter with PGPR in their recipes. PGPR is produced by Danisco, a Dupont company.","Using PGPR enables the chocolate company to actually cut down on the amount of cacao butter they add to their product which is much more expensive than sugar. But the problem comes in when you attempt to make the chocolate sugar-free since sugar alternatives are quite a bit more expensive than sugar is.","Castor oil is a vegetable oil obtained by pressing the seeds of the castor oil plant. The common name castor oil, from which the plant gets its name, probably comes from its use as a replacement for castoreum, a perfume base made from the dried perineal glands of the beaver. Castor oil is a colorless to very pale yellow liquid with a distinct taste and odor. Its boiling point is 313 °C and its density is 961 kg/m3. It is a triglyceride in which approximately 90 percent of fatty acid ...","6 Comments. 1 Thanks for this list. 2 I just got back from Walgreen’s, in search of some chocolate without high fructose corn syrup, partially hydrogenated oils, or soy, etc. 3 I just got back from Walgreen’s, in search of some chocolate without high fructose corn syrup, partially hydrogenated oils, or soy, etc.","By using Palsgaard4150 (PGPR) the chocolate recipe has lower costs in terms of less cocoa butter.” In other words, PGPR is a way for chocolate manufacturers to get around the hassle and expense of actually putting chocolate in their chocolate.","The castor oil plant, Ricinus communis, is a species of flowering plant in the spurge family, Euphorbiaceae. It belongs to a monotypic genus, Ricinus, and subtribe, Ricininae. The evolution of castor and its relation to other species is currently being studied. [1] Its seed is the castor bean which, despite its name, is not a true bean. Castor is indigenous to the southeastern Mediterranean Basin, Eastern Africa, and India, but is widespread throughout tropical regions (and widely grown elsewhere as an ornamental plant). [2] Castor seed is the source of castor oil, which has a wide variety of uses.","Polyglycerol polyricinoleate (PGPR), E476, is an emulsifier made from glycerol and fatty acids (usually from castor bean, but also from soybean oil). In chocolate, compound chocolate and similar coatings, PGPR is mainly used with another substance like lecithin [2] to reduce viscosity.","It is made up of a short chain of glycerol molecules connected by ether bonds, with ricinoleic acid side chains connected by ester bonds. PGPR is a yellowish, viscous liquid, and is strongly lipophilic: it is soluble in fats and oils and insoluble in water and ethanol.","PGPR is often hailed as a cost-saving move for chocolate companies because it is much cheaper than cocoa butter, but it is rarely pointed out that for those companies who manufacture the chocolate themselves, there is money to be made in redirecting part of their foodstuffs to rub on consumers' skins at a much higher price than that of chocolate.","I looked and there it was, PGPR in my Chocolate Bar! What in the world is PGPR? I found my self stumped because I had never seen this ingredient before in my life and I am an avid label reader. I rushed up the stairs to my office and googled it..."],"url":["http://secretsofthefed.com/see-youre-never-going-eat-another-reeses/","http://www.carbwire.com/2006/09/25/polyglycerol_polyricinoleate_pgpr_popping_up_in_sugarfree_lowcarb_chocolates","https://en.wikipedia.org/wiki/Castor_oil","https://www.mamavation.com/2015/02/toxic-chocolate-unhealthy-chocolate-brands.html","https://www.ecori.org/public-safety/2011/3/14/enjoy-some-alphabet-soup-with-your-chocolate.html","http://www.sources.com/SSR/Docs/SSRW-Castor_oil_plant.htm","https://www.revolvy.com/topic/Polyglycerol%20polyricinoleate","https://en.wikipedia.org/wiki/Polyglycerol_polyricinoleate","http://www.candyrecapper.com/pgpr.html","http://trylivingorganic.com/2013/03/13/pgpr-in-my-chocolate-bar/"]},"query":"is the preservative. pgpr made from castor beans?","query_id":1174731,"query_type":"DESCRIPTION","wellFormedAnswers":[]},"truncated_cells":[]},{"row_idx":316,"row":{"answers":["Coconino"],"passages":{"is_selected":[0,0,0,1,0,0,0,0,0,0],"passage_text":["List of counties in Arizona. See also: List of United States counties and county-equivalents. There are 15 counties in the U.S. state of Arizona. Four counties (Mohave, Pima, Yavapai and Yuma) were created in 1864 following the organization of the Arizona Territory in 1862.","Public Access to Court Information. The Arizona Judicial Branch is pleased to offer Public Access to Court Case Information, a valuable online service providing a resource for information about court cases from 177 out of 184 courts in Arizona. Show unavailable courts.","Visit the Required Postings page to view important and required information such as proposed fee increases, open meeting law details, and other required posting notices and materials. Read More.","Sponsored Topics. Page is a city in Coconino County, Arizona, United States, near the Glen Canyon Dam and Lake Powell. According to 2005 Census Bureau estimates, the population of the city is 6,794. Page is located at 36°54′51″N 111°27′35″W / 36.91417°N 111.45972°W / 36.91417; -111.45972 (36.914296, -111.459717).","The new Arizona State Senate Chambers were dedicated on March 7th, 1960.","The map above is a Landsat satellite image of Arizona with County boundaries superimposed. We have a more detailed satellite image of Arizona without County boundaries. Copyright information: The maps on this page were composed by Brad Cole of Geology.com.","City of Page. Welcome to City of Page, Arizona. Page is a small town in northern Arizona located on the southern shores of magnificent Lake Powell. Our friendly community offers visitors outstanding recreation and a wide variety of lodging and services.","Help Utilities. Main Navigation. Public Access to Court Information. The Arizona Judicial Branch is pleased to offer Public Access to Court Case Information, a valuable online service providing a resource for information about court cases from 177 out of 184 courts in Arizona. Show unavailable courts.","List of counties in Arizona. There are 15 counties in the U.S. state of Arizona. Four counties (Mohave, Pima, Yavapai and Yuma) were created in 1864 following the organization of the Arizona Territory in 1862. The now defunct Pah-Ute County was split from Mohave County in 1865, but merged back in 1871.","Fun and excitement awaits you at the Pima County Fair April 20-30. Click here to get info on entertainment, discounts, tickets and more. The County’s investment in land conservation coupled with the Sonoran Desert Conservation Plan help protect native critters from extinction."],"url":["https://en.wikipedia.org/wiki/List_of_counties_in_Arizona","https://apps.supremecourt.az.gov/publicaccess/","http://www.maricopa.gov/","https://www.mapquest.com/us/az/page-282022570","https://az.gov/government/arizona-government","http://geology.com/county-map/arizona.shtml","http://cityofpage.org/","https://apps.supremecourt.az.gov/publicaccess/?aspxautodetectcookiesupport=1","https://en.wikipedia.org/wiki/List_of_counties_in_Arizona","http://webcms.pima.gov/"]},"query":"what county is page, az in","query_id":610944,"query_type":"LOCATION","wellFormedAnswers":["Page is in Coconino County, Arizona."]},"truncated_cells":[]},{"row_idx":317,"row":{"answers":["No Answer Present."],"passages":{"is_selected":[0,0,0,0,0,0,0,0,0,0],"passage_text":["hey bro Silicates are minerals that contain silicon and oxygen, and usually one or more other elements. – Silicates make up approximately 96 percent of the minerals found in Earth's crust. – The most common minerals, feldspar and quartz, are silicates.","You've already chosen the best response. hey bro Silicates are minerals that contain silicon and oxygen, and usually one or more other elements. – Silicates make up approximately 96 percent of the minerals found in Earth's crust. – The most common minerals, feldspar and quartz, are silicates.","hey bro Silicates are minerals that contain silicon and oxygen, and usually one or more other elements. – Silicates make up approximately 96 percent of the minerals found in Earth's crust. – The most common minerals, feldspar and quartz, are silicates. Show full answer.","Best Response. You've already chosen the best response. hey bro Silicates are minerals that contain silicon and oxygen, and usually one or more other elements. – Silicates make up approximately 96 percent of the minerals found in Earth's crust. – The most common minerals, feldspar and quartz, are silicates.","You've already chosen the best response. hey bro Silicates are minerals that contain silicon and oxygen, and usually one or more other elements. – Silicates make up approximately 96 percent of the minerals found in Earth's crust. – The most common minerals, feldspar and quartz, are silicates. Show full answer.","What are the two most common minerals located in Earth's crust? A. Diamonds and gold B. Iron and copper C. Feldspar and quartz D. Salt and saline-Answer is C. [ Feldspar & Quartz-Oxygen and Silicon are the two most common ELEMENTS in the Earth's crust.","Almost 99% of the minerals making up the Earth s crust are made up of just eight elements. Most of these elements are found combined with other elements as compounds. Minerals are elements or compounds that occur naturally in the Earth s crust.","The most common mineral element in Earth's crust is Silica, in a percentage of 27 point seven percent, the second most abundant mineral is Aluminum, with an eight percent … and third Iron, with a five percent.","Elements in the Earth s crust. Almost 99% of the minerals making up the Earth s crust are made up of just eight elements. Most of these elements are found combined with other elements as compounds. Minerals are elements or compounds that occur naturally in the Earth s crust.","Silicate minerals (quartz, feldspars, micas, hornblende, olivine, etc.) are composed of the elements silicon and oxygen-plus other elements-and are the most common group of minerals in the crust."],"url":["http://openstudy.com/updates/53f90ad8e4b0010fcd97d44c","http://openstudy.com/updates/53f90ad8e4b0010fcd97d44c","http://openstudy.com/updates/53f90ad8e4b0010fcd97d44c","http://openstudy.com/updates/53f90ad8e4b0010fcd97d44c","http://openstudy.com/updates/53f90ad8e4b0010fcd97d44c","http://www.weegy.com/?ConversationId=QZRPQJTU","http://www.rsc.org/Education/Teachers/Resources/jesei/minerals/students.htm","http://www.answers.com/Q/What_is_the_most_common_mineral_found_in_the_crust","http://www.rsc.org/Education/Teachers/Resources/jesei/minerals/students.htm","http://www.answers.com/Q/What_is_the_most_common_mineral_found_in_the_crust"]},"query":"what are the two most common minerals located in earth's crust brainly","query_id":575166,"query_type":"ENTITY","wellFormedAnswers":[]},"truncated_cells":[]},{"row_idx":318,"row":{"answers":["Around 140 to 145"],"passages":{"is_selected":[0,0,0,1,0,0,0,0,0,0],"passage_text":["1 There are tests people can take on their own and others that must be administered by a tra…. 2 Understanding IQ Scores and Genius Status The intelligence quotient (IQ) was developed to identify children who would have difficulty keeping up in the public school system.","On the Wechsler, that would be a score of 132. The term genius is subjective and individuals who are said to have IQs above the ceiling of conventional IQ tests have to be studied on an individual basis by experts.","High IQ Rating Scale. When you score considerably high score there are chances that you may fall in the category of genius people. An IQ scoring of 140 to 145 definitely qualifies you for this category. The psychologists believe that 1 out of 400 people can score this level.","High IQ & Genius IQ. Genius IQ is generally considered to begin around 140 to 145, representing ~.25% of the population (1 in 400). Here's a rough guide: 1 115-124 - Above average (e.g., university students). 2 125-134 - Gifted (e.g., post-graduate students). 3 135-144 - Highly gifted (e.g., intellectuals).","------------------------------------------------------- An IQ score of 140 is considered Genius, so 160 is definitely in the genius range. 140 is the lowest score in the Genius IQ range. The highest IQ measured under the current testing is 210.","IQ Ratings of Over 140 --Genius or near genius IQ Ratings of 120 to 140--Highly intelligent IQ Ratings of 110 to 119 --Very intelligent IQ Rating of 90 to 109 --Normal or average intelligence IQ Ratings of 80 to 89 -- Dullness IQ Rating of 70-79 --Borderline deficiency IQ Ratings below 70 --Definite feeble-mindedness.","50% of IQ scores fall between 90 and 110 70% of IQ scores fall between 85 and 115 95% of IQ scores fall between 70 and 130 99.5% of IQ scores fall between 60 and 140 5% of people have an IQ below 70.","Using scores from the highly respected WAIS-III IQ test, an IQ of 135 would be seen in 1 of every 100 people; an IQ of 145 in 1 of 1000 people; while an IQ of 155 (the WAIS test ceiling) would be seen in only 1 in every 10,000 people.","Actually you can think of it this way, 100 is the IQ of an Average person. So for a genius, I would say that an IQ of 140 would qualify. The person with the highest IQ was actually Marilyn vos Savant who has an IQ of 228.","It is said that Einstein had the IQ of 160 and that is not the most gifted or Immeasurable genius. The higher IQ rating is a natural and innate ability that can be improved. But it can not be claimed to be a definite measure of success. In other words a higher IQ rating can’t guarantee a success in your life."],"url":["http://www.answers.com/Q/What_is_the_IQ_of_a_genius","http://www.answers.com/Q/What_is_the_IQ_of_a_genius","http://www.personality-and-aptitude-career-tests.com/iq-rating-scale.html","http://wilderdom.com/intelligence/IQWhatScoresMean.html","http://www.answers.com/Q/What_is_the_IQ_of_a_genius","http://www.personality-and-aptitude-career-tests.com/iq-rating-scale.html","http://www.personality-and-aptitude-career-tests.com/iq-rating-scale.html","http://www.answers.com/Q/What_is_the_IQ_of_a_genius","http://www.answers.com/Q/What_is_the_IQ_of_a_genius","http://www.personality-and-aptitude-career-tests.com/iq-rating-scale.html"]},"query":"what iq is needed to be considered a genius","query_id":671741,"query_type":"NUMERIC","wellFormedAnswers":[]},"truncated_cells":[]},{"row_idx":319,"row":{"answers":["12°F"],"passages":{"is_selected":[1,0,0,0,0,0,0,0,0,0],"passage_text":["The coldest temperature ever recorded east of the Mississippi River was -60°F in Tower, Minn., on Feb. 2, 1996. Hawaii is the only state that's never recorded a below-zero temperature.Many are surprised at Hawaii's 12°F reading.airbanks, Alaska, recorded its coldest January on record with a mean temperature of -31.7°F. (The monthly mean is the average of all of the daily highs and lows for the month.)F.","Each state's low temperature record. As you would expect, the coldest temperature ever officially recorded in the USA was in Alaska. It was -79.8°F-rounded off to -80°F-observed at Prospect Creek Camp in the Endicott Mountains of northern Alaska on Jan. 23, 1971.airbanks, Alaska, recorded its coldest January on record with a mean temperature of -31.7°F. (The monthly mean is the average of all of the daily highs and lows for the month.)F.","Fairbanks, Alaska, recorded its coldest January on record with a mean temperature of -31.7°F. (The monthly mean is the average of all of the daily highs and lows for the month.)F.airbanks, Alaska, recorded its coldest January on record with a mean temperature of -31.7°F. (The monthly mean is the average of all of the daily highs and lows for the month.)F.","by Liz Osborn CurrentResults.com. The coldest temperature ever recorded on earth is -89.2 degrees Celsius (-128.5 degrees Fahrenheit) at Vostok, Antarctica on July 21, 1983. That all-time low broke the previous world-record minimum of -88.3 °C (-126.9 °F), set on August 24, 1960, also at Vostok.oldest Temperature Measured in the North. Outside of the Antarctic, Russia serves up the coldest temperatures in the world. Temperatures as low as -67.7 °C (-90 °F) were measured at Verkhoyansk, Russia on two days, February 5 and 7, 1892 and again at Oymyakon, Russia on February 6, 1933.","As for the USA's coldest mark on record, it's -80 degrees, set in Prospect Creek, Alaska, on Jan. 23, 1971, according to Christopher Burt, weather historian for the Weather Underground. Excluding Alaska, the lowest temperature was the -70-degree temperature recorded in Rogers Pass, Mont., in January 1954. reading of 135.8 degrees below zero was measured in Antarctica, using remote sensing from satellites. East Antarctica, seen here in 2008, is the coldest spot on Earth: A new look at NASA satellite data revealed that the planet set a new record for coldest temperature.","The coldest temperature recorded at Toronto Pearson International Airport was −31.3 °C (−24.3 °F) on January 4, 1981, and the coldest windchill recorded was −44.7 (− … 48.5) on the same day.Downtown, the coldest −33 °C (−27 °F) was recorded on January 10, 1859. Another cold Canadian weather myth purports that White River, Ont, is the coldest place in Canada. White River is not even the coldest place in Ontario, let alone Canada … . That notoriety belongs to Iroquois Falls which, at -58.3° C (23 January 1935) has the lowest temperature reported in Eastern Canada.","The record for most consecutive dayswith the low temperature equal to or below 32 degrees was set during 2 separate occurrences at Mauna Loa SlopeObs, Hawaii with 27 days In Hawaii, where surface temperatures are always above 50F, there is snow.awaii s record minimum, 12 F, was set May 17, 1979 at Mauna Kea Observatory, elevation 13,770 feet. An interesting feature of the climate of Hawaii is the small annual temperature range.","This is a list of weather records, a list of the most extreme occurrences of weather phenomena for various categories. Many weather records are measured under specific conditions—such as surface temperature and wind speed—to keep consistency among measurements around the Earth.his is a list of weather records, a list of the most extreme occurrences of weather phenomena for various categories. Many weather records are measured under specific conditions—such as surface temperature and wind speed—to keep consistency among measurements around the Earth.","Lowest Temperatures. The lowest temperature ever recorded in the United States was -80 degrees Fahrenheit (-62 degrees Celsius) on January 23, 1971 at Prospect Creek Camp, located near the Arctic Circle along the Alaska pipeline.owest Temperatures. The lowest temperature ever recorded in the United States was -80 degrees Fahrenheit (-62 degrees Celsius) on January 23, 1971 at Prospect Creek Camp, located near the Arctic Circle along the Alaska pipeline.","The coldest temperature ever recorded in Germany was in 2010. The city of Hull recorded -37 degrees Celsius. It hasn't been this cold in Germany since the 1700's. Another cold Canadian weather myth purports that White River, Ont, is the coldest place in Canada. White River is not even the coldest place in Ontario, let alone Canada … . That notoriety belongs to Iroquois Falls which, at -58.3° C (23 January 1935) has the lowest temperature reported in Eastern Canada."],"url":["http://usatoday30.usatoday.com/weather/wcstates.htm","http://usatoday30.usatoday.com/weather/wcstates.htm","http://usatoday30.usatoday.com/weather/wcstates.htm","http://www.currentresults.com/Weather-Extremes/coldest-temperature-ever-recorded.php","http://www.usatoday.com/story/weather/2013/12/10/antarctica-cold-record/3950019/","http://www.answers.com/Q/What_is_the_coldest_temperature_ever_recorded_in_Hawaii","http://www.coolweather.net/statetemperature/hawaii_temperature.htm","https://en.wikipedia.org/wiki/List_of_weather_records","http://www.currentresults.com/Weather-Extremes/US/coldest.php","http://www.answers.com/Q/What_is_the_coldest_temperature_ever_recorded_in_Hawaii"]},"query":"what is hawaii coldest recorded temperature","query_id":753823,"query_type":"NUMERIC","wellFormedAnswers":[]},"truncated_cells":[]},{"row_idx":320,"row":{"answers":["The source of energy for living beings on Earth is the Sun.The energy that the Sun emits at present is of 1366.75 W/m^2 (400 years ago, it was of 1363.48 W/m^2).n energy pyramid is the graphical representation of the trophic levels (nutritional) by which the incoming solar energy is transferred into an ecosystem."],"passages":{"is_selected":[0,0,0,1,0,0,0,0,0,0],"passage_text":["An energy pyramid is a presentation of the trophic levels in an ecosystem. Energy from the sun is transferred through the ecosystem by passing through various trophic levels. Roughly 10% of the energy is transferred from one trophic level to the next, thus preventing a large amounts of trophic levels.hen an ecosystem is healthy, this graph produces a standard ecological pyramid. This is because in order for the ecosystem to sustain itself, there must be more energy at lower trophic levels than there is at higher trophic levels.","An ecological pyramid (also trophic pyramid, energy pyramid, or sometimes food pyramid) is a graphical representation designed to show the biomass or bio productivity at each trophic level in a given ecosystem. Biomass is the amount of living or organic matter present in an organism.hen an ecosystem is healthy, this graph produces a standard ecological pyramid. This is because in order for the ecosystem to sustain itself, there must be more energy at lower trophic levels than there is at higher trophic levels.","The food and energy pyramid shows the complex interdependence between plant and animal organisms in the ecosystem.The pyramid has several levels. The primary producers (plants) are situated at the base of the pyramid — the lowest and largest area — known as the first (trophic) level.he food and energy pyramid shows the complex interdependence between plant and animal organisms in the ecosystem.","An energy pyramid is the graphical representation of the trophic levels (nutritional) by which the incoming solar energy is transferred into an ecosystem.The source of energy for living beings on Earth is the Sun.The energy that the Sun emits at present is of 1366.75 W/m^2 (400 years ago, it was of 1363.48 W/m^2).n energy pyramid is the graphical representation of the trophic levels (nutritional) by which the incoming solar energy is transferred into an ecosystem.","A pyramid that shows the availability of energy that connects the consumers with the decomposer Shows the energy transfer between tropic levels. (10%) wrong An energ … y pyramid shows that less and less food and energy is available as you go from the base to the top of the pyramid.+ 62 others found this useful.he amount of energy being passed on decreases as the pyramid goes up. For example, if the pyramid had 5 flowers on the bottom, 3 rabbits in the middle, and a h … awk on top, the most energy would be with the flowers, and least passed on to the hawk.","This is where an energy pyramid (sometimes called a trophic pyramid or ecological pyramid) is useful in quantifying the energy transfer from one organism to another along the food chain. Energy decreases as you move through the trophic levels from the bottom to the top of the pyramid.or Teachers for Schools for Companies. When organisms eat other organisms, energy is transferred. An energy pyramid can be used to diagram this flow of metabolic energy. Here we will examine the definition of an energy pyramid, look at some examples, and finish with a brief quiz.","The sun and then the primary producers which are able to convert the energy from the sun into a form that can be used to the rest of the creatures on the energy pyramid.13 people found this useful. Edit. Share to: Answered. In Animal Life.he amount of energy being passed on decreases as the pyramid goes up. For example, if the pyramid had 5 flowers on the bottom, 3 rabbits in the middle, and a h … awk on top, the most energy would be with the flowers, and least passed on to the hawk.","The biotic components of an ecosystem are classified into three levels: producers, consumers, and decomposers. An energy pyramid is a model that shows the flow of energy from one trophic, or feeding, level to the next in an ecosystem.The model is a diagram that compares the energy used by organisms at each trophic level.The energy in an energy pyramid is measured in units of kilocalories (kcal).nergy pyramids such as this help to explain the trophic structure of an ecosystem: the number of consumer trophic levels that can be supported is dependent on the size and energy richness of the producer level.","A biomass pyramid shows the total mass of the organisms that each trophic level occupies in an ecosystem. Usually, producers have a higher biomass than any other trophic level, but there can be lower amounts of biomass at the bottom of the pyramid if the rate of primary production per unit biomass is very fast.hen an ecosystem is healthy, this graph produces a standard ecological pyramid. This is because in order for the ecosystem to sustain itself, there must be more energy at lower trophic levels than there is at higher trophic levels.","The largest source of energy for an ecosystem is the sun. Energy that is not used in an ecosystem is eventually lost as heat. Energy and nutrients are passed around through the food chain, when one organism eats another organism.Any energy remaining in a dead organism is consumed by decomposers.n Ecological Pyramid of Biomass shows the relationship between energy and trophic level by quantifying the amount of biomass present at each trophic level (dry mass per trophic level). As such, is assumed that there is a direct relationship between biomass and energy."],"url":["https://en.wikipedia.org/wiki/Ecological_pyramid","https://en.wikipedia.org/wiki/Ecological_pyramid","http://www.greenpackonline.org/english/environmental-components.php?id=04-01-02","http://www.biocab.org/Energy_Pyramid.html","http://www.answers.com/Q/What_are_the_major_components_of_an_energy_pyramid","http://study.com/academy/lesson/what-is-an-energy-pyramid-definition-examples.html","http://www.answers.com/Q/What_are_the_major_components_of_an_energy_pyramid","http://kids.britannica.com/comptons/art-90132/The-amount-of-energy-at-each-trophic-level-decreases-as","https://en.wikipedia.org/wiki/Ecological_pyramid","https://en.wikibooks.org/wiki/Ecology/Energy_in_ecosystems"]},"query":"what are the major components of the energy pyramid","query_id":571339,"query_type":"DESCRIPTION","wellFormedAnswers":["The major components of the energy pyramid are producers, consumers, and decomposers."]},"truncated_cells":[]},{"row_idx":321,"row":{"answers":["26 inches Two-Stage Snow Thrower 208cc Troy-Bilt Engine, 30 inches Two-Stage Snow Thrower 277cc Troy-Bilt Engine, and 26 inches Two-Stage Snow Thrower 243cc Troy-Bilt Engine are on Two-Stage Snow Thrower."],"passages":{"is_selected":[0,0,0,1,0,1,0,0,1,0],"passage_text":["The Troy-Bilt 2100 is a single-stage blower which is engineered with excellent features to tackle most of your home snow cleaning jobs. It is ideal for small to medium driveways which can take three cars.","Troy-Bilt has a line of the best snow throwers on the market. The list above exhausts the best designs ever presented by this brand. These models have surpassed what other snow blowers offer and as such, they deserve special mention.","Troy-Bilt Snow Blowers & Snow Throwers 10028 (31AE6LO4766) - Troy-Bilt Storm 28 Snow Thrower (2006) 10028 (31AE6LO4766) - Troy-Bilt Storm 28 Snow Thrower (2007)","26″ Two-Stage Snow Thrower – 208cc Troy-Bilt Engine – Just One Hand® Operation. About $799.99 This snow blower is a good value but does not have power steering or deflector control. This snow blower is a little under powered for their size clearing heavy snow.","PartsTree.com - Quickly find Troy-Bilt Snow blowers & snow thrower equipment Diagrams and order Genuine Troy-Bilt Snow blowers & snow thrower Parts for all Troy-Bilt Snow blowers & snow throwers. Your Preferred Source for Lawn and Garden Equipment Parts.","30″ Two-Stage Snow Thrower – 277cc Troy-Bilt Engine – Touch ’n Turn® Power Steering. About $1,099.99 Power steering allows just about anyone who is over 5 ft 2 in who can walk and use both hands the ability to easily control a snow blower.","Find troy-bilt engine from a vast selection of Home Snow Blowers. Get great deals on eBay!","42040 - Troy-Bilt 30 Snow Thrower (SN: 420401100101 - 420401199999) 42041 - Troy-Bilt 32 Snow Thrower (SN: 420411100101 - 420411199999) 42046 - Troy-Bilt 24 Snow Thrower","26″ Two-Stage Snow Thrower – 243cc Troy-Bilt Engine – Touch ’n Turn® Power Steering. About $999.99 This snow blower is 26 inches and uses a 243 cc engine. It will handle areas of the country that get 100 inches or less very well. This is a good size for a 2-car wide 100 ft long driveway.","2690 (31BM73Q3xxx) - Troy-Bilt Snow Tracker 26 Track Drive Snow Thrower (2009) 2690XP (31BM73Q3xxx) - Troy-Bilt Snow Tracker 26 Track Drive Snow Thrower (2010) 2840 (31AH64Q4711) - Troy-Bilt Storm 28 Snow Thrower (2011)"],"url":["https://www.agardenlife.com/troy-bilt-snow-blower-reviews/","https://www.agardenlife.com/troy-bilt-snow-blower-reviews/","https://www.partstree.com/parts/troy-bilt/snow-blowers-snow-throwers/","https://movingsnow.com/2016/2016-troy-bilt-snow-blowers-whats-new-and-exciting/","https://www.partstree.com/parts/troy-bilt/snow-blowers-snow-throwers/","https://movingsnow.com/2016/2016-troy-bilt-snow-blowers-whats-new-and-exciting/","https://www.ebay.com/sch/Snow-Blowers/42230/i.html?_nkw=troy-bilt+engine","https://www.partstree.com/parts/troy-bilt/snow-blowers-snow-throwers/","https://movingsnow.com/2016/2016-troy-bilt-snow-blowers-whats-new-and-exciting/","https://www.partstree.com/parts/troy-bilt/snow-blowers-snow-throwers/"]},"query":"what engine on troy bilt snow blowers?","query_id":657386,"query_type":"ENTITY","wellFormedAnswers":[]},"truncated_cells":[]},{"row_idx":322,"row":{"answers":["It may be dropped after an arrest or be prosecuted as a misdemeanor."],"passages":{"is_selected":[1,0,0,0,0,0,0,0,0,0],"passage_text":["In some cases, a fighting charge may be dropped after an arrest or be prosecuted as a misdemeanor. However, in more serious cases where a weapon was involved or there was severe bodily harm, the fighting charge can be prosecuted as a felony and lead to significant consequences, including up to 15 years in prison.","In some instances, a fighting charge is the result of self-defense, defending another person or property, and more. If you or a loved one has been charged with a fighting offense, it is important to contact an experienced criminal law attorney who can investigate your case to help dismiss or reduce the charges.","However, believing you have no chance to win a first-time DUI offense case, even for a DUI test refusal, is a misconception. There are a number of possible ways that can often be shown what to do how to fight to get out of a first DUI/DWI arrest charge, based upon the events of what took place during a person’s arrest.","It is important for any person fighting first-time DUI offense charges, they understand the consequences before pleading guilty in their case, and why it is vital they know how to get the best help for a first DUI charge, that very well can assist in getting out of the offense.","There are a number of incidents that constitute an assault/battery charge including fighting, sexual assault, and domestic violence. Fighting is one of the most common assault/battery offenses and can range in significance from a small misdemeanor to a serious felony that may result in prison time. If you or someone you love has been charged with a fighting offense, it is important to seek legal advice. Please contact us today to speak to a qualified criminal law attorney who can assess your case to determine your legal options.","It depends on the fight. If someone got hurt to an extent the victim could press charges. Yes they can the person who pops it off (first to punch) can get lock up ps.you can press charges on a lot of stuff. It depends on the fight. If someone got hurt to an extent the victim could press charges. Yes they can the person who pops it off (first to punch) can get lock up ps.you can press charges on a lot of stuff.","How to Know Your Options of What to do for Fighting to Get Out of a First Offense DUI case. When a person has been arrested for first-time DUI offense charges, it can often feel like there are no options or little help for learning what to do when fighting to get out of a 1st offense DUI case.","For fighting to get out of a first-time DUI offense arrest charge, if you have no prior criminal record or previous alcohol or DUI/DWI related offenses, it is possible that the judge will suspend your jail sentence and place you on probation for a period typically ranging from 6 months to 2 years.","1 Having to get high risk auto insurance after a conviction of a 1st DUI offense, can cost up to $8,000 or more annually for the next 5 years. Since any DUI and DWI offense conviction is on a person’s criminal record for life, it can deny entry into many other countries when traveling in the future.","Although there doesn't appear to be any indication that the fight was mutual, people might be wondering about the legality of bar fights in the first place. After all, whether its TV or movies, for some reason you never see the police show up to, much less someone get arrested for, a bar fight. The poor bartender just ends up holding his hands on his head and gazing in dismay at a scene of shattered tables, barstools and mirrors as the combatants stumble on out. Well, just in case there is any doubt remaining, yes, you can very easily get arrested for a bar fight. Bars are not anything-goes-zones and the criminal laws that apply on the street and everywhere else still apply inside, despite the possibility that a host of beers may have changed everyone's opinion on the subject."],"url":["http://www.criminal-law-lawyer-source.com/terms/fighting.html","http://www.criminal-law-lawyer-source.com/terms/fighting.html","https://www.firstduihelp.com/","https://www.firstduihelp.com/","http://www.criminal-law-lawyer-source.com/terms/fighting.html","http://www.answers.com/Q/Can_a_person_press_charges_for_fighting","https://www.firstduihelp.com/","https://www.firstduihelp.com/","https://www.firstduihelp.com/","http://blogs.findlaw.com/blotter/2009/05/can-i-get-arrested-for-bar-fighting.html"]},"query":"what charges can you get for fighting","query_id":595058,"query_type":"DESCRIPTION","wellFormedAnswers":[]},"truncated_cells":[]},{"row_idx":323,"row":{"answers":["It is the theory that Earth's outer shell is divided into several plates that glide over the mantle, the rocky inner layer above the core."],"passages":{"is_selected":[0,0,0,1,0,0,0,0,0,0],"passage_text":["The lithosphere, which is the rigid outermost shell of a planet (the crust and upper mantle), is broken up into tectonic plates. The Earth's lithosphere is composed of seven or eight major plates (depending on how they are defined) and many minor plates.","Divergent boundaries are where the plates move away from each other and new crust is created. Mid-ocean ridges are an example of divergent boundaries. Convergent boundaries are where the plates collide with one another causing the subduction of one plate beneath the other.","Tectonics (from the Late Latin tectonicus from the Greek τεκτονικός, pertaining to building ) is concerned with the processes which control the structure and properties of the Earth's crust, and its evolution through time.","From the deepest ocean trench to the tallest mountain, plate tectonics explains the features and movement of Earth's surface in the present and the past. Plate tectonics is the theory that Earth's outer shell is divided into several plates that glide over the mantle, the rocky inner layer above the core. The plates act like a hard and rigid shell compared to Earth's mantle. This strong outer layer is called the lithosphere.","Wegener didn't have an explanation for how continents could move around the planet, but researchers do now. Plate tectonics is the unifying theory of geology, said Nicholas van der Elst, a seismologist at Columbia University's Lamont-Doherty Earth Observatory in Palisades, New York.","The weakness of the asthenosphere allows the tectonic plates to move easily towards a subduction zone. Although subduction is believed to be the strongest force driving plate motions, it cannot be the only force since there are plates such as the North American Plate which are moving, yet are nowhere being subducted.","By definition the word plate in geologic terms means a large slab of solid rock. Tectonics is a part of the Greek root for to build and together the terms define how the Earth's surface is built up of moving plates. The theory of plate tectonics itself says that the Earth's lithosphere is made up individual plates that are broken down into over a dozen large and small pieces of solid rock.","The driving force behind plate tectonics is convection in the mantle. Hot material near the Earth's core rises, and colder mantle rock sinks. It's kind of like a pot boiling on a stove, Van der Elst said.","History of Plate Tectonics. Plate tectonics grew out of a theory that was first developed in the early 20th century by the meteorologist Alfred Wegener. In 1912, Wegener noticed that the coastlines of the east coast of South America and the west coast of Africa seemed to fit together like a jigsaw puzzle.","Where the plates meet, their relative motion determines the type of boundary: convergent, divergent, or transform. Earthquakes, volcanic activity, mountain-building, and oceanic trench formation occur along these plate boundaries. The lateral relative movement of the plates typically ranges from zero to 100 mm annually."],"url":["https://en.wikipedia.org/wiki/Plate_tectonics","http://geography.about.com/od/physicalgeography/a/Plate-Tectonics.htm","https://en.wikipedia.org/wiki/Tectonics","http://www.livescience.com/37706-what-is-plate-tectonics.html","http://www.livescience.com/37706-what-is-plate-tectonics.html","https://en.wikipedia.org/wiki/Plate_tectonics","http://geography.about.com/od/physicalgeography/a/Plate-Tectonics.htm","http://www.livescience.com/37706-what-is-plate-tectonics.html","http://geography.about.com/od/physicalgeography/a/Plate-Tectonics.htm","https://en.wikipedia.org/wiki/Plate_tectonics"]},"query":"the definition of plate tectonics","query_id":515283,"query_type":"DESCRIPTION","wellFormedAnswers":[]},"truncated_cells":[]},{"row_idx":324,"row":{"answers":["No Answer Present."],"passages":{"is_selected":[0,0,0,0,0,0,0,0,0,0],"passage_text":["Pick out a rabbit litter box. Purchasing a litter box and training your rabbit to use it is very important if you are having your rabbit live indoors. A triangular litter box to place in the corner of the cage or pen is very convenient. 1 Your rabbit may not use the litter box right away, so be patient.2 You will need to litter box train them. Consider an open-top cage, like a puppy pen. 2 This will give the rabbit more freedom to move around and will feel less confining. 3 Just make sure it is at least 35 inches (88.9 cm) high, so the rabbit cannot jump out. 4 If you want to create an outdoor hutch for your rabbit, the specifications are different.","2. Pick out a cage that is the right size for your rabbit. Rabbits vary widely in size from the tiny mini-lop that weighs just 1.3 kg (2 - 3 lb), to the huge Flemish giant which at up to 10 kg (22 lb). The floor area and height of the cage is going to vary depending on the breed of rabbit your select. Consider an open-top cage, like a puppy pen. 2 This will give the rabbit more freedom to move around and will feel less confining. 3 Just make sure it is at least 35 inches (88.9 cm) high, so the rabbit cannot jump out. 4 If you want to create an outdoor hutch for your rabbit, the specifications are different.","Look for a cage with a solid bottom and sides made out of wire designed for rabbits. Think of this as the “den” for the rabbit to sleep in and a source of food and water. The plan should be that the bunny spends 8-12 hours or so outside of the cage in an exercise pen or a room for bunny-safe exploration.or an average-sized rabbit of 8 pounds or so, you'll need a cage that's at least four feet wide, two feet deep, and two feet tall. The bunny should be able to lay down and stretch out comfortably and still have room for food and water and a litter box.","Once your rabbit is using the litter box consistently in his cage, you may allow him some playtime in a limited area around his cage. If he consistently returns to his litter box while having his exercise time, then once again you can expand his play area.eep the litter box clean – the cleaner you keep the cage and litter box the more likely it is that your rabbit will use it. Some bunnies have the best intentions, but will back up to a corner of the litter box and wind up urinating over the edge.","You may choose to put the litter box in one of the corners and see if he likes your selection or you can wait and see where he are choosing to eliminate and put the litter box in that place. Purchase a large cat litter box, spread a thin layer of the recommended rabbit litter on the bottom and a handful of hay on top.eep the litter box clean – the cleaner you keep the cage and litter box the more likely it is that your rabbit will use it. Some bunnies have the best intentions, but will back up to a corner of the litter box and wind up urinating over the edge.","You can play with your bunny or leave it to enjoy itself on its own (but keeping an eye on it), but don't neglect this important element of rabbit care. 1 Make sure your rabbit is either fenced in a pen that is at least 1 foot (0.3 m) in the ground and 3 feet (0.9 m) out of the ground, or on a rabbit harness and leash.or an average-sized rabbit of 8 pounds or so, you'll need a cage that's at least four feet wide, two feet deep, and two feet tall. The bunny should be able to lay down and stretch out comfortably and still have room for food and water and a litter box.","Get an appropriately-sized cage. For an average-sized rabbit of 8 pounds or so, you'll need a cage that's at least four feet wide, two feet deep, and two feet tall. The bunny should be able to lay down and stretch out comfortably and still have room for food and water and a litter box.or an average-sized rabbit of 8 pounds or so, you'll need a cage that's at least four feet wide, two feet deep, and two feet tall. The bunny should be able to lay down and stretch out comfortably and still have room for food and water and a litter box.","T he wire panel rabbit exercise pen offers a durable, chew-proof play area for either indoor or outdoor use. If children will be spending play time with the pet, consider one of the larger rabbit pen plans or expandable pens that will accommodate them all. he wire panel rabbit exercise pen offers a durable, chew-proof play area for either indoor or outdoor use. If children will be spending play time with the pet, consider one of the larger rabbit pen plans or expandable pens that will accommodate them all.","Floor Area: 1.6704 square metres. This rabbit play pen consists of 8 panels each 61 cm long and available in 3 different heights: 61, 91 and 107 cm. The pen can be expanded with extra panels to form a larger run. The 61 cm height should contain most rabbits but go for at least 91 if an escape could cause problems.avic DOG PARK (Rabbit Play Pen). This rabbit play pen consists of 8 panels each 61 cm long and available in 3 different heights: 61, 91 and 107 cm. The pen can be expanded with extra panels to form a larger run. The 61 cm height should contain most rabbits but go for at least 91 if an escape could cause problems.","Four Paws Rabbit Exercise Pen High-Gold Zinc. This rabbit exercise pen is gold zinc plated. It has 8 panels each 24 (60cm) in width. The play pens are available in heights of 24, 30, 36, 42 and 48 inches. For rabbits 3ft (36) should be tall enough to stop jumping out.One panel has a door for easy access.avic DOG PARK (Rabbit Play Pen). This rabbit play pen consists of 8 panels each 61 cm long and available in 3 different heights: 61, 91 and 107 cm. The pen can be expanded with extra panels to form a larger run. The 61 cm height should contain most rabbits but go for at least 91 if an escape could cause problems."],"url":["http://www.wikihow.com/Set-up-a-Rabbit-Cage","http://www.wikihow.com/Set-up-a-Rabbit-Cage","http://www.wikihow.com/Care-for-a-Rabbit","http://bunnyrabbit.org/bunny-basics-101-general-rabbit-care/","http://bunnyrabbit.org/bunny-basics-101-general-rabbit-care/","http://www.wikihow.com/Care-for-a-Rabbit","http://www.wikihow.com/Care-for-a-Rabbit","http://www.rabbit-hutches.net/rabbit-playpens/wire-rabbit-playpens.htm","http://www.therabbithouse.com/indoor/rabbit-pens.asp","http://www.therabbithouse.com/indoor/rabbit-pens.asp"]},"query":"how to line the bottom of my rabbit play areas","query_id":366802,"query_type":"DESCRIPTION","wellFormedAnswers":[]},"truncated_cells":[]},{"row_idx":325,"row":{"answers":["157 to 228 grams of carbs per day."],"passages":{"is_selected":[0,0,0,0,1,0,0,0,0,0],"passage_text":["Your calorie allotment for effective weight loss is 500 to 1,000 fewer calories than your usual daily intake, notes the Centers for Disease Control and Prevention. For many adults, this amount is 1,200 to 1,600 calories per day, according to the National Heart, Lung and Blood Institute.","The little-known weight-loss secret. Eating a diet packed with the right kind of carbs is the little-known secret to getting and staying slim for life. When we talk about the right kind of carbs, we mean Resistant Starch. Hundreds of studies conducted at respected universities and research centers have shown Resistant Starch helps you eat less, burn more calories, feel more energized and less stressed, and lower cholesterol.","1 Let’s pretend you calculated that you need to eat 2000 calories per day to lose weight or build muscle or whatever your goal is. 2 Next let’s pretend you figured out that you need to eat 150 grams of protein per day.","For example, if you’re eating 1,200 calories a day, aim for 135 to 195 grams of carbs -- and if your weight-loss calorie requirement is 1,600 calories daily, shoot for 180, but no more than 260, grams of carbs per day. You Might Also Like.","Therefore, if your weight-loss energy goal is 1,400 calories per day, multiply 1,400 by 0.45 and by 0.65 -- equaling 630 to 910 calories -- to determine how many of your total calories should be from carbohydrates. Then, divide each of these number by 4 calories, which is 157 to 228 grams of carbs per day.","1 Next, since 25% of your calories should come from fat, this example person can calculate that 500 of their 2000 daily calories will come from fat. 2 So that’s 600 from protein plus 500 from fat which gives this person 1100 calories accounted for so far.","Combine healthy carbs with lean protein. Photo Credit Barbara Dudzińska/iStock/Getty Images. Although your total calorie intake determines how much weight – if any -- you’ll lose, your carbohydrate intake can affect how many calories you eat in a day.","One of the most common questions I get asked by people trying to put together the best diet possible for their goal (to lose weight, build muscle, etc.) is how many grams of carbs they should eat per day.","My article comparing good fat vs bad fat also covers how much you should eat per day. To again save you the time, usually about 25% of your total calorie intake should come from fat in most cases.","1 So that’s 600 from protein plus 500 from fat which gives this person 1100 calories accounted for so far. 2 Now they’d just subtract 1100 from their 2000 total and get 900 calories. 3 Since 1 gram of carbs contains 4 calories, this example person can see that they should eat 225 grams of carbs per day."],"url":["http://www.livestrong.com/article/223225-how-many-grams-of-carbs-per-day-to-lose-weight/","http://www.health.com/health/gallery/0,,20359383,00.html","http://www.intense-workout.com/carbs.html","http://www.livestrong.com/article/223225-how-many-grams-of-carbs-per-day-to-lose-weight/","http://www.livestrong.com/article/223225-how-many-grams-of-carbs-per-day-to-lose-weight/","http://www.intense-workout.com/carbs.html","http://www.livestrong.com/article/223225-how-many-grams-of-carbs-per-day-to-lose-weight/","http://www.intense-workout.com/carbs.html","http://www.intense-workout.com/carbs.html","http://www.intense-workout.com/carbs.html"]},"query":"how many carbs can you eat in one day and lose weight","query_id":278441,"query_type":"NUMERIC","wellFormedAnswers":[]},"truncated_cells":[]},{"row_idx":326,"row":{"answers":["No Answer Present."],"passages":{"is_selected":[0,0,0,0,0,0,0,0,0,0],"passage_text":["Examples: 1 A person's height: could be any value (within the range of human heights), not just certain fixed heights, 2 Time in a race: you could even measure it to fractions of a second, 3 A dog's weight, 4 The length of a leaf,","Function: In the graph of a continuous function, the points are connected with a continuous line, since every point has meaning to the original problem. Function: In the graph of a discrete function, only separate, distinct points are plotted, and only these points have meaning to the original problem. Graph: You can draw a continuous function without lifting your pencil from your paper. Graph: A discrete graph is a series of unconnected points (a scatter plot).","It is both, a bar graph can be for discrete and continuous it depends on how you set out the chart. If it is for discrete data then you have to have a gap between each bar but … on a continuous bar graph they are all next to each other WITHOUT any gaps. Also another way to discover if a bar graph is discrete or continuous the dicrete graph bars are labelled individually but on a continuous they are not labelled as such; there is a scale on the bottom axis. Hope this helps who ever needs it :D","Section 4.2 Discrete and Continuous Domains 157. EXAMPLE 2 Graphing Continuous Data. A cereal bar contains 130 calories. The number c of calories consumed. is a function of the number b of bars eaten. Graph the function.","Continuous. We can imagine half of that distance, or a third, or a fourth, and so on. c) A bag of apples. Discrete. d) Applesauce. Continuous! e) A dozen eggs. Discrete. f) 60 minutes. Continuous. Our idea of time, like our idea of distance, is that there is no smallest unit. g) Pearls on a necklace. Discrete. h) The area of a circle.","Best Answer: Discrete. If a variable can take on any value between two specified values, it is called a continuous variable; otherwise, it is called a discrete variable.. Between $10.99 and $11.00, there is no valid value for cost, so cost cannot take values between those two specified values.","If we suppose that the fundamental level of structure in the physical world is discrete like the set of rational numbers, then it is clearly possible for continuous structures to supervene upon discrete substructures, and for the supervenience to be exact.","Discrete data is counted, Continuous data is measured . Discrete Data. Discrete Data can only take certain values. Example: the number of students in a class (you can't have half a student). Example: the results of rolling 2 dice: can only have the values 2, 3, 4, 5, 6, 7, 8, 9, 10, 11 and 12.","Report Abuse. 1 Chat or rant, adult content, spam, insulting other members,show more. 2 Harm to minors, violence or threats, harassment or privacy invasion, impersonation or misrepresentation, fraud or phishing, show more. 3 Chat or rant, adult content, spam, insulting other members,show more.","Probability Distributions: Discrete vs. Continuous All probability distributions can be classified as discrete probability distributions or as continuous probability distributions, depending on whether they define probabilities associated with discrete variables or continuous variables."],"url":["https://stats.stackexchange.com/questions/206/what-is-the-difference-between-discrete-data-and-continuous-data","http://mathbitsnotebook.com/Algebra1/FunctionGraphs/FNGContinuousDiscrete.html","http://www.answers.com/Q/Is_price_discrete_or_continuous","https://www.bigideasmath.com/protected/content/ipe/grade%208/04/g8_04_02.pdf","http://themathpage.com/aReal/continuous.htm","https://answers.yahoo.com/question/index?qid=20070903120812AAVX4Av","https://www.quora.com/Is-time-discrete-or-continuous-in-both-absolute-terms-and-in-terms-of-our-perception","http://www.mathsisfun.com/data/data-discrete-continuous.html","https://answers.yahoo.com/question/index?qid=20070903120812AAVX4Av","http://stattrek.com/probability-distributions/discrete-continuous.aspx"]},"query":"is the price of something continuous or discrete?","query_id":1174730,"query_type":"NUMERIC","wellFormedAnswers":[]},"truncated_cells":[]},{"row_idx":327,"row":{"answers":["3-ounce potato has about 1.75 to 2.25 grams of protein."],"passages":{"is_selected":[0,0,0,0,1,0,0,0,0,0],"passage_text":["1 Calories, Fat, Protein, Fiber, & Carbs In German Potato Salad. 2 Calories, Fat, Protein, Fiber, & Carbs In Red Potato Salad. 3 Calories, Fat, Protein, Fiber, & Carbs In Hot German Potato Salad. 4 Calories, Fat, Protein, Fiber, & Carbs In Publix Potato Salad. Calories, Fat, Protein, Fiber, & Carbs In Red Bliss Potato Salad.","Related Searches: 1 Calories, Fat, Protein, Fiber, & Carbs In German Potato Salad. 2 Calories, Fat, Protein, Fiber, & Carbs In Red Potato Salad. 3 Calories, Fat, Protein, Fiber, & Carbs In Hot German Potato Salad. Calories, Fat, Protein, Fiber, & Carbs In Publix Potato Salad.","When you think of good sources of protein, images of steak, chicken breasts, tofu or raw eggs may come to mind. However, there are many surprisingly good sources of protein in the grocery store that you can use to easily get 25 grams of protein at every meal. For example, in the produce aisle, baked potatoes are decent sources of protein. A medium-sized potato will pack around five grams, but make sure to eat it with the skin on. If meat is on your shopping list, you may want to try buying bison, which has a whopping 20 grams of protein per 3 ounce serving.","The US Department of Agriculture recommends that all men and women over the age of 19 should get at least 0.8 grams of protein per kilogram of body weight per day (or 0.37 grams per pound). That means a woman who is 130 pounds should get at least 48 grams of protein, which could look like 7 ounces of salmon or 7 eggs.","That 3-ounce potato, whether you prefer Russet, red bliss or a sweet potato, has about 1.75 to 2.25 grams of protein. Because protein contains 4 calories per gram, this amounts to 7 to 9 calories from protein for a 3-ounce tater.","Because potatoes aren’t particularly rich in protein, they won’t do much to help you meet your protein recommendation. You need at least 56 grams of protein daily, if you’re male, the Food and Nutrition Board notes. As a woman, you should aim for 46 grams a day -- 71 grams if you’re pregnant or nursing. A 3-ounce potato gives you less than 5 percent of your daily protein needs, depending on which demographic you fall into.","1 Calories, Fat, Protein, Fiber, & Carbs In German Potato Salad. 2 Calories, Fat, Protein, Fiber, & Carbs In Red Potato Salad. 3 Calories, Fat, Protein, Fiber, & Carbs In Hot German Potato Salad. Calories, Fat, Protein, Fiber, & Carbs In Publix Potato Salad.","1 Calories, Fat, Protein, Fiber, & Carbs In Red Potato Salad. 2 Calories, Fat, Protein, Fiber, & Carbs In Hot German Potato Salad. 3 Calories, Fat, Protein, Fiber, & Carbs In Publix Potato Salad. Calories, Fat, Protein, Fiber, & Carbs In Red Bliss Potato Salad.","Related Searches: 1 Calories, Fat, Protein, Fiber, & Carbs In German Potato Salad. 2 Calories, Fat, Protein, Fiber, & Carbs In Red Potato Salad. Calories, Fat, Protein, Fiber, & Carbs In Hot German Potato Salad.","Protein and Calories. A 3-ounce potato with the skin -- or a medium-size potato cut in half -- has roughly 75 to 80 calories. Approximately 90 percent of those calories come from carbohydrates and a trace amount comes from fat, while the remaining calories are from protein."],"url":["http://www.sparkpeople.com/calories-in.asp?food=potato+salad","http://www.sparkpeople.com/calories-in.asp?food=potato+salad","http://www.doctoroz.com/article/protein-fact-sheet","http://www.doctoroz.com/article/protein-fact-sheet","http://www.livestrong.com/article/366913-the-protein-content-of-potatoes/","http://www.livestrong.com/article/366913-the-protein-content-of-potatoes/","http://www.sparkpeople.com/calories-in.asp?food=potato+salad","http://www.sparkpeople.com/calories-in.asp?food=potato+salad","http://www.sparkpeople.com/calories-in.asp?food=potato+salad","http://www.livestrong.com/article/366913-the-protein-content-of-potatoes/"]},"query":"how many grams of protein in a potato?","query_id":285040,"query_type":"NUMERIC","wellFormedAnswers":[]},"truncated_cells":[]},{"row_idx":328,"row":{"answers":["No Answer Present."],"passages":{"is_selected":[0,0,0,0,0,0,0,0,0,0],"passage_text":["The CET is a tariff. agreed on by the MERCOSUR countries for imports from non-MERCOSUR countries. The average CET is 14 percent with a low of 0 percent and a high of 20 percent, depending on the type of merchandise.","The CST is the final two numbers in the CFOP. To recap, the CFOP and CST are different codes that are usually combined in the issuance of invoices, in order to form a whole explanation about the transactions. The CFOP codes are separated by the following codes:","The NIMS is the essential foundation to the National Preparedness System (NPS) and provides the template for the management of incidents and operations in support of all five National Planning Frameworks. Use the images below for direct links to all pages within the NIMS website.","For example: You have three employees and they work 50 hours, 40 hours, and 10 hours per week - totaling 100 hours. Assuming a full-time employee works 40 hours per week, your full time equivalent calculation is 100 hours divided by 40 hours, or 2.5 FTE.","full time equivalent (FTE) The ratio of the total number of paid hours during a period (part time, full time, contracted) by the number of working hours in that period Mondays through Fridays. The ratio units are FTE units or equivalent employees working full-time. In other words, one FTE is equivalent to one employee working full-time.","Annex ‘A’. Certificate to be produced by the Candidate belonging to scheduled caste/Buddhist Community. under Para 3(i i) (a) of the Federal Public Service Commission Rules relating to the. Competitive Examination (CSS), 2015. This is to certify that Mr./Miss/Mrs.","National Incident Management System. This section of the website provides information on the National Incident Management System (NIMS). NIMS is intended to be used by the whole community. The intended audience for this section is individuals, families, communities, the private and nonprofit sectors, faith-based organizations, and local, state, tribal, territorial, insular area, and Federal governments.","Updated: September, 2008. Disclaimer: The information contained on this website is derived from public sources. and is current to the best of our knowledge. For detailed and definitive information about. a country’s laws and policies, the government of the country concerned should be. consulted.","Annex ‘B’. Certificate to be produced by the Candidate belonging to the Tribal Areas. under Para 3(i i) (b) of the Federal Public Service Commission. Rules relating to the Competitive Examination (CSS), 2015. This is to certify that Mr./Miss/Mrs.","A copy of authorization of the manufacturer to import and commercialize its. medical device in the country; 4. A copy of registration or certificate of free trade or equivalent document. issued by the competent authority where the product is manufacture and/or. commercialized; 5."],"url":["http://ita.doc.gov/td/health/Brazil%202008%20Medical%20Device%20Profile.pdf","http://thebrazilbusiness.com/article/codigo-fiscal-de-operacoes-e-de-prestacoes-cfop","https://www.fema.gov/national-incident-management-system","http://www.businessdictionary.com/definition/full-time-equivalent-FTE.html","http://www.businessdictionary.com/definition/full-time-equivalent-FTE.html","http://fpsc.gov.pk/icms/admin/file/Applicaiton%20form-2015%20-%20annexa-b.pdf","https://www.fema.gov/national-incident-management-system","http://ita.doc.gov/td/health/Brazil%202008%20Medical%20Device%20Profile.pdf","http://fpsc.gov.pk/icms/admin/file/Applicaiton%20form-2015%20-%20annexa-b.pdf","http://ita.doc.gov/td/health/Brazil%202008%20Medical%20Device%20Profile.pdf"]},"query":"what is annex a icms","query_id":718075,"query_type":"DESCRIPTION","wellFormedAnswers":[]},"truncated_cells":[]},{"row_idx":329,"row":{"answers":["Washington"],"passages":{"is_selected":[0,0,1,0,0,0,0,0,0,0],"passage_text":["New York is the largest metro area in the United States. It includes the island of Manhattan, an eight-county area immediately north, western Long Island, and Staten Island. It is the fourth largest in the world behind Tokyo, Mexico City, and Sao Paulo, Brazil. Regardless of how the area is defined, New York is among the richest and most complex places to live in America.","Recent posts about Salem, New York on our local forum with over 2,000,000 registered users. Salem is mentioned 659 times on our forum: Latest news from Salem, NY collected exclusively by city-data.com from local newspapers, TV, and radio stations.","Salem, New York. Salem is a town in eastern Washington County, New York. It is part of the Glens Falls Metropolitan Statistical Area. The town population was 2,702 at the 2000 census. The town of Salem contains a hamlet also named Salem, formerly an incorporated village.","22.5%. According to our research of New York and other state lists there were 4 registered sex offenders living in Salem, New York as of April 14, 2017. The ratio of number of residents in Salem to the number of sex offenders is 660 to 1. Nearest city with pop. 50,000+: Schenectady, NY (39.7 miles , pop. 61,821).","©2016 Town of Salem Disclaimer of Liability This Web site is provided as a public service by the Town of Salem, NY.","The Town of Salem is located in Washington County, New York and is situated east of Saratoga Springs and southeast of Lake George on the Vermont border. Salem area, first discovered in 1761 is steeped in Revolutionary and Civil War History.","List Map. Coldwell Banker Residential Brokerage can help you find South Salem, NY homes for sale, condos and rentals. Refine your South Salem real estate search results by price, property type, bedrooms, baths and other features.","South Salem, NY Real Estate & Homes For Sale. 1 108 Boutonville Road, South Salem, NY 10590. 2 298 Boulder Ridge #20, South Salem, NY 10590. 3 305 Boulder Ridge #27, South Salem, NY 10590. 306 Boulder Ridge #28, South Salem, NY 1 10590. 307 Boulder Ridge #29, South Salem, NY 10590. 47 Main Street, South Salem, NY 10590.","Staten Island, a mainly-residential borough to the south, is connected to Manhattan by ferries and the Verrazano Narrows bridge. Finally, the New York metro area includes northern suburbs stretching up into Westchester County between the east bank of the Hudson River and the Connecticut border.","Salem, New York is the name of two locations in Washington County, New York in the USA:"],"url":["http://www.bestplaces.net/zip-code/new_york/south_salem/10590","http://www.city-data.com/city/Salem-New-York.html","https://en.wikipedia.org/wiki/Salem,_New_York","http://www.city-data.com/city/Salem-New-York.html","http://salem-ny.com/","http://salem-ny.com/","https://www.coldwellbankerhomes.com/ny/south-salem/","https://www.coldwellbankerhomes.com/ny/south-salem/","http://www.bestplaces.net/zip-code/new_york/south_salem/10590","https://www.mapquest.com/us/ny/salem-282032044"]},"query":"south salem ny what county","query_id":500802,"query_type":"LOCATION","wellFormedAnswers":["South Salem is in Washington County, New York."]},"truncated_cells":[]},{"row_idx":330,"row":{"answers":["It is system of government means that the executive branch of government has the direct or indirect support of the parliament."],"passages":{"is_selected":[0,0,0,0,0,1,0,0,0,0],"passage_text":["Definition of PARLIAMENTARY GOVERNMENT. : a system of government having the real executive power vested in a cabinet composed of members of the legislature who are individually and collectively responsible to the legislature.ADVERTISEMENT.weet. : a system of government having the real executive power vested in a cabinet composed of members of the legislature who are individually and collectively responsible to the legislature.","A parliamentary system is a system of democratic governance of a state in which the executive branch derives its democratic legitimacy from, and is held accountable to, the legislature (parliament); the executive and legislative branches are thus interconnected. parliamentary system may be a bicameral system with two chambers of parliament (or houses): an elected lower house, and an upper house or Senate which may be appointed or elected by a different mechanism from the lower house.","Definition. Parliamentary government is a democratic form of government in which the political party that wins the most seats in the legislature or parliament during the federal election forms the government.arliamentary government originated in Great Britain, and now countries all over the world use this form of democracy. For example, Australia and Germany both have a parliamentary government, but there are a few differences between them.","The Parliamentary form of government is also known as the Cabinet system or Cabinet Form of Government because the cabinet is the link between the two departments. It is also called a responsible government because executive department is responsible and answerable to the legislative department.n a Parliamentary system the legislative and the executive department of the government are very closely related and are interdependent for the performance of governmental functions.","Tweet. : a system of government having the real executive power vested in a cabinet composed of members of the legislature who are individually and collectively responsible to the legislature.ADVERTISEMENT.weet. : a system of government having the real executive power vested in a cabinet composed of members of the legislature who are individually and collectively responsible to the legislature.","A parliamentary system of government means that the executive branch of government has the direct or indirect support of the parliament.This support is usually shown by a vote of confidence. The relationship between the executive and the legislature in a parliamentary system is called responsible government. parliamentary system of government means that the executive branch of government has the direct or indirect support of the parliament.","A republic form of government with a parliamentary system. Oxford Dictionary. When a Republican type of government has a ceremonial head of state elected by the parliament. Cambridge Dictionary. A type of Republic operating under the parliamentary system.ike Parliamentary Republic Definition, you would want to know the definitions of other Republic Government. To know the meaning of other Republic Government, we give you three definitons from dictionaries. Definition of any type of government is its main distinguishing factor.","Parliamentary government originated in Great Britain, and now countries all over the world use this form of democracy. For example, Australia and Germany both have a parliamentary government, but there are a few differences between them.Australia, a member of the British Commonwealth, has a form of parliamentary government that is similar to Great Britain.Its Parliament has two houses; the Senate and the House of Representatives just like the United States Congress.arliamentary government originated in Great Britain, and now countries all over the world use this form of democracy. For example, Australia and Germany both have a parliamentary government, but there are a few differences between them.","This is in contrast to a presidential system in a democracy, where the head of state often is also the head of government, and most importantly, the executive branch does not derive its democratic legitimacy from the legislature. parliamentary system may be a bicameral system with two chambers of parliament (or houses): an elected lower house, and an upper house or Senate which may be appointed or elected by a different mechanism from the lower house.","In a few parliamentary republics, such as Botswana, South Africa and Suriname, as well as German states, the head of government is also head of state, but is elected by and is answerable to the legislature. parliamentary system may be a bicameral system with two chambers of parliament (or houses): an elected lower house, and an upper house or Senate which may be appointed or elected by a different mechanism from the lower house."],"url":["http://www.merriam-webster.com/dictionary/parliamentary%20government","https://en.wikipedia.org/wiki/Parliamentary_system","http://study.com/academy/lesson/parliamentary-government-definition-examples-advantages-disadvantages.html","http://www.studylecturenotes.com/social-sciences/law/439-parliamentary-system","http://www.merriam-webster.com/dictionary/parliamentary%20government","https://simple.wikipedia.org/wiki/Parliamentary_system","http://www.governmentvs.com/en/parliamentary-republic-definition/model-45-11","http://study.com/academy/lesson/parliamentary-government-definition-examples-advantages-disadvantages.html","https://en.wikipedia.org/wiki/Parliamentary_system","https://en.wikipedia.org/wiki/Parliamentary_system"]},"query":"parliamentary form of government definition","query_id":471864,"query_type":"DESCRIPTION","wellFormedAnswers":["Parliamentary government is a democratic form of government in which the political party that wins the most seats in the legislature or parliament during the federal election forms the government."]},"truncated_cells":[]},{"row_idx":331,"row":{"answers":["Yes"],"passages":{"is_selected":[1,0,0,0,0,0,0,0,0,0],"passage_text":["In 1959, White Castle expanded into new markets for the first time since the 1920s. Billy Ingram, who had retired to Miami in 1958, built three White Castle restaurants there. The company closed the Florida operations in 1967 due to inefficient supply distribution.","Each White Castle slider contains six grams of fat and 140 calories, so eating a dozen of them in one sitting might not be the best idea. But there’s something about these greasy little burgers that’s unlike anything else out there, and it’s truly a bite of Americana. Nowadays, we may think of White Castle as just another fast food chain, but in reality, it’s anything but. Read on for nine things you didn’t know about White Castle.","White Castle is more than just a place that serves a craveable soft little hamburger on a tiny bun, though: It’s a legendary institution, credited as the very first fast food chain in the United States. Read on for nine things you didn’t know about this burger institution.","Lisa Ingram, president of White Castle, talks about the company’s plans to break into the Canadian grocery market and where the Vandalia facility fits in with its expansion north of the border. Joe Cogliano/DBJ Video.","Ground beef was one of the most feared food items in America when the first White Castle opened, largely because of the success of Upton Sinclair’s 1906 expose Exposé The, jungle which made the poor sanitation practices of the meat packing industry. public","Current White Castle markets include Chicago; Cincinnati; Columbus, Ohio; Dayton; Detroit; Indianapolis; Las Vegas; Louisville; Minneapolis-St.Paul; Nashville; New York City/New Jersey; and St.Louis.","White Castle was founded in 1921 in Wichita, Kansas. The original location was the NW corner of First and Main. Cook Walt A. Anderson partnered with insurance man Edgar Waldo Billy A. Ingram to make White Castle into a chain of restaurants and market the brand and its distinctive product.","Since fast food was unknown in the United States at White Castle's founding, there was no infrastructure to support the business, as is common with today's fast food restaurants. The company established centralized bakeries, meat supply plants, and warehouses to supply itself.","White Castle exited the Cleveland and Akron markets in Ohio effective December 25, 2014. The first White Castle in the far western United States opened at the Casino Royale Hotel & Casino in Las Vegas, Nevada, on January 27, 2015. This was the first expansion for White Castle into a different state in 56 years.","Today, there are White Castles in markets including Chicago, Cincinnati, Columbus, Dayton, Detroit, Indianapolis, Las Vegas, Louisville, Minneapolis, Nashville, St. Louis, and New York."],"url":["https://en.wikipedia.org/wiki/White_Castle_(restaurant)","http://www.thedailymeal.com/eat/9-things-you-didn-t-know-about-white-castle","http://www.thedailymeal.com/eat/9-things-you-didn-t-know-about-white-castle","http://www.bizjournals.com/dayton/news/video/2014/04/white-castle-president-talks-about-plans-to-expand.html","http://www.thedailymeal.com/eat/9-things-you-didn-t-know-about-white-castle","https://en.wikipedia.org/wiki/White_Castle_(restaurant)","https://en.wikipedia.org/wiki/White_Castle_(restaurant)","https://en.wikipedia.org/wiki/White_Castle_(restaurant)","https://en.wikipedia.org/wiki/White_Castle_(restaurant)","http://www.thedailymeal.com/eat/9-things-you-didn-t-know-about-white-castle"]},"query":"is white castle expanding to new markets","query_id":431402,"query_type":"DESCRIPTION","wellFormedAnswers":[]},"truncated_cells":[]},{"row_idx":332,"row":{"answers":["No Answer Present."],"passages":{"is_selected":[0,0,0,0,0,0,0,0,0,0],"passage_text":["What is the 'Residual Value'. The residual value of a fixed asset is an estimate of how much it will be worth at the end of its lease, or at the end of its useful life. The lessor uses residual value as one of its primary methods for determining how much the lessee pays in lease payments.","Many states have property insurance “residual markets.” These state-sponsored mechanisms. provide consumers with another way to obtain insurance coverage for insurable property, when. that coverage is not available through traditional private sector insurance companies. Over the past 40 years, different residual market mechanisms have been created in urban.","1) creating a mechanism whereby insurers share in the deficits and surpluses of the. residual market; 2) in some states, strictly limiting the scope of coverage provided; and, 3) ideally, charging higher risk-based rates. Regardless of the specific structure, insurers doing business in a given state generally must.","Drivers who may Need the Residual Auto Insurance Market. There are many factors that may have consumers shopping for car insurance coverage in the residual market. One such factor would be the driver's history; this includes tickets, accidents and claims record.","Residual Market Mechanism. Residual market mechanism means an association, organization, or other entity defined, described, or provided for in the Virginia Automobile Insurance Plan as set forth in § 38.2-2015, or in the Virginia Property Insurance Association as set forth in Chapter 27 (§ 38.2-2700 et seq.) of this title.","What is the Residual Car Insurance Market? Generally, a motorist seeking an auto insurance policy is able to shop around and find coverage from one of the many companies competing to gain customers in the free market. Unfortunately, there are some instances where applicants are considered a high risk and therefore, the residual market was created.","Workers Comp Coverage More + Less -. An increasing number of U.S. employers seeking workers compensation insurance coverage are getting pushed into their states' markets of last resort as insurers walk away from riskier, less profitable accounts. The size of employers forced to turn to the workers comp residual market also is growing, experts said. Employers are turning to the residual markets as insurers raise their workers comp prices—particularly for less desirable accounts—in the face of insufficient investment income and rising medical and indemnity costs.","Residual Market Mechanism. Residual market mechanism means an arrangement, either voluntary or mandated by law, involving participation by insurers in equitable apportionment among themselves of insurance which may be afforded applicants who are unable to obtain insurance through ordinary methods including any filed and approved plans.","An example for a business owner would be if his desk had a useful life of seven years. How much the desk is worth at the end of seven years (its fair market value as determined by agreement or appraisal) is its residual value, also known as salvage value.","For a personalized walk-through of IRMI Online, Request a Demo. residual market. Insurance market systems for various lines of coverage (most often workers compensation, personal automobile liability, and property insurance). They serve as a coverage source of last resort for firms and individuals who have been rejected by voluntary market insurers."],"url":["http://www.investopedia.com/terms/r/residual-value.asp","http://www.aiadc.org/File%20Library/Member%20Center/Search%20Content/File%20Upload/Government%20Affairs/2009/August/PROPERTY%20-%20National%20-%20%20Residual%20Market%20Descriptions%20White%20Paper-295953.pdf","http://www.aiadc.org/File%20Library/Member%20Center/Search%20Content/File%20Upload/Government%20Affairs/2009/August/PROPERTY%20-%20National%20-%20%20Residual%20Market%20Descriptions%20White%20Paper-295953.pdf","http://www.onlineautoinsurance.com/learn/residual-car-insurance/","https://definedterm.com/residual_market_mechanism","http://www.onlineautoinsurance.com/learn/residual-car-insurance/","http://www.businessinsurance.com/article/20120805/NEWS08/308059977","https://definedterm.com/residual_market_mechanism","http://www.investopedia.com/terms/r/residual-value.asp","https://www.irmi.com/online/insurance-glossary/terms/r/residual-market.aspx"]},"query":"residual market definition","query_id":488282,"query_type":"DESCRIPTION","wellFormedAnswers":[]},"truncated_cells":[]},{"row_idx":333,"row":{"answers":["No Answer Present."],"passages":{"is_selected":[0,0,0,0,0,0,0,0,0,0],"passage_text":["Disturbance in function of the temporal lobe may be caused by ischaemic or haemorrhagic damage, as with a cerebrovascular event (CVE). Disturbance of temporal lobe function may also occur with space-occupying lesions and with trauma; it may also be associated with epilepsy.","Frontal Lobe Stroke. Stroke. The effects of a stroke differ depending on which region of the brain is involved. The brain's frontal lobe is relatively large and it controls many important functions in everyday life. A frontal lobe stroke can cause a variety of symptoms and long term effects which range from weakness to lack of motivation.","Early signs of frontotemporal dementia may involve the following symptoms: 1 Apathy or an unwillingness to talk. 2 Change in personality and mood, such as depression. 3 Lack of inhibition or lack of social tact. Obsessive or repetitive behavior, such as compulsively shaving or collecting 1 items. Unusual verbal, physical or sexual behavior.","Frontal lobe seizures often can be well controlled with medications for partial seizures. If seizure medicines are not effective, vagus nerve stimulation or surgery may be help. The outlook for people with frontal lobe epilepsy varies greatly, depending on the cause of the seizures.","Behavioral Symptoms. Early signs of frontotemporal dementia may involve the following symptoms: Apathy or an unwillingness to talk. Change in personality and mood, such as depression. Lack of inhibition or lack of social tact. Obsessive or repetitive behavior, such as compulsively shaving or collecting items.","Sometimes a person remains fully aware during a frontal lobe seizure while having wild movements of the arms and legs. Because of their strange nature, frontal lobe seizures can be misdiagnosed as nonepileptic seizures. The features of seizures may suggest whether they begin in the frontal or temporal lobes.","Tumors of the frontal lobe may cause weakness on one side of the body, personality or behavior changes, and difficulty with short-term memory. Temporal lobe tumors are usually “silent,” causing few symptoms other than perhaps seizures or language problems.","After temporal lobe epilepsy, frontal lobe epilepsy is the next most common type of epilepsy featuring partial seizures. Frontal lobe epilepsy may run in families. In one rare genetic disorder (called autosomal dominant frontal lobe epilepsy or ADFLE), several individuals in a family typically have seizures during sleep.","There are eight principal symptoms of temporal lobe damage: 1 Disturbance of auditory sensation and perception. 2 Disturbance of selective attention of auditory and visual input. 3 Disorders of visual perception. Impaired organisation and categorisation of verbal 1 material. Disturbance of language comprehension. Impaired long-term memory.","The most common cause of temporal lobe lesions is a CVE. Space-occupying lesions may be primary brain tumours - benign (such as meningioma) or malignant. They may also be secondary tumours or metastatic carcinoma, most often from lung cancer or breast cancer."],"url":["https://patient.info/doctor/temporal-lobe-lesions-pro","https://www.verywell.com/what-are-the-effects-of-a-frontal-lobe-stroke-3146431","https://www.ucsfhealth.org/conditions/frontotemporal_dementia/signs_and_symptoms.html","https://www.epilepsy.com/learn/types-epilepsy-syndromes/frontal-lobe-epilepsy","https://www.ucsfhealth.org/conditions/frontotemporal_dementia/signs_and_symptoms.html","https://www.epilepsy.com/learn/types-epilepsy-syndromes/frontal-lobe-epilepsy","http://www.abta.org/brain-tumor-information/types-of-tumors/oligodendroglioma.html","https://www.epilepsy.com/learn/types-epilepsy-syndromes/frontal-lobe-epilepsy","https://patient.info/doctor/temporal-lobe-lesions-pro","https://patient.info/doctor/temporal-lobe-lesions-pro"]},"query":"right frontotemporal lobe symptoms","query_id":489181,"query_type":"ENTITY","wellFormedAnswers":[]},"truncated_cells":[]},{"row_idx":334,"row":{"answers":["A person who is culturally competent can communicate sensitively and effectively with people who have different languages, cultures, religions, genders, ethnicities, disabilities, ages and sexualities."],"passages":{"is_selected":[0,0,0,0,0,0,0,0,1,0],"passage_text":["As it turned out, the future diversity chair for APAGS was flummoxed by one of his first clients. He was going on and on about confession, using a lot of Catholic lingo that I'm not familiar with, says Mattu, now chair-elect of APAGS.","People still have a tendency to make cultural competence the topic they cover at the end of the semester, so they really don't cover it very well.. That won't do, says Helms, who wants cultural competence integrated into every aspect of graduate training.","Community care practitioners need to develop a broad repertoire of skills, knowledge, attitudes, perspectives and practices which they can use to enhance their cultural competence and direct their relationships with clients and colleagues. Lack of cultural competence impacts on both clients and staff.","However, one of the best ways to immerse yourself in another culture's worldview is to learn a second language, says private practitioner Pamela A. Hays, PhD, of Soldotna, Alaska, and author of Addressing Cultural Complexities in Practice: Assessment, Diagnosis, and Therapy (APA, 2008).","We're becoming an increasingly culturally complex country, she says, adding that training in cultural competence should include race and ethnicity, sexual orientation, age, gender, disability status, and other demographic characteristics.","1 Cultural competence requires that organizations have a defined set of values and principles, and demonstrate behaviors, attitudes, policies, and structures that enable them to work effectively cross-culturally. Cultural competence is a developmental process that evolves over an extended period.","Everyone has a culture …. Cultural competence begins with the recognition that we are all born, raised and living in social, educational and organisational cultures. These cultures shape our assumptions, beliefs, values and behaviours.","Cultural Competence – Working in a Culturally Diverse Workplace. Encourage and promote a work environment and community where everyone, regardless of background or disability, feels welcome, included and supported.","Competent practitioners are culturally competent. A person who is culturally competent can communicate sensitively and effectively with people who have different languages, cultures, religions, genders, ethnicities, disabilities, ages and sexualities.","As a former Asian-American studies minor with an interest in diversity and a minority-group member himself, Ali M. Mattu thought that he was ready to tackle just about any cultural issue when he began doctoral studies in clinical psychology at the Catholic University of America five years ago."],"url":["http://www.apa.org/gradpsych/2010/09/culturally-competent.aspx","http://www.apa.org/gradpsych/2010/09/culturally-competent.aspx","http://www.paraquad.org.au/education-and-training/cultural-competence/","http://www.apa.org/gradpsych/2010/09/culturally-competent.aspx","http://www.apa.org/gradpsych/2010/09/culturally-competent.aspx","https://en.wikipedia.org/wiki/Cultural_competence","http://www.paraquad.org.au/education-and-training/cultural-competence/","http://www.paraquad.org.au/education-and-training/cultural-competence/","http://www.paraquad.org.au/education-and-training/cultural-competence/","http://www.apa.org/gradpsych/2010/09/culturally-competent.aspx"]},"query":"what is a culturally competent person","query_id":680094,"query_type":"DESCRIPTION","wellFormedAnswers":[]},"truncated_cells":[]},{"row_idx":335,"row":{"answers":["A document or material object produced and identified in court or before an examiner for use as evidence."],"passages":{"is_selected":[0,0,0,0,0,0,1,0,0,0],"passage_text":["verb (used with object) 1. to offer or expose to view; present for inspection: to exhibit the latest models of cars. 2. to manifest or display: to exhibit anger; to exhibit interest. 3. to place on show: to exhibit paintings.","Definition of exhibit. 1 transitive verb. 2 1 : to submit (as a document) to a court or officer in course of proceedings; also : to present or offer officially or in legal form.","“Conformation” is the official name for “dog shows.” While they may seem glamorous, the true purpose of conformation showing is to evaluate breeding stock. The dog’s conformation—his overall appearance and structure—is an indication of the dog’s ability to produce quality purebred puppies, and that is what is being judged in the ring. That’s why mixed-breeds and spayed or neutered purebreds are not eligible to compete.","Synonym Discussion of exhibit. show, exhibit, display, expose, parade, flaunt mean to present so as to invite notice or attention. show implies no more than enabling another to see or examine showed her snapshots to the whole group. exhibit stresses putting forward prominently or openly exhibit paintings at a gallery.","It is also a good learning ground for the neophyte to see how the more experienced exhibitor utilizes eye-catching backdrops to turn a simple display table into a glamorous booth. Every producer of trade shows provides an exhibitor service manual that shows how to order, design an exhibit, etc.","(ɪɡˈzɪbɪt) vb (mainly tr) 1. (also intr) to display (something) to the public for interest or instruction: this artist exhibits all over the world. 2. to manifest; display; show: the child exhibited signs of distress. 3. (Law) law to produce (a document or object) in court to serve as evidence.","Definition of exhibit. 1 1 : a document or material object produced and identified in court or before an examiner for use as evidence. 2 2 : something exhibited. 3 3 : an act or instance of exhibiting : exhibition.","9, 2015 /PRNewswire/ -- Exhibitor Media Group, the award-winning leader in trade show and corporate event marketing education, today announced that it is partnering with the Kids to Kids literacy program and Spread the Word Nevada to help the Nevada educational community during its EXHIBITORLIVE 2016, the industry's top-rated conference and ...","14, 2015 /PRNewswire/ -- Exhibitor Media Group, the award-winning leader in trade show and corporate event marketing education, today announced that several first-time international exhibitors will participate in the top-rated EXHIBITORLIVE exhibition and conference in March.","April 2 – 3, 2016 • Indiana Convention Center. 2016 WBCA Convention Exhibitor Prospectus | 2. YOU HAVE TO GO WHERE THE MARKET IS – It’s how you increase sales and grow your company. In the women’s basketball market with more than 500,000 participants, there is no better place to be than the WBCA. Courtside Expo which is held as part of the WBCA Convention."],"url":["http://www.dictionary.com/browse/exhibit","https://www.merriam-webster.com/dictionary/exhibit","http://www.akc.org/events/conformation-dog-shows/","https://www.merriam-webster.com/dictionary/exhibit","http://www.thefreedictionary.com/exhibitor","http://www.thefreedictionary.com/exhibit","https://www.merriam-webster.com/dictionary/exhibit","http://www.thefreedictionary.com/exhibitor","http://www.thefreedictionary.com/exhibitor","https://wbca.org/sites/default/files/2016_exhibitor_prospectus.pdf"]},"query":"what does exhibitor mean","query_id":637249,"query_type":"DESCRIPTION","wellFormedAnswers":["An exhibitor means a document or material object produced and identified in court or before an examiner for use as evidence."]},"truncated_cells":[]},{"row_idx":336,"row":{"answers":["No Answer Present."],"passages":{"is_selected":[0,0,0,0,0,0,0,0,0,0],"passage_text":["1 Beat butter and sugar in large bowl with electric mixer until creamy. 2 Beat in egg unti light and fluffy. 3 Mix in flour, lemon juice and peel, baking powder and salt. 4 Cover refrigerate about 2 hours or until firm.","After rolling the lemons, cut them in half crosswise. Place one half of the lemon on the juicer, apply pressure and twist the lemon to remove the juice. The juice can also be removed by squeezing the lemon by hand. Remove all the seeds from the juicer once you have finished.","If made ahead cover and let stand overnight. Sift powdered sugar over top and cut into rectangles. Garnish with lemon peel if desired. 10. BREADED VENISON. In a glass ... the cutlets in lemon juice for 1 ... browning. Use tongs to turn the cutlets ... Garnish with lemon wedges and serve immediately.","Warm lemons by placing in the microwave. First poke the skin of the lemon with a fork, being careful not to poke all the way through the skin to the flesh. Place the lemon(s) in the microwave on high for 20 to 30 seconds.","Recipe courtesy of Melissa Garcia, Consumer Queen. In a small bowl, combine olive oil, lemon juice, rosemary, garlic, sage, salt, and pepper. Transfer to a large resealable bag and add pork. Set aside for 30 minutes, turning occasionally. Prepare a grill to medium-high heat and lightly oil the grate. Remove pork from marinade; discard marinade. Grill pork until internal temperature reaches 145 degrees F, about 4 minutes per side.","For 1 pie, ... minutes or so). How long this will ... and set aside to cool just enough ... extra pie crust cut with small cookie ...","1 Beat in egg unti light and fluffy. 2 Mix in flour, lemon juice and peel, baking powder and salt. 3 Cover refrigerate about 2 hours or until firm. 4 Preheat oven to 350 degrees F (175 degrees C). 5 Roll out dough, a small amount at a time, to 1/4-inch thickness on well-floured surface with floured rolling pin.","1 When cooking fresh vegetables, squeeze lemon juice on them to keep their colors bright. 2 Prevent browning of fresh cut fruits and vegetables by dipping into a mixture of 1 cup water and 1 tablespoon lemon juice or by brushing fruits and vegetables with lemon juice.","Wash lemons thoroughly before cutting. To create lemon slices, cut the lemon in half crosswise and then cut slices crosswise from each half. Cut the slices 1/8 to 1/4 inch thick. To use as a garnish, cut the lemon slice from the center out to the edge, through the skin.","Directions. 1 Beat butter and sugar in large bowl with electric mixer until creamy. 2 Beat in egg unti light and fluffy. 3 Mix in flour, lemon juice and peel, baking powder and salt. 4 Cover refrigerate about 2 hours or until firm. 5 Preheat oven to 350 degrees F (175 degrees C)."],"url":["http://allrecipes.com/recipe/10541/lemon-butter-cookies/","http://www.recipetips.com/kitchen-tips/t--940/all-about-lemons.asp","http://www.cooks.com/rec/search/0,1-0,how_to_cut_lemon,FF.html","http://www.recipetips.com/kitchen-tips/t--940/all-about-lemons.asp","http://www.porkbeinspired.com/recipes/rosemary-lemon-pork-chops/","http://www.cooks.com/rec/search/0,1-0,how_to_cut_lemon,FF.html","http://allrecipes.com/recipe/10541/lemon-butter-cookies/","http://www.recipetips.com/kitchen-tips/t--940/all-about-lemons.asp","http://www.recipetips.com/kitchen-tips/t--940/all-about-lemons.asp","http://allrecipes.com/recipe/10541/lemon-butter-cookies/"]},"query":"what cuts lemon in recipes","query_id":616023,"query_type":"ENTITY","wellFormedAnswers":[]},"truncated_cells":[]},{"row_idx":337,"row":{"answers":["No Answer Present."],"passages":{"is_selected":[0,0,0,0,0,0,0,0,0,0],"passage_text":["However, according to a California appellate court, while a treating physician who is deposed “solely as a percipient witness” is not entitled to charge a fee, they are permitted to charge reasonable expenses for the time spent in the deposition.","professional fee to a physician or surgeon for the time he or she will spend testifying at any deposition. The fee should be paid only after the doctor has testified, and it should not exceed an amount which reasonably reimburses the doctor for the time he or she actually spent testifying at deposition. Sup. Ct. Rule 204, Comments (emphasis added).","Placing a Cap on Physician’s Deposition Fees Supreme Court Rule 204(c) allows for physicians to charge “a reasonable fee” for the giving of deposition testimony. As most practitioners are aware, the definition of “reasonable fee” used by most physicians is patently unreasonable.","Can treating physicians charge a fee for a deposition? It depends, but in general, no. If the deposition relates purely to the treatment given, the answer is no. See CCP § 2034.430(2). Unless the deposition is court-ordered, the CCP specifically bars expert witness fees (or even so-called “ordinary witness fees) for treating physicians. See Baker-Hoey v. Lockheed Martin Corp., 111 Cal. App. 4th 592 (CA. Ct. of Appeal—4th Dist., Div. 2, 2003) (citing CCP §1033.5(b)(1)).","Treating physicians are experts and recovery of their fees as costs are accordingly governed by section 1033.5’s provisions [barring] expert witness fees [except in court-appointed cases], not the provisions applicable to ordinary witnesses.” See Baker-Hoey, supra. (9). Who pays for the preparation time of the deposition?","consent of the deponent or under a subpoena issued upon order of court. A party shall pay a. reasonable fee to a physician for the time he or she will actually spends testifying at any such. deposition, which shall not exceed $400 per hour, except upon order of court for good cause shown. The fee shall be paid by the party at whose instance the deposition is taken.","The Court finds that a reasonable fee to be paid to Dr. _______ is $______ per hour, and. therefore, said physician shall be paid $_____) per hour for his/her discovery deposition. testimony, and said hourly rate shall be paid in ¼-hour increments at the conclusion of the. deposition.","$375 per hour to $575 per hour would not surprise me. Do not even think about going forward with a deposition of a physician without experienced legal counsel representing your interests. This answer is provided for informational purposes only.","1. The motion to adjudicate said physician’s discovery deposition fee is granted; 2. Supreme Court Rule 204 does not require any pre-payment and/or deposit to be paid prior to the scheduling of a physician’s discovery deposition and no payment and/or deposit is required to be paid prior to the taking of a physician’s discovery deposition; 3. Supreme Court Rule 204(c) provides that a party shall pay a “reasonable fee” based on custom and practice to a physician for time spent testifying at such a discovery deposition;","reasonable fee to a physician for the time he or she will actually spends testifying at any such deposition, which shall not exceed $400 per hour, except upon order of court for good cause shown. The fee shall be paid by the party at whose instance the deposition is taken."],"url":["https://www.forensisgroup.com/expert-witness-deposition-billing-california/","http://c.ymcdn.com/sites/www.iadtc.org/resource/resmgr/Publication_PDFs/22.2.46.pdf","http://c.ymcdn.com/sites/www.iadtc.org/resource/resmgr/Publication_PDFs/22.2.46.pdf","https://www.forensisgroup.com/expert-witness-deposition-billing-california/","https://www.forensisgroup.com/expert-witness-deposition-billing-california/","http://c.ymcdn.com/sites/www.iadtc.org/resource/resmgr/Publication_PDFs/22.2.46.pdf","http://c.ymcdn.com/sites/www.iadtc.org/resource/resmgr/Publication_PDFs/22.2.46.pdf","https://www.avvo.com/legal-answers/what-is-the-going-rate-for-a-physician-to-charge-f-287096.html","http://c.ymcdn.com/sites/www.iadtc.org/resource/resmgr/Publication_PDFs/22.2.46.pdf","http://c.ymcdn.com/sites/www.iadtc.org/resource/resmgr/Publication_PDFs/22.2.46.pdf"]},"query":"deposition fee for treating physician","query_id":1184770,"query_type":"NUMERIC","wellFormedAnswers":[]},"truncated_cells":[]},{"row_idx":338,"row":{"answers":["No Answer Present."],"passages":{"is_selected":[0,0,0,0,0,0,0,0,0,0],"passage_text":["condition in which 1 part of a culture is not keeping pace with another part selective perception how individuals perceive what they want in society and disregard that rest.","Recognize Who Your Students Are. Students are not only intellectual but also social and emotional beings, and all these dimensions interact to impact learning and performance. To plan an effective course, it is important to consider who our students are, taking into account their prior knowledge.","Malcolm assumes that his values, norms, and beliefs are universal. When he interacts with others, he is oblivious to any number of cultural differences. Malcolm’s inability to react and adjust effectively to different cultural situations is described in Chapter One as _________.","To what does ³dimensions of diversity´ refer to specific traits as distinguishing one person or group from another. Diversity consciousness is being fully aware and sensitive to something Sociocultural theory focuses on what? On the social and the cultural context of one¶s thoughts and actions. Field-dependent students do what?","Transculturation is the process by which people sacrifice their own cultural identity in order to adjust to another cultural environment. True or False Diversity skills are those competencies that allow people to interact with others in a way that values differences.","the process by which a person adjusts to another cultural environment without sacrificing his or her own cultural identity. Emotional intelligence the ability to acknowledge, value, and manage feelings so that they are expressed appropriately and effectively, laying the groundwork for meaningful relationships and true teamwork","The Process of Aging. 1 Consider the biological, social, and psychological changes in aging. 2 Describe the birth of the field of geriatrics. 3 Examine attitudes toward death and dying and how they affect the elderly. 4 Name the five stages of grief developed by Dr. Elisabeth Kübler-Ross.","8. _____ is the process by which a person adjusts to another cultural environment without sacrificing his or her cultural identity. a. assimilation b. cultural pluralism c. multiculturalsim d. transculturation e. sociocultural flexibility 9. According to the text, diversity training has a positive impact when a. training is viewed as a long-term process b. trainers treat all individuals and organizations the same","The Three Elements of Cultural Intelligence. 1 The knowledge of culture and of fundamental principles of cross-cultural interactions. 2 The mindfulness to pay attention to a reflective and creative way to queues in the cross-cultural situation encountered.","The intersection between multiple identities impacts any person’s experience and social opportunities. To work effectively with clients who have disabilities, it is important for psychologists to consider how a client’s disability-related issues interact with his or her other cultural and social identities and experiences."],"url":["https://www.coursehero.com/flashcards/548672/Management-365-Quiz-1/","https://www.cmu.edu/teaching/designteach/design/yourstudents.html","https://www.studyblue.com/notes/note/n/diversity-exam/deck/16879759","https://www.scribd.com/doc/48163850/study-guide-unit-2","https://www.studyblue.com/notes/note/n/diversity-exam-quizlet/deck/16704206","https://quizlet.com/77549825/diversity-and-culture-today-flash-cards/","https://opentextbc.ca/introductiontosociology/chapter/chapter13-aging-and-the-elderly/","http://easysemester.com/sample/Test-Bank-for-Diversity-Consciousness-Opening-our-Minds-to-People-Cultures-and-Opportunities-3E-3rd-Edition.pdf","https://www.pmi.org/learning/library/making-cultural-intelligence-signature-skills-7033","http://www.apa.org/pi/disability/resources/assessment-disabilities.aspx"]},"query":"is the process by which a person adjusts to another cultural environment without sacrificing his or her own cultural identity","query_id":1174729,"query_type":"DESCRIPTION","wellFormedAnswers":[]},"truncated_cells":[]},{"row_idx":339,"row":{"answers":["1.4 to 1.8"],"passages":{"is_selected":[1,0,0,0,0,0,0,0,0,0],"passage_text":["The current RDA for protein is 0.8 grams per kilogram of body weight per day, or about 0.36 grams of protein per pound of body weight, according to the Institute of Medicine.Consuming the protein RDA can help maintain your lean muscle mass.owever, to build muscle and gain weight the Academy of Nutrition and Dietetics recommends you consume 1.4 to 1.8 grams per kilogram, or about 0.64 to 0.82 grams of protein per pound of body weight each day.","1 1 gram of protein per pound of body weight (2.2 g/kg of BW) per day has been a bodybuilding rule of thumb for decades. 2 Higher levels of protein intake, usually in the range of 1.2 – 1.5 grams per pound of body weight (2.6 – 3.3 g/kg BW) per day, are commonly recommended when “cutting” to lose fat. have been trying to bulk with 400 grams of complex carbs (bananas, oatmeal, carb powder) and 1.5 grams protein per body weight. But only seeing slow muscle growth in a 3 month span. The last few months I have been cutting to go on my vacation next week.","Well it seems they concluded that 0.36 grams per kilogram of lean bodyweight in protein is lost per day. With a safety margin in place, it has been bumped up to 0.45 grams per kilogram of lean bodyweight, and then bumped up again to approximately 0.75 grams per kilogram.ow onto the third study; Protein consumption increased from 2.2g/kg/day to 3.5 g/kg/day resulted in a 6% increase in muscle mass and a 5% increase in strength... That is a 60% increase in protein.. Now, if a 80 kg athlete was consuming 2000 calories a day using 2.2 g/kg. He would be consuming 176 g/ kg of protein.","1 The RDA (recommended dietary allowance) for protein is 0.8 grams per kilogram of body weight of adults (or roughly 0.36 grams per lb of body weight).2 Or I have also seen advised that women need at least 46 grams of protein per day, and men need at least 56 grams of protein per day (to avoid deficiency). The RDA (recommended dietary allowance) for protein is 0.8 grams per kilogram of body weight of adults (or roughly 0.36 grams per lb of body weight).","The RDA for infants is 1.5 grams per kilogram, and protein RDAs for children are 0.85 to 1.1 grams of protein per kilogram of body weight, depending on the child’s age.Younger children need more protein per kilogram than older children.he Institute of Medicine’s protein RDAs are calculated using 0.8 grams of protein per kilogram of body weight. This means an adult who weighs 68 kilograms needs at least 54 grams of protein each day.","However, to build muscle and gain weight the Academy of Nutrition and Dietetics recommends you consume 1.4 to 1.8 grams per kilogram, or about 0.64 to 0.82 grams of protein per pound of body weight each day.owever, to build muscle and gain weight the Academy of Nutrition and Dietetics recommends you consume 1.4 to 1.8 grams per kilogram, or about 0.64 to 0.82 grams of protein per pound of body weight each day.","The amount of protein you require per kilogram of body weight depends on your age and activity level. To convert pounds of body weight to kilograms, divide by 2.2. For example, a 150-pound adult weighs 68 kilograms.he Institute of Medicine’s protein RDAs are calculated using 0.8 grams of protein per kilogram of body weight. This means an adult who weighs 68 kilograms needs at least 54 grams of protein each day.","0.5-0.7 grams of protein per pound of body weight. Average healthy adult (male or female) that IS doing some form of exercise regularly or IS trying to improve their body (lose fat, build muscle, etc.).This is the minimum I’d recommend in this case. 0.8-1 grams of protein per pound of body weight.Average healthy adult FEMALE whose primary goal is building muscle, getting “toned,” maintaining muscle while losing fat, increasing strength or improving performance. 1-1.2 grams of protein per pound of body weight..5-0.7 grams of protein per pound of body weight. Average healthy adult (male or female) that IS doing some form of exercise regularly or IS trying to improve their body (lose fat, build muscle, etc.).","Hopefully you've been convinced that a high protein intake is not evil.. Protein intake ranging from 1.4 grams of protein per kilogram of bodyweight to one gram per pound or more can be beneficial for an individual involved in an intense training program.ow onto the third study; Protein consumption increased from 2.2g/kg/day to 3.5 g/kg/day resulted in a 6% increase in muscle mass and a 5% increase in strength... That is a 60% increase in protein.. Now, if a 80 kg athlete was consuming 2000 calories a day using 2.2 g/kg. He would be consuming 176 g/ kg of protein.","Another study of weightlifters over a 3 month period, with the protein increased from 2.2g/kg/day to 3.5 g/kg/ day, resulted in a 6% increase in muscle mass and a 5% increase in strength (3) .ow onto the third study; Protein consumption increased from 2.2g/kg/day to 3.5 g/kg/day resulted in a 6% increase in muscle mass and a 5% increase in strength... That is a 60% increase in protein.. Now, if a 80 kg athlete was consuming 2000 calories a day using 2.2 g/kg. He would be consuming 176 g/ kg of protein."],"url":["http://healthyeating.sfgate.com/much-protein-should-consume-trying-gain-weight-3456.html","http://www.muscleforlife.com/how-much-protein-build-muscle/","http://www.bodybuilding.com/fun/maki1.htm","http://www.theiflife.com/how-much-protein-per-day-build-muscle/","http://healthyeating.sfgate.com/many-grams-protein-per-kilogram-body-weight-4921.html","http://healthyeating.sfgate.com/much-protein-should-consume-trying-gain-weight-3456.html","http://healthyeating.sfgate.com/many-grams-protein-per-kilogram-body-weight-4921.html","http://www.acaloriecounter.com/diet/how-much-protein-per-day/","http://www.bodybuilding.com/fun/maki1.htm","http://www.bodybuilding.com/fun/maki1.htm"]},"query":"how much protein to build muscle per kg","query_id":326768,"query_type":"NUMERIC","wellFormedAnswers":[]},"truncated_cells":[]},{"row_idx":340,"row":{"answers":["No Answer Present."],"passages":{"is_selected":[0,0,0,0,0,0,0,0,0,0],"passage_text":["1 Should any one of the Articles of Impeachment be approved by a simple majority vote, the President will be impeached.. 2 However, being impeached is sort of like being indicted of a crime. 3 There still has to be a trial, which is where the US Senate comes in.","In the Senate. 1 The Articles of Impeachment are received from the House. 2 The Senate formulates rules and procedures for holding a trial. 3 A trial will be held. 4 The President will be represented by his lawyers.","1 The Senate, in open session, will vote on a verdict. 2 A 2/3 vote of the Senate will result in a conviction. 3 The Senate will vote to remove the President from office.","1 A 2/3 vote of the Senate will result in a conviction. 2 The Senate will vote to remove the President from office. 3 The Senate may also vote (by a simple majority) to prohibit the President from holding any public office in the future.","Bill Clinton, the 42nd President of the United States, was impeached by the House of Representatives on two charges, one of perjury and one of obstruction of justice, on December 19, 1998.","Two other impeachment articles, a second perjury charge and a charge of abuse of power, failed in the House, and he was acquitted of them by the Senate on February 12, 1999. Independent Counsel Ken Starr turned over documentation to the House Judiciary Committee.","611, Clinton was impeached on December 19, 1998, by the House of Representatives on grounds of perjury to a grand jury (by a 228–206 vote) and obstruction of justice (by a 221–212 vote).","1 The Senate will vote to remove the President from office. 2 The Senate may also vote (by a simple majority) to prohibit the President from holding any public office in the future.","A two-thirds vote (67 senators) was required to remove Clinton from office. Fifty senators voted to remove Clinton on the obstruction of justice charge and 45 voted to remove him on the perjury charge; no Democrat voted guilty on either charge.","As a result, four charges were considered by the full House of Representatives; two passed, making Clinton the second United States President to be impeached, and only the third for whom the House had considered such proceedings (Nixon 's presidency is the only one to be ended in the wake of the impeachment process)."],"url":["http://usgovinfo.about.com/od/thepresidentandcabinet/a/impeachment.htm","http://usgovinfo.about.com/od/thepresidentandcabinet/a/impeachment.htm","http://usgovinfo.about.com/od/thepresidentandcabinet/a/impeachment.htm","http://usgovinfo.about.com/od/thepresidentandcabinet/a/impeachment.htm","https://en.wikipedia.org/wiki/Impeachment_of_Bill_Clinton","https://en.wikipedia.org/wiki/Impeachment_of_Bill_Clinton","https://en.wikipedia.org/wiki/Impeachment_of_Bill_Clinton","http://usgovinfo.about.com/od/thepresidentandcabinet/a/impeachment.htm","https://en.wikipedia.org/wiki/Impeachment_of_Bill_Clinton","https://en.wikipedia.org/wiki/Impeachment_of_Bill_Clinton"]},"query":"how is a president impeached exactly","query_id":236074,"query_type":"DESCRIPTION","wellFormedAnswers":[]},"truncated_cells":[]},{"row_idx":341,"row":{"answers":["It is the branch of fluid mechanics that studies incompressible fluids at rest."],"passages":{"is_selected":[0,0,0,0,0,1,0,0,0,0],"passage_text":["Another drawback is that hydrostatic processes generate a lot of heat which must be shed (hence the fan on the input pulley) or the build up of heat will lead to foaming and burning (carbonizing) of the oil inside the transmission. When the oil foams, hydrostatic processes diminish or stop, and so does the tractor.","Theoretically, the maximum power a hydrostatic transmission can transmit is a function of flow and pressure. However, in constant-power transmissions with variable output speeds, theoretical power divided by the torque/speed ratio determines actual power output.","The primary function of any hydrostatic transmission (HST) is to accept rotary power from a prime mover (usually an internal combustion engine) having specific operating characteristics and transmit that energy to a load having its own operating characteristics.","So, I'm thinking that the bottom line is this.. The hydrostatic is great, but the good ones must have a way of changing the hydraulic fluid and the filter....And it. will be less efficient that the CVT.. The greater efficiency will come at a prive...every 2-3 years $100 to $200 for two new belts.","Hydrostatic transmissions are evolving. Understanding hydrostatic transmissions. The operating principle of HSTs is simple: a pump, connected to the prime mover, generates flow to drive a hydraulic motor, which is connected to the load. If the displacement of the pump and motor are fixed, the HST simply acts as a gearbox to transmit power from the prime mover to the load.","Hydrostatics is the branch of fluid mechanics that studies incompressible fluids at rest. It encompasses the study of the conditions under which fluids are at rest in stable equilibrium as opposed to fluid dynamics, the study of fluids in motion. Hydrostatics are categorized as a part of the fluid statics, which is the study of all fluids, incompressible or not, at rest. Hydrostatics is fundamental to hydraulics, the engineering of equipment for storing, transporting and using fluids.","For example, the absolute pressure compared to vacuum is: where H is the total height of the liquid column above the test area to the surface, and p atm is the atmospheric pressure, i.e., the pressure calculated from the remaining integral over the air column from the liquid surface to infinity.","While one takes a belt form the engine to control a hydraulic pump to drive the wheels and the other takes a belt to drive a varying wheel to drive the wheel like a CVT transmission in a car. I understand the belt and pulley automatic is far less complicated.","The combined case drains flow to the reservoir through a heat exchanger. One of the most important components in a closed-circuit HST is a charge pump. The charge pump is usually an integral part of the main pump package but can also be an independent pump gang-mounted with the drive pumps it serves, Figure 6.","In a fluid at rest, all frictional stresses vanish and the state of stress of the system is called hydrostatic. When this condition of (V=0) is applied to the Navier-Stokes equation, the gradient of pressure becomes a function of body forces only."],"url":["http://forums2.gardenweb.com/discussions/1649037/hydrostatic-vs-belt-and-pulley-automatic","http://hydraulicspneumatics.com/200/TechZone/HydraulicPumpsM/Article/False/6450/TechZone-HydraulicPumpsM","http://hydraulicspneumatics.com/200/TechZone/HydraulicPumpsM/Article/False/6450/TechZone-HydraulicPumpsM","http://forums2.gardenweb.com/discussions/1649037/hydrostatic-vs-belt-and-pulley-automatic","http://hydraulicspneumatics.com/200/TechZone/HydraulicPumpsM/Article/False/6450/TechZone-HydraulicPumpsM","https://en.wikipedia.org/wiki/Hydrostatic","https://en.wikipedia.org/wiki/Hydrostatic","http://forums2.gardenweb.com/discussions/1649037/hydrostatic-vs-belt-and-pulley-automatic","http://hydraulicspneumatics.com/200/TechZone/HydraulicPumpsM/Article/False/6450/TechZone-HydraulicPumpsM","https://en.wikipedia.org/wiki/Hydrostatic"]},"query":"what is a hydrostatic condition","query_id":687381,"query_type":"DESCRIPTION","wellFormedAnswers":[]},"truncated_cells":[]},{"row_idx":342,"row":{"answers":["11°C"],"passages":{"is_selected":[0,0,0,0,0,1,0,0,0,0],"passage_text":["Average snowfall is 7.6 inches annually. For current weather and a seven-day forecast, click here. Save with Special Deals & Offers Before you take your next trip to Greater Williamsburg, check out our vacation packages. See deals and packages so you can relax, be curious and have fun with your family. Find Vacation Packages","Average Temperatures. The temperatures listed below are listed by average daytime high and average nighttime low.","Williamsburg weather today. Here is the weather in Williamsburg today, Saturday 30th December 2017. Expect scattered clouds in Williamsburg, Virginia with a maximum temperature of 8°C and 5 hours of bright sunshine. There are 0 mm of rainfall expected and a gentle breeze of 19 kph from the west.","Climate data for williamsburg 2 n, Longitude: -76.7039, Latitude: 37.3017 Average weather Williamsburg, VA - 23185 - 1981-2010 normals Jan: January, Feb: February, Mar: March, Apr: April, May: May, Jun: June, Jul: July, Aug: August, Sep: September, Oct: October, Nov: November, Dec: December","Williamsburg weather averages. Check out the Williamsburg weather averages before you book your next holiday to Virginia. The warmest months in Williamsburg are July and August with an average maximum temperature of 31°C. The sunniest month is June with on average 10 hours of bright sunshine per day.","Check Williamsburg weather averages before you book your next holiday in 2017/2018. Today's maximum temperature in Williamsburg is expected to be 8°C, while the average maximum temperature in December is 11°C. More about Williamsburg. Weather overview; More destinations; Monthly averages; Weather by month; 5-day weather forecast; Best time to go","Find weather information for Williamsburg, Virginia, including average temperatures by month, and precipitation and snowfall averages.","°C | °F. Climate data for williamsburg 2 n, Longitude: -76.7039, Latitude: 37.3017. Average weather Williamsburg, VA - 23185 - 1981-2010 normals. Jan: January, Feb: February, Mar: March, Apr: April, May: May, Jun: June, Jul: July, Aug: August, Sep: September, Oct: October, Nov: November, Dec: December.","Williamsburg weather averages and climate Williamsburg, Virginia. The monthly temperature, precipitation and hours of sunshine. A climate graph showing the rainfall data, temperatures and normals. Average weather Williamsburg, VA.","Annual low temperature: 48.9°F: Average temperature: 58.6°F: Average annual precipitation - rainfall: 48.26 inch: Days per year with precipitation - rainfall:-Annual hours of sunshine:-Av. annual snowfall: 5 inch"],"url":["https://www.visitwilliamsburg.com/weather","https://www.visitwilliamsburg.com/weather","https://www.weather2travel.com/holidayweather/united-states/virginia/williamsburg-va.php","http://www.usclimatedata.com/climate/williamsburg/virginia/united-states/usva0832","https://www.weather2travel.com/holidayweather/united-states/virginia/williamsburg-va.php","https://www.weather2travel.com/holidayweather/united-states/virginia/williamsburg-va.php","https://www.visitwilliamsburg.com/weather","http://www.usclimatedata.com/climate/williamsburg/virginia/united-states/usva0832","http://www.usclimatedata.com/climate/williamsburg/virginia/united-states/usva0832","http://www.usclimatedata.com/climate/williamsburg/virginia/united-states/usva0832"]},"query":"average temperature of williamsburg virginia","query_id":45605,"query_type":"NUMERIC","wellFormedAnswers":[]},"truncated_cells":[]},{"row_idx":343,"row":{"answers":["About 828,000 square miles"],"passages":{"is_selected":[0,0,1,0,0,0,0,0,0,0],"passage_text":["The Louisiana Purchase stretched from the Mississippi River in the east to the Rocky Mountains in the west. Its southernmost tip was the port city of New Orleans and the Gulf of Mexico. To the North it included much of Minnesota, North Dakota, and Montana up to the border of Canada.","With the Louisiana Purchase in 1803, the United States purchased a large area of land from the French. It was the single largest purchase of land ever by the United States and doubled the size of the country.","On April 30, 1803, U.S. representatives in Paris agreed to pay $15 million for about 828,000 square miles of land that stretched from the Mississippi River to the Rocky Mountains and from the Gulf of Mexico to Canada. This deal, known as the Louisiana Purchase, nearly doubled the size of the United States.","At the time, many leaders in the United States were against the Louisiana Purchase. They thought that Thomas Jefferson didn't have the right to make such a large purchase of land and that we would soon be at war with Spain over the land. The purchase was nearly cancelled by Congress and only passed by the vote of 59-57.","Therefore, Jefferson sent envoys to France to try and secure its purchase. Instead, they returned with an agreement to buy the entire Louisiana Territory. America did not have the money to pay the $15 million outright so they instead borrowed the money from Great Britain at 6% interest.","By Martin Kelly. The Louisiana Purchase was one of the largest land deals in history. In 1803, the United States paid approximately $15 million dollars for over 800,000 square miles of land.","1 Some historians claim that Napoleon had no right to sell the Louisiana Territory to the United States. 2 The issue of slavery in the western lands of the Louisiana Purchase became a major issue in later years and part of the cause of the American Civil War.","Importance of the Louisiana Purchase. With the purchase of this new territory, the land area of America nearly doubled. However, the exact southern and western boundaries were not defined in the purchase. America would have to deal with Spain to work out the specific details of these boundaries.","The Louisiana Purchase, made 200 years ago this month, nearly doubled the size of the United States. By any measure, it was one of the most colossal land transactions in history, involving an area larger than today’s France, Spain, Portugal, Italy, Germany, Holland, Switzerland and the British Isles combined.","When Thomas Jefferson purchased the Louisiana Territory from France, he altered the shape of a nation and the course of history. The Louisiana Purchase nearly doubled the size of the United States and the cost of about four cents an acre was a breathtaking bargain. (The Granger Collection, New York). By Joseph Harriss."],"url":["http://www.ducksters.com/history/westward_expansion/louisiana_purchase.php","http://www.ducksters.com/history/westward_expansion/louisiana_purchase.php","http://www.history.com/news/8-things-you-may-not-know-about-the-louisiana-purchase","http://www.ducksters.com/history/westward_expansion/louisiana_purchase.php","http://americanhistory.about.com/od/thomasjefferson/a/tj_lapurchase.htm","http://americanhistory.about.com/od/thomasjefferson/a/tj_lapurchase.htm","http://www.ducksters.com/history/westward_expansion/louisiana_purchase.php","http://americanhistory.about.com/od/thomasjefferson/a/tj_lapurchase.htm","http://www.smithsonianmag.com/history/how-the-louisiana-purchase-changed-the-world-79715124/","http://www.smithsonianmag.com/history/how-the-louisiana-purchase-changed-the-world-79715124/"]},"query":"how big was the louisiana purchase territory","query_id":209698,"query_type":"NUMERIC","wellFormedAnswers":["The Louisiana Purchase Territory was 828,000 square miles big."]},"truncated_cells":[]},{"row_idx":344,"row":{"answers":["No Answer Present."],"passages":{"is_selected":[0,0,0,0,0,0,0,0,0,0],"passage_text":["PRI-724 is a potent, specific inhibitor of the canonical Wnt signaling pathway in cancer stem cells with potential antineoplastic activity. PRI-724 specifically inhibits the recruiting of beta-catenin with its coactivator CBP.","Tifacogin, developed by Chiron, is a recombinant form of tissue factor pathway inhibitor, or TFPI, a naturally occurring protein in the body. Tifacogin is a recombinant form of tissue factor pathway inhibitor, or TFPI.","Other tyrosine kinase inhibitors are more specialized. Sorafenib (Nexavar) targets a complex pathway that would lead to a kinase signaling cascade. Nilotinib (Tasinga) inhibits the fusion protein bcr-abl and is typically prescribed when a patient has shown resistance to imatinib.","Biology of tissue factor pathway inhibitor. Abstract. Recent studies of the anticoagulant activities of the tissue factor (TF) pathway inhibitor (TFPI) isoforms, TFPIα and TFPIβ, have provided new insight into the biochemical and physiological mechanisms that underlie bleeding and clotting disorders.","IWR-1-endo is a Wnt pathway inhibitor with IC50 of 180 nM in L-cells expressing Wnt3A, induces Axin2 protein levels and promotes β-catenin phosphorylation by stabilizing Axin-scaffolded destruction complexes.","Tissue factor (TF) pathway inhibitor (TFPI) is the primary inhibitor of the initiation of blood coagulation and modulates the severity of a wide variety of bleeding and clotting disorders.","Kinase Inhibitors. Tyrosine kinase inhibitors (TKIs) are a class of chemotherapy medications that inhibit, or block, the enzyme tyrosine kinase. TKIs were created out of modern genetics- the understanding of DNA, the cell cycle, and molecular signaling pathways- and thus represent a change from general to molecular methods of cancer treatment.","IWP-2 is an inhibitor of Wnt processing and secretion with IC50 of 27 nM in a cell-free assay, selective blockage of Porcn-mediated Wnt palmitoylation, does not affect Wnt/β-catenin in general and displays no effect against Wnt-stimulated cellular responses.","The expression of tissue factor and tissue factor pathway inhibitor in prostate cancer cells themselves is unlikely to be the source of hypercoagulability in patients, but might precipitate chains of events that would produce such an effect.","This gene encodes a Kunitz-type serine protease inhibitor that regulates the tissue factor (TF)-dependent pathway of blood coagulation. The coagulation process initiates with the formation of a factor VIIa-TF complex, which proteolytically activates additional proteases (factors IX and X) and ultimately leads to the formation of a fibrin clot."],"url":["http://www.selleckchem.com/Wnt.html","http://medical-dictionary.thefreedictionary.com/Tissue+factor+pathway+inhibitor","http://chemoth.com/types/kinaseinhibitors","http://www.bloodjournal.org/content/123/19/2934?sso-checked=true","http://www.selleckchem.com/Wnt.html","http://www.bloodjournal.org/content/123/19/2934?sso-checked=true","http://chemoth.com/types/kinaseinhibitors","http://www.selleckchem.com/Wnt.html","https://www.ncbi.nlm.nih.gov/gene/7035","https://www.ncbi.nlm.nih.gov/gene/7035"]},"query":"what is a pathway inhibitor","query_id":693924,"query_type":"DESCRIPTION","wellFormedAnswers":[]},"truncated_cells":[]},{"row_idx":345,"row":{"answers":["The most common causes of anemia in the elderly are chronic disease and iron deficiency. Vitamin B 12 deficiency, folate deficiency, gastrointestinal bleeding and myelodysplastic syndrome are among other causes of anemia in the elderly."],"passages":{"is_selected":[0,0,0,1,0,0,0,0,0,0],"passage_text":["Anemia of inflammation or chronic disease. Anemia of inflammation chronic disease is the most common cause of anemia in the elderly. Numerous diseases have inflammation as a consequence; in the elderly some of the more common include acute or chronic infections, arthritis or malignancy.hen anemia is present in older persons it is likely due to some underlying condition that requires further investigation or therapy. Key to understanding anemia in the elderly is the distinction between anemia caused by iron deficiency or anemia caused by inflammation—often called anemia of chronic disease.","Cohort studies 2, 5 of the elderly have found that the two most common causes of anemia in the elderly are chronic disease and iron deficiency (Table 15) . In 15 to 25 percent of elderly patients with anemia, no cause is found; even when no cause is found the prognosis is good.hile studies suggest that vitamin B 12 (cobalamin) deficiency is the cause of anemia in 5 to 10 percent of elderly patients, the actual prevalence of vitamin B 12 deficiency is likely to be much higher in the elderly. 4, 23 Vitamin B 12 deficiency is difficult to detect in the elderly.","(See Table 1, below.) Moreover, the anemia may be multifactorial. Nevertheless, in the majority of cases of anemia in elderly persons, an etiology can be found. The most common causes include iron deficiency (with or without blood loss), chronic disease/inflammation, and chronic kidney disease.hronic kidney disease is an important cause of anemia in elderly persons, especially considering that renal function declines with aging. Reduced renal EPO production is the primary factor leading to anemia in chronic kidney disease.","A cause is found in approximately 80 percent of elderly patients. The most common causes of anemia in the elderly are chronic disease and iron deficiency. Vitamin B 12 deficiency, folate deficiency, gastrointestinal bleeding and myelodysplastic syndrome are among other causes of anemia in the elderly.Serum ferritin is the most useful test to differentiate iron deficiency anemia from anemia of chronic disease.hile studies suggest that vitamin B 12 (cobalamin) deficiency is the cause of anemia in 5 to 10 percent of elderly patients, the actual prevalence of vitamin B 12 deficiency is likely to be much higher in the elderly. 4, 23 Vitamin B 12 deficiency is difficult to detect in the elderly.","Chronic kidney disease is an important cause of anemia in elderly persons, especially considering that renal function declines with aging. Reduced renal EPO production is the primary factor leading to anemia in chronic kidney disease.hronic kidney disease is an important cause of anemia in elderly persons, especially considering that renal function declines with aging. Reduced renal EPO production is the primary factor leading to anemia in chronic kidney disease.","There are many different causes and types of anemia. Iron-deficiency anemia, the most common type, is usually treated with dietary changes and iron supplement pills. Other types of anemia, such as those associated with chronic diseases or cancer, may need more aggressive treatment.ost cases of anemia are mild, including those that occur as a result of chronic disease. Nevertheless, even mild anemia can reduce oxygen transport in the blood, causing fatigue and a diminished physical capacity. Moderate-to-severe iron-deficiency anemia is known to reduce endurance.","Anemia of chronic disease is usually a mild or moderate condition. In mild cases, anemia may not be associated with any symptoms or may cause fatigue, paleness of the skin (pallor) and lightheadedness.The underlying mechanisms that cause anemia of chronic disease are complex and not fully understood.eneral Discussion. Anemia of chronic disease is a condition that can be associated with many different underlying disorders including chronic illnesses such as cancer, certain infections, and autoimmune and inflammatory diseases such as rheumatoid arthritis or lupus.","Iron-deficiency anemia. Iron-deficiency is the second most common cause of anemia in the elderly. The most foremost reasons for iron deficiency in this age group are blood loss, nutritional deficiencies, medications, cancer therapies and poor absorption.hen anemia is present in older persons it is likely due to some underlying condition that requires further investigation or therapy. Key to understanding anemia in the elderly is the distinction between anemia caused by iron deficiency or anemia caused by inflammation—often called anemia of chronic disease.","The most common form of anemia in older adults is anemia of chronic disease (or disorder), also referred to as ACD. With ACD, there is sufficient iron present in the body, but the bone marrow is unable to incorporate it into the red blood cells.he most common form of anemia in older adults is anemia of chronic disease (or disorder), also referred to as ACD. With ACD, there is sufficient iron present in the body, but the bone marrow is unable to incorporate it into the red blood cells.","General Discussion. Anemia of chronic disease is a condition that can be associated with many different underlying disorders including chronic illnesses such as cancer, certain infections, and autoimmune and inflammatory diseases such as rheumatoid arthritis or lupus.eneral Discussion. Anemia of chronic disease is a condition that can be associated with many different underlying disorders including chronic illnesses such as cancer, certain infections, and autoimmune and inflammatory diseases such as rheumatoid arthritis or lupus."],"url":["http://www.irondisorders.org/elderly","http://www.aafp.org/afp/2000/1001/p1565.html","http://emedicine.medscape.com/article/1339998-overview","http://www.aafp.org/afp/2000/1001/p1565.html","http://emedicine.medscape.com/article/1339998-overview","http://umm.edu/health/medical/reports/articles/anemia","http://www.webmd.com/a-to-z-guides/anemia-of-chronic-disease","http://www.irondisorders.org/elderly","http://my.clevelandclinic.org/health/diseases_conditions/hic_anemia/hic_aging_and_anemia","http://www.webmd.com/a-to-z-guides/anemia-of-chronic-disease"]},"query":"what chronic disease cause anemia in seniors","query_id":595536,"query_type":"ENTITY","wellFormedAnswers":[]},"truncated_cells":[]},{"row_idx":346,"row":{"answers":["Yes"],"passages":{"is_selected":[0,0,0,0,0,0,0,1,0,0],"passage_text":["By clicking Publish, you are confirming that the image fully complies with TV.com’s Terms of Use and that you own all rights to the image or have authorization to upload it.","Ferrigno continued playing the Hulk role until 1981—although the last two episodes were not broadcast until May 1982. Later, he and Bixby co-starred in three The Incredible Hulk TV movies. In November 1978 and again in May 1979 Ferrigno appeared in Battle of the Network Stars.","Bixby later reprised the role in three television movies – The Incredible Hulk Returns, The Trial of the Incredible Hulk, and The Death of the Incredible Hulk – the last two of which he also directed, and the first of which he has been said to have unofficially co-directed.","Wilfred Bailey Everett Bill Bixby III (January 22, 1934 − November 21, 1993) was an American film and television actor, director, and frequent game show panelist. His career spanned more than three decades, including appearances on stage, in films and on television series.","Please read the following before uploading. Do not upload anything which you do not own or are fully licensed to upload. The images should not contain any sexually explicit content, race hatred material or other offensive symbols or images. Remember: Abuse of the TV.com image system may result in you being banned from uploading images or from the entire site – so, play nice and respect the rules!","Bixby was executive producer of the three Hulk made-for-television sequel movies in the late 1980s and in 1990. He also directed the latter two. Bixby hosted two Elvis specials, both from Las Vegas: The Elvis Files (August 1991) and The Elvis Conspiracy (January 1992).","Themes. Classics, light science fiction, on the lam, social issues, Thrillers. Important: You must only upload images which you have created yourself or that you are expressly authorised or licensed to upload.","This cast list of actors from The Incredible Hulk focuses primarily on the main characters, but there may be a few actors who played smaller roles on The Incredible Hulk that are on here as well.","Lou Ferrigno was born in Brooklyn, New York, to Victoria and Matt Ferrigno, a police lieutenant. He is of Italian descent. Soon after he was born, Ferrigno says he believes he suffered a series of ear infections and lost 75 to 80% of his hearing, though his condition was not diagnosed until he was three years old.","After the show was canceled, Bixby and Cruz remained in contact, with Cruz making a guest appearance on Bixby's later series The Incredible Hulk. The death of Bixby's only child, in 1981, drew Bixby and Cruz closer still. The two would remain in touch until Bixby's death in 1993."],"url":["http://www.tv.com/shows/the-incredible-hulk/cast/","https://en.wikipedia.org/wiki/Lou_Ferrigno","https://en.wikipedia.org/wiki/Bill_Bixby","https://en.wikipedia.org/wiki/Bill_Bixby","http://www.tv.com/shows/the-incredible-hulk/cast/","https://en.wikipedia.org/wiki/Bill_Bixby","http://www.tv.com/shows/the-incredible-hulk/cast/","http://www.ranker.com/list/full-cast-of-the-incredible-hulk-cast-list-for-the-show-the-incredible-hulk/reference","https://en.wikipedia.org/wiki/Lou_Ferrigno","https://en.wikipedia.org/wiki/Bill_Bixby"]},"query":"the incredible hulk. actor","query_id":516468,"query_type":"PERSON","wellFormedAnswers":[]},"truncated_cells":[]},{"row_idx":347,"row":{"answers":["Westchester County"],"passages":{"is_selected":[0,0,0,0,0,0,0,0,0,1],"passage_text":["Please be advised that a Special Meeting of the Mount Vernon City Council will be held on Friday, March 31, 2017 at 9:00 A.M. in the City Council Chambers, Second Floor, City Hall, Mount Vernon, New York. For the Purpose of: “NEW YORK STATE D.E.C.","Atlas of the City of Mount Vernon and the Town of Pelham: compiled from official records, personal surveys, and other private plans and surveys. [Mount Vernon, NY: John F. Fairchild, 1908]. Copy available at the New York Public Library's Map Division.","Recent posts about Mount Vernon, New York on our local forum with over 2,000,000 registered users. Mount Vernon is mentioned 1,070 times on our forum: Latest news from Mount Vernon, NY collected exclusively by city-data.com from local newspapers, TV, and radio stations. Ancestries: Jamaican (23.9%), Italian (5.4%), Brazilian (2.7%), West Indian (2.6%), Haitian (2.0%), Guyanese (1.5%).","Mount Vernon, NY Property Tax Reduction. Mount Vernon is a City in Westchester County, NY. Homes and property in Mount Vernon are taxed based on the assessments of the City of Mount Vernon. Property taxes are based on the market value of your Mount Vernon, NY home. Your local assessor sometimes overestimate the value of your home.","Municipality Name: City of Mount Vernon. Downtown Name: Downtown Mount Vernon. County: Westchester County. Downtown Description - Provide an overview of the downtown and summarize the rationale behind. nominating this downtown for a Downtown Revitalization Initiative (“DRI”) award: According to the Journal News, the City of Mount Vernon (Mt.","Mount Vernon Clerk. Find Mount Vernon New York clerk, including county, city, and circuit clerk, and clerk of court. Clerks provide information on public court records and legal documents, criminal, jail, and arrest records, marriage licenses, divorce, judicial, and probate records, businesses liens, notary services, real estate taxes and voter registration services.","The ratio of number of residents in Mount Vernon to the number of sex offenders is 2,057 to 1. The number of registered sex offenders compared to the number of residents in this city is smaller than the state average. Nearest city with pop. 200,000+: Bronx, NY (5.2 miles , pop. 1,332,650).","Prior to its incorporation as a city in 1892, Mount Vernon was a village within the town of Eastchester. Depending on the time period for which you are seeking records, you may need to look in Eastchester for vital records. City Clerk's Office. City Hall, Roosevelt Square, Mt. Vernon, NY.","The Board of the Mount Vernon Industrial Development Agency will hold a Regular Meeting on Friday, March 31, 2017, at 10:00am in the Mayor’s Conference Room — City Hall, Mount Vernon, NY 10550.","For other places with the same name, see Mount Vernon (disambiguation). Mount Vernon is a city in Westchester County, New York, United States. It is an inner suburb of New York City, immediately to the north of the borough of the Bronx. As of the 2010 census, Mount Vernon had a population of 67,292."],"url":["https://cmvny.com/","http://www.rootsweb.ancestry.com/~nywestch/towns/mtvernon.htm","http://www.city-data.com/city/Mount-Vernon-New-York.html","http://www.granitetaxreduction.com/westchester-county-ny-property-tax-municipalities/mount-vernon-ny-property-tax-reduction","https://www.ny.gov/sites/ny.gov/files/atoms/files/MountVernon.pdf","http://www.countyoffice.org/mount-vernon-ny-clerk/","http://www.city-data.com/city/Mount-Vernon-New-York.html","http://www.rootsweb.ancestry.com/~nywestch/towns/mtvernon.htm","https://cmvny.com/","https://en.wikipedia.org/wiki/Mount_Vernon,_New_York"]},"query":"mount vernon, ny is what county","query_id":459826,"query_type":"LOCATION","wellFormedAnswers":["Mount Vernon, New York is in Westchester County."]},"truncated_cells":[]},{"row_idx":348,"row":{"answers":["A person who served on active duty for a period of more than 180 days, any part of which occurred between August 5, 1964 and May 7, 1975, and was discharged or released with other than a dishonorable discharge."],"passages":{"is_selected":[0,0,0,0,0,1,0,0,0,0],"passage_text":["Office of Federal Contract Compliance Programs (OFCCP) Monitors contractor compliance with the nondiscrimination and affirmative action provisions of the Vietnam Era Veterans' Readjustment Assistance Act of 1974 (VEVRAA). Veterans' Employment and Training Service (VETS)","The affirmative action provisions of the Vietnam Era Veterans' Readjustment Assistance Act of 1974 (VEVRAA) prohibits job discrimination and requires federal contractors and subcontractors to take affirmative action to employ and advance in employment qualified Vietnam era veterans, special disabled veterans, recently separated veterans, and ...","A veteran (from Latin vetus, meaning old) is a person who has had long service or experience in a particular occupation or field. This page refers to military veterans, i.e., a person who has served or is serving in the armed forces.","Additional information is available from the Department of Veterans Affairs (VA), another government resource that provides information on programs and benefits for veterans, and locations of VA facilities worldwide.","Length of Service Criteria for Veteran Status. For people who enlisted prior to September 8, 1980, no minimum length of service is necessary to. be considered a veteran for most VA benefits. However, certain minimum length of service. requirements apply to people who enlisted on or after September 8, 1980. The general.","The Protected Class of Veteran Status. Definition. Employment: The U.S. Department of Labor defines a person with “veteran status” as “… a person who served on active duty for a period of more than 180 days, any part of which occurred between August 5, 1964 and May 7, 1975, and was discharged or released with other than a dishonorable discharge.”.","To be eligible for most VA benefits, the claimant must be a veteran or, in some circumstances, the. survivor or the dependent of a veteran. By statute, a veteran is defined as a “person who served in. the active military, naval, or air service, and who was discharged or released therefrom under.","Veteran Status Discrimination Law and Legal Definition. Veteran status discrimination is a form of discrimination in violation of federal and/or state law involving harassment based upon veteran status. This form of discrimination may be inadvertent or intentional, and it may be obvious or subtle. But regardless of those facts it is in many cases against the law.","Definition of a Veteran. Eligibility. To be eligible for veterans' benefits, one must be a veteran or a dependent of a veteran under M.G.L. c. 4, sec. 7, cl. 43rd as amended by the Acts of 2005, ch. 130. See below for service requirements and exceptions.","Different countries handle this differently: some openly support veterans through government programs, while others ignore them. Veterans are also subject to illnesses directly related to their military service such as posttraumatic stress disorder (PTSD)."],"url":["http://www.dol.gov/general/topic/discrimination/vetsdisc","http://www.dol.gov/general/topic/discrimination/vetsdisc","https://en.wikipedia.org/wiki/Veteran","http://www.dol.gov/general/topic/discrimination/vetsdisc","https://fas.org/sgp/crs/misc/R42324.pdf","https://oied.ncsu.edu/equity/the-protected-class-of-veteran-status/","https://fas.org/sgp/crs/misc/R42324.pdf","https://definitions.uslegal.com/v/veteran-status-discrimination/","http://www.mass.gov/veterans/benefits-and-services/definition-of-a-veteran.html","https://en.wikipedia.org/wiki/Veteran"]},"query":"veteran status definition","query_id":536721,"query_type":"DESCRIPTION","wellFormedAnswers":["Veteran status refers to a person who served on active duty for a period of more than 180 days, any part of which occurred between August 5, 1964 and May 7, 1975, and was discharged or released with other than a dishonorable discharge."]},"truncated_cells":[]},{"row_idx":349,"row":{"answers":["Yes, the public company accounting oversight board is constitutional because of ensuring the faithful execution of the laws."],"passages":{"is_selected":[0,0,0,0,0,1,0,0,0,0],"passage_text":["After a series of celebrated accounting debacles, Congress enacted the Sarbanes-Oxley Act of 2002 (or Act), 116 Stat. 745. Among other measures, the Act introduced tighter regulation of the accounting industry under a new Public Company Accounting Oversight Board.","By granting the Board executive power without the Executive’s oversight, this Act subverts the President’s ability to ensure that the laws are faithfully executed—as well as the public’s ability to pass judgment on his efforts. The Act’s restrictions are incompatible with the Constitution’s separation of powers.","Public Company Accounting Oversight Board" in Ch. 15 of the text. Write a paper of 700- to 1,050-words in which you answer the following: If auditing of financial statements is required for the protection of public investors, should not all PCAOB members be taken from the investment community that uses audited financial statements? Why or why not?","The SEC has oversight authority over the PCAOB, including the approval of the Board's rules, standards, and budget. The Act, as amended by the Dodd-Frank Wall Street Reform and Consumer Protection Act, established funding for PCAOB activities, primarily through annual accounting support fees.","Free Enterprise Fund arose out of the Public Company Accounting Oversight Board’s investigation of the. accounting practices of Beckstead and Watts, LLP, a registered accounting firm. Following the Board’s. requests for documents, Beckstead, along with the Free Enterprise Fund (a nonprofit organization of.","The Court holds unconstitutional a statute providing that the Securities and Exchange Commission can remove members of the Public Company Accounting Oversight Board from office only for cause. It argues that granting the inferior officer[s] on the Accounting Board more than one level of good-cause protection ... contravenes the President's 'constitutional obligation to ensure the faithful execution of the laws.'","5–4 decision for Public Company Oversight Board plurality opinion by John G. Roberts, Jr. The Board's appointment satisfies the Appointments Clause of the Constitution because their appointment is vested in the Head of the Department.","The Public Company Accounting Oversight Board (PCAOB) is a private-sector, nonprofit corporation created by the Sarbanes–Oxley Act of 2002 to oversee the audits of public companies and other issuers in order to protect the interests of investors and further the public interest in the preparation of informative, accurate and independent audit reports ...","We hold that the dual for-cause limitations on the removal of Board members contravene the Constitution’s separation of powers. The Act before us does something quite different. It not only protects Board members from removal except for good cause, but withdraws from the President any decision on whether that good cause exists.","A private sector, nonprofit corporation created by the Sarbanes-Oxley Act of 2002 to oversee accounting professionals who provide independent audit reports for publicly traded companies."],"url":["http://caselaw.findlaw.com/us-supreme-court/08-861.html","https://supreme.justia.com/cases/federal/us/561/477/opinion.html","https://www.homeworkminutes.com/question/view/229980/Public-Company-Accounting-Oversight-Board","https://pcaobus.org/About","https://www.sullcrom.com/siteFiles/Publications/SC_Publication_Constitutionality_of_the_Public_Company_Accounting_Oversight_Board.pdf","http://caselaw.findlaw.com/us-supreme-court/08-861.html","https://www.oyez.org/cases/2009/08-861","https://en.wikipedia.org/wiki/Public_Company_Accounting_Oversight_Board","https://www.compliancebuilding.com/2010/06/28/pcaob-is-ruled-unconstitutional/","https://www.sec.gov/fast-answers/answerspcaobhtm.html"]},"query":"is the public company accounting oversight board constitutional? why or why not?","query_id":1174728,"query_type":"DESCRIPTION","wellFormedAnswers":[]},"truncated_cells":[]},{"row_idx":350,"row":{"answers":["Located on a small and undeveloped island on the outskirts of coastal South Carolina."],"passages":{"is_selected":[0,0,0,0,0,0,1,0,0,0],"passage_text":["Marine Corps Recruit Depot Parris Island is poised to evacuate about 6,000 recruits from the South Carolina Lowcountry if Hurricane Matthew moves up the East Coast as expected.","Parris Island & Beaufort Marine Corps BaseUSMC Life2015-04-08T08:49:40+00:00. MCRD Parris Island better known as the Marine Corps Recruit Depot is the East Coast boot camp for enlisted Marines. MCAS Beaufort is the Marine Corps Air Station.","29905(Parris Island Marine Corps Recruit Depot Weather Forecast, SC) Welcome to the concise graduation guide for Parris Island Marine Corps Recruit Depot. This is an exhilarating experience in the life of your Marine and we strive to provide you with the most complete graduation information available for Parris Island Marine Corps Recruit Depot.","Parris Island Marine Corps Recruit Depot General Information. Parris Island Marine Corps Recruit Depot is located on the east coast of South Carolina. Click here for more information on air, bus, and train transportation for Marine Corps Recruit Depot.","Parris Island, South Carolina. Parris Island is a former census-designated place (CDP), but was annexed in 2002 by Port Royal in Beaufort County, South Carolina, United States. The population was 4,841 at the 2000 census.","Travel Time From Hotel to Base: To find out how long it will take you to get from your hotel to the base, visit Bing Maps. You can use an address of 292 BOULEVARD DE FRANCE, Port Royal, SC for the base. This address is simply a tool to use for travel planning purposes.","Parris Island. The Parris Island Marine Corps Base is easily one of the most recognizable marine corps bases in the country, if not the world, even though it is located on a small and undeveloped island on the outskirts of coastal South Carolina.","The Parris Island Marine Corps Base, known formerly as Marine Corps Recruit Depot Parris Island, and known more commonly by its initials, MCRD PI, is an expansive station that's located on, appropriately enough, Parris Island.","The evacuation of all non-essential Department of Defense personnel was authorized Tuesday afternoon by the South Carolina training center’s commander. Parris Island lies on the Atlantic, not far from Marine Corps Air Station Beaufort, and is vulnerable to storm surge. South Carolina Gov. Nikki Haley announced plans to issue an evacuation order Wednesday so the 1 million residents living near the coast could evacuate before the weekend.","GETTING TO AND FROM | RESOURCES. MCRD Parris Island better known as the Marine Corps Recruit Depot is the East Coast boot camp for enlisted Marines. MCAS Beaufort is the Marine Corps Air Station. Both bases are approximately 20 minutes from each other and share information and websites."],"url":["https://www.stripes.com/news/marines-ready-to-evacuate-parris-island-recruits-ahead-of-hurricane-1.432417","http://usmclife.com/bases/parris-beaufort/","http://parrisislandusmcgraduation.com/","http://parrisislandusmcgraduation.com/","https://en.wikipedia.org/wiki/Parris_Island,_South_Carolina","http://usmcgradparrisisland.org/cgi-bin/banners/hotels.cgi","http://www.beaufort-sc.com/parris-island.html","http://www.beaufort-sc.com/parris-island.html","https://www.stripes.com/news/marines-ready-to-evacuate-parris-island-recruits-ahead-of-hurricane-1.432417","http://usmclife.com/bases/parris-beaufort/"]},"query":"marine base in parris island sc","query_id":445455,"query_type":"LOCATION","wellFormedAnswers":["The Parris Island Marine Base is located on a small and undeveloped island on the outskirts of coastal South Carolina."]},"truncated_cells":[]},{"row_idx":351,"row":{"answers":["No Answer Present."],"passages":{"is_selected":[0,0,0,0,0,0,0,0,0,0],"passage_text":["A. Regular Education Classes/Inclusion. Collaboration/consultation/co-teaching services focus on special educators (Intervention Specialists) and general educators working together to best meet the needs of students with disabilities as well as children who may be at risk.","Copyright © 2001 Teaching Strategies, Inc.All rights reserved. No part of this book maybe reproduced in any form or by any meanswithout the prior written permission ofTeaching Strategies, Inc.PUBLISHED BY:Teaching Strategies, Inc.P.","B. Individual/Small Group Setting (Tutoring)The Individual/Small Group Instruction program provides students with disabilities support that helps to increase their opportunity to benefit from regular class placement. This is supplemental instruction which focuses on targeted IEP goals and objectives.","E. Home Instruction Home instruction is an individualized education program provided at home to a child with a disability which prevents the child from attending a regular or special program even with the aid of special transportation. F. Institutions and Hospitals.","Satellite program. A classroom operated in another facility. For example, a special education cooperative might rent classrooms in its member school districts' facilities to operate classes for students who are able to move out of the cooperative's segregated special education facility. SEA-state education agency.","The Individuals with Disabilities Education Improvement Act (IDEIA) requires states to establish procedures to ensure, that to the maximum extent appropriate, students with disabilities are educated with children who are not disabled.","These services do not continue beyond one year. These services may be provided by the building psychologist, a special education teacher, a speech/language therapist, physical therapist, occupational therapist or other appropriate professional who understands the specific needs of the student with a disability.","1. continuum-a continuous nonspatial whole or extent or succession in which no part or portion is distinct or distinguishable from adjacent parts. time-the continuum of experience in which events pass from the future through the present to the past.","Functional curriculum. A curriculum focused on practical life skills and usually taught in community based settings with concrete materials that are a regular part of everyday life. The purpose of this type of instruction is to maximize the student's generalization to real life use of his/her skills. Gross motor.","This case offers significant information on the nature of discipline that may be used with special education students. IEP-individualized education plan. The document developed at an IEP meeting which sets the standard by which subsequent special education services are usually determined appropriate. IEP meeting."],"url":["http://www.shaker.org/ContinuumofSpecialEducationServices.aspx","http://www.haddonfield.k12.nj.us/tatem/dev-cont.pdf","http://www.shaker.org/ContinuumofSpecialEducationServices.aspx","http://www.shaker.org/ContinuumofSpecialEducationServices.aspx","http://disabilityrights.org/glossary.htm","http://www.shaker.org/ContinuumofSpecialEducationServices.aspx","http://www.hicksvillepublicschools.org/Page/5458","http://www.thefreedictionary.com/continuum","http://disabilityrights.org/glossary.htm","http://disabilityrights.org/glossary.htm"]},"query":"curriculum continuum definition","query_id":114430,"query_type":"DESCRIPTION","wellFormedAnswers":[]},"truncated_cells":[]},{"row_idx":352,"row":{"answers":["A job where an employee is hired for a specific job at a specific rate of pay."],"passages":{"is_selected":[0,0,0,0,0,1,0,0,0,0],"passage_text":["Yes, you have employment for four years, but it’s employment that you don’t like and which isn’t paying you what you’re worth somewhere else. So you’d be signing up for four years of low quality of life. (There’s also no certainty that you’ll be secure there for four years, despite the contract.","Job Searching. An employment contract is a signed agreement between an employee and employer. It establishes both the rights and responsibilities of the two parties: the worker and the boss. Read below for more information on what is included in an employment contract, and the pros and cons of a contract.","Job candidates may think that contract or temporary work means that their search for a permanent job is on hold. They worry about taking themselves off the job market without a permanent position. This is not always true. Simply put, contract positions do not have to be mutually exclusive with a permanent search.","Take the contract job. The security of the job you have now is moot if it doesn't pay enough to cover your expenses. (And, really, job security is a thing of the past. You could lose either job at any time, for any reason.) We hire people for contract jobs all of the time.","Today we’re tackling what job seekers need to know about contract-to-hire jobs. A contract-to-hire job can be a win-win for both the employer and employee. These are short-term opportunities typically varying from anywhere from three months up to a year, with the opportunity to become full-time, permanent jobs at the end of the contract.","contract employee. An employee who works under contract for an employer. A contract employee is hired for a specific job at a specific rate of pay. A contract employee does not become a regular addition to the staff and is not considered a permanent employee. Use 'contract employee' in a Sentence.","What does at-will employment mean? Many people are surprised to learn, whether from an employment contract or employee handbook, that they are an at-will employee.. This means that your employer can terminate you at any time, for any cause -- with or without notice.","What is Included in an Employment Contract. Also known as a contract of employment or employment agreement, an employment contract lays out the rights and responsibilities of both employer and employee. Salary or wages: Contracts will itemize the salary, wage, or commission that has been agreed upon.","That’s a good question. Contract positions are a great opportunity often overlooked by job candidates. Don’t let any of these myths about contract positions make you miss a real opportunity to get a job in accounting, finance, or any other industry. Myth #1: You Can’t Keep Searching for a Job.","Best Answer: Yes, it means you sign a contract and that it's a temporary job. There are two types of contract jobs. One type is through a contracting agency, like an employment agency. You get a paycheck from them and sometimes benefits. taxes are withheld, just like you're an employee. The other type is independent contracting."],"url":["http://www.askamanager.org/2010/02/is-contract-position-worth-risk.html","https://www.thebalance.com/what-is-an-employment-contract-2061985","http://careerrocketeer.com/2011/01/are-you-passing-on-a-contract-or-temporary-position-think-again.html","http://www.askamanager.org/2010/02/is-contract-position-worth-risk.html","https://www.flexjobs.com/blog/post/need-know-contract-to-hire-jobs/","http://www.businessdictionary.com/definition/contract-employee.html","http://employment.findlaw.com/hiring-process/at-will-employee-faq-s.html","https://www.thebalance.com/what-is-an-employment-contract-2061985","http://careerrocketeer.com/2011/01/are-you-passing-on-a-contract-or-temporary-position-think-again.html","https://answers.yahoo.com/question/index?qid=20081230170433AA6XHiN"]},"query":"what does contract job mean","query_id":635048,"query_type":"DESCRIPTION","wellFormedAnswers":[]},"truncated_cells":[]},{"row_idx":353,"row":{"answers":["No Answer Present."],"passages":{"is_selected":[0,0,0,0,0,0,0,0,0,0],"passage_text":["To set a travel notice, sign in to Online Banking. If you do not have access to Online Banking, you can set a travel notice by calling the number on the back of your card and speaking with a Bank of America associate. If you encounter any issues after the travel notice has been placed, we're here to help.","V.2. Recommendations On a broad level, the recommendation is to maintain and promote Kodak’scorporate emphasis on cycle time reduction. Rapid cycle times provide a competitiveweapon for satisfying the customer, reducing cost, and improving quality.","Critical WIP is defined to be W o = r b T o .Example 1: Consider a production line with four stations, and assume that the processing time ateach workstation is two hours. Since the processing rate at each of the workstations is 0. 5partsperhour, it follows that r b =0. 5.","Another opportunity for future work is to put the responsibility for cycle time. reduction in the hands of the operators. As the people closest to the detailed work, theyare in the best position to eliminate non-value added transactions, streamline procedures, and improve production techniques.","Cycle Time Reduction at Kodak Eastman Kodak Company has recognized these benefits of cycle time reductionand has instituted programs throughout the organization in its efforts toward continuousimprovement.","In a push system we need to determine TH to maximize the profit function. In a pull system we would control w to maximize the system.For the above problem, the PUSH profit function becomes pTH −h 5 TH 1 −TH, while for a pull system the profit function becomes pw 4+ w−hw.","Direct deposit transactions from your Bank of America ® credit card account to a deposit account outside of Bank of America are fulfilled via an automated clearing house and may take up to five days to process.","Yes, you can do all of these things online: 1 Get a summary of your current account status, including balance, available credit and payment information. 2 Request up to 12 months of detailed transaction information. 3 View and print up to 18 months of credit card statements.","In this case, you expect to see w− 1 N jobs ahead ofyou. If the processing time at each station is T o /N then the time you spend at each station is equalto T o N (1+ w− 1 N). Multiplying by N we obtain the cycle time CT = T o (1+ w− 1 N) . Using Little’s Law we can find the throughput TH = wCT = wW o + w− 1 r b, wherewe haveused the factthat W o = r b T o. The lasttwoformulasdefine the practicalworstcase.","3 For a complete description of the strategic implications of cycle time reduction, see Christopher P. Papouras,LeadTime and Inventoq Reduction in Batch Chemical Manufacturing, MIT Master’s Thesis, 1991, pp."],"url":["https://www.bankofamerica.com/credit-cards/accounts-faq.go","http://web.mit.edu/~sgraves/www/hetzel93.pdf","http://www.columbia.edu/~gmg2/4000/pdfold/throughput.pdf","http://web.mit.edu/~sgraves/www/hetzel93.pdf","http://web.mit.edu/~sgraves/www/hetzel93.pdf","http://www.columbia.edu/~gmg2/4000/pdfold/throughput.pdf","https://www.bankofamerica.com/credit-cards/accounts-faq.go","https://www.bankofamerica.com/credit-cards/accounts-faq.go","http://www.columbia.edu/~gmg2/4000/pdfold/throughput.pdf","http://web.mit.edu/~sgraves/www/hetzel93.pdf"]},"query":"how to set bank cycle time","query_id":379165,"query_type":"DESCRIPTION","wellFormedAnswers":[]},"truncated_cells":[]},{"row_idx":354,"row":{"answers":["No Answer Present."],"passages":{"is_selected":[0,0,0,0,0,0,0,0,0,0],"passage_text":["Get a list of the best eye drops for pink eye or conjunctivitis, antibiotic, over the counter and ointments for pink eye. You will also know some side effects and general use of these drops for eyes with conjunctivitis. •Erythromycin/Ilotycin eye drop for conjunctivitis.","1. Similasan eye drops for pink eye (Homeopathic eye drop) Similasan irritated Eye Relief is an over the counter homeopathic eye drop for pink eye which is good in relieving the various symptoms of eye infections including those of conjunctivitis, dry, gritty, watering, burning or stings eyes.","Bacterial conjunctivitis is one of the most commonly encountered eye problems in medicine. Most cases are acute, self-limited, and not a major cause of morbidity. However, because of its high prevalance, it has a large societal impact in terms of missed days of school or work.","A few the side effects of these eye drops for pink eyes have been noted that include the following: 1 Blurry Vision – Immediately after using eye drops for pink eye, you might have a blurry vision for a short way. Ensure you are not driving any machine immediately after using them.","Many antibiotics have been shown to be equivalent in the treatment of routine cases, and therefore the choice of antibiotics is often guided by cost, availability, and risk of side effects.The most common antibiotics used for acute bacterial conjunctivitis are as follows:","Patanol for conjunctivitis infection (olopatadine ophthalmic) Steroid and Antibiotic eye drops for pink eye. Other Common Prescription. Over the counter pink eye drops, best OTC for Pink Eye or Non-Prescription Artificial Tears. 1. Similasan eye drops for pink eye (Homeopathic eye drop) 2.","Antibiotic Eye drops for pink eye and Best Antibiotic Pink Eye Treatment Drops. If you are suffering from conjunctivitis caused by bacteria, you might need antibiotic eye solution or drops, in addition to other medication that a doctor will prescribe to you. Antibiotics will work by killing the bacteria and/or inhibit its growth.","Symptoms of viral pinkeye include: 1 Redness in the white of the eye. 2 Swelling of the eyelids. 3 Itching or burning feeling of the eyelids. Swollen and tender areas in front of the 1 ears. A lot of tearing. Clear or slightly thick, whitish drainage.","Pinkeye (also called conjunctivitis) is redness and swelling of the conjunctiva, the mucous membrane that lines the eyelid and eye surface. The lining of the eye is usually clear. If irritation or infection occurs, the lining becomes red and swollen. See pictures of a normal eye and an eye with conjunctivitis .","Disease Entity. Disease. Bacterial conjunctivitis is an infection of the eye's mucous membrane, the conjunctiva, which extends from the back surface of the eyelids (palpebral and tarsal conjunctiva), into the fornices, and onto the globe (bulbar conjunctiva) until it fuses with the cornea at the limbus."],"url":["http://www.beautyhows.com/eye/pink-eyes/eye-drops-for-pink-eye-use-side-effects-antibiotic-over-the-counter-and-ointments-for-conjunctivitis/","http://www.healcure.org/eye/pink-eye/eye-drops-for-pink-eye-over-the-counter-prescription-antibiotic-treatments/","http://eyewiki.aao.org/Bacterial_Conjunctivitis","http://www.beautyhows.com/eye/pink-eyes/eye-drops-for-pink-eye-use-side-effects-antibiotic-over-the-counter-and-ointments-for-conjunctivitis/","http://eyewiki.aao.org/Bacterial_Conjunctivitis","http://www.healcure.org/eye/pink-eye/eye-drops-for-pink-eye-over-the-counter-prescription-antibiotic-treatments/","http://www.healcure.org/eye/pink-eye/eye-drops-for-pink-eye-over-the-counter-prescription-antibiotic-treatments/","http://www.webmd.com/eye-health/tc/pinkeye-topic-overview","http://www.webmd.com/eye-health/tc/pinkeye-topic-overview","http://eyewiki.aao.org/Bacterial_Conjunctivitis"]},"query":"the side effects of pink eye","query_id":518799,"query_type":"DESCRIPTION","wellFormedAnswers":[]},"truncated_cells":[]},{"row_idx":355,"row":{"answers":["No Answer Present."],"passages":{"is_selected":[0,0,0,0,0,0,0,0,0,0],"passage_text":["Please carefully read this guide before installing or using this. product . Save this guide for the local electrical inspector’s use . 3 . This range hood has a thermally protected system for the motor, which will shut down automatically if the motor is overheated . If. the overheat protection trips, disconnect the power and wait for. 10 minutes for the motor to cool down . Installation Safety Information. 1 .","- Grasp the release and firmly pull outward to activate the hood latch, a release cable is used to connect the lever to the actual latch release mechanism. Step 3 - After pulling the release, the hood will pop open to the first stage having a noticeable gap between the fender and the hood line.","A vehicle's hood strut is a part that is designed to keep the hood of your vehicle up. An old hood strut might stop the driver from keeping your hood lifted. The hood strut is usually found beneath your car or truck's hood; if it isn't functioning, it might drop the hood, potentially causing pain.","The car's hood strut is intended to keep up the hood of your car. Your hood strut is frequently found underneath the car's hood; if it isn't functioning, it might cause the hood to fall, potentially causing injury. A well-maintained hood strut is key to maintaining the hood opened.","Always turn the range hood on when cooking at high heat. or when cooking flaming foods. 4. If you choose to hang the range hood 457 mm–710 mm. (18 in.–28 in.) from the cooktop surface, use extra caution as the. surface of the range hood may be extremely hot to the touch.","When this is pulled, it releases the first part of the hood mechanism. You generally then have to press a hood release handle just behind and beneath the rim of the hood, which pulls a hood release cable to activate the hood opening mechanism. In most cases, the hood is then supported by a hood strut. These struts are similar to the struts youll find in your cars suspension in that they are designed to help you lift the hood, then keep it open safely.","- Grasp the release and firmly pull outward to activate the hood latch, a release cable is used to connect the lever to the actual latch release mechanism. Pull Release. Step 3 - After pulling the release, the hood will pop open to the first stage having a noticeable gap between the fender and the hood line. - Once the hood has popped open, locate the secondary release and active it. Step 5 - Gently press down on the hood slightly while activating the latch to facilitate this action.","Step 7 - Now, the hood can be fully opened which may be held open with the assistance of a hood shock which is connected at the base of the hood near the hinge. Step 8 - While other methods of hood support include a prop rod which needs to be put into place by hand.","The hood strut is usually found underneath the car's hood; if it is not functioning, it might fail, causing harm. A vehicle's hood strut is intended to prop open the hood of your vehicle. Your vehicle's hood struts often come in pairs, and so if one needs to be replaced you should probably change the set.","In this case pull the hood latch, a helper may need to manually releases the latch (open) with a small screwdriver if the latch fails to open on its own, once the latch has re-opened the hood can be closed. Close the hood firmly, and recheck the latches ability to keep the hood closed by pulling up on the hood."],"url":["http://www.homedepot.com/catalog/pdfImages/ec/ec441139-9fd4-45e3-91eb-4a3cc5aa77b3.pdf","https://www.2carpros.com/articles/how-to-open-a-car-hood","http://www.partsgeek.com/parts/hood_strut.html","http://www.partsgeek.com/parts/hood_strut.html","http://www.homedepot.com/catalog/pdfImages/ec/ec441139-9fd4-45e3-91eb-4a3cc5aa77b3.pdf","http://www.partsgeek.com/parts/hood_strut.html","https://www.2carpros.com/articles/how-to-open-a-car-hood","https://www.2carpros.com/articles/how-to-open-a-car-hood","http://www.partsgeek.com/parts/hood_strut.html","https://www.2carpros.com/articles/how-to-open-a-car-hood"]},"query":"what causes the shocks on the hood of a car hood","query_id":592743,"query_type":"DESCRIPTION","wellFormedAnswers":[]},"truncated_cells":[]},{"row_idx":356,"row":{"answers":["Kimonos"],"passages":{"is_selected":[0,0,0,0,0,0,0,0,1,0],"passage_text":["The voluminous black robe of a Benedictine monk (and daughter orders of the Benedictines: e.g. Cistercians, Trappists, Carthusians) is called a cucula. It is given during the final profession of vows, and is worn for solemn religious services, but is optional most of the time.","The longer answer is a little more complicated. The priest is not wearing robes, he is wearing vestments, one of which is a robe. The various vestments worn at Mass are all rooted in the men's formal dress attire from the first three centuries, the Church is very conservative and changes very little and that slowly.","Asia, dress, Hanbok, Japan, Joseon Dynasty, Kimono, Korea, Korean Peninsula, photography, traditional dress. What is a Hanbok? A hanbok is a traditional Korean dress. Throughout Korean history, commoners wore the hanbok and it became popularized during the celebrated Joseon Dynasty. Interestingly, the hanbok was adopted from nomadic cultures in northern Asia, so its style is drastically different from the formal wear adopted by agricultural cultures like China.","What is a Roman robe called? What is a priests robe called? Therobe that a priest wears is rather vague as he can wear a cassock on the street though most don't nowadays . When celebrating Mass he wears vestments of which the Chastibul…e is the outer garment and whose color changes according to the day.","What is a priest's robe called? Therobe that a priest wears is rather vague as he can wear a cassock on the street though most don't nowadays . When celebrating Mass he wears vestments of which the Cha…stibule is the outer garment and whose color changes according to the day.","The Japanese traditional formal wear is known as a kimono. There are some Japanese who dress in a kimono every day, but the kimono is usually reserved for special events like tea ceremonies or weddings.","A kimono is a long, wide-sleeved Japanese robe worn with an obi and often elaborately decorated.","Customer Testimonial. Japanese Kimono. The Japanese Kimono is famed as the traditional Japanese clothing, but beyond such name and elegant design is the rich history of Japan that is stitched within their mesmerizing fabric, which features colors and prints that reflect the Japanese people's eye for all things of beauty.","Kimonos (着物) are traditional Japanese style clothes. Kimono meant something you wear originally. Long ago, people in Japan wore kimonos every day. Now, people only wear a kimono for special occasions such as formal ceremonies. A kimono is a robe shaped like a T. Normal kimonos reaches to the ankles, and have very long sleeves. Kimonos for women usually have a colorful design of flowers, butterflies, etc. People wear a wide belt called an obi with their kimono.","The black robe common to all priests, called a cassock or a soutaine is the religious version of a suit jacket for a man, and the priest's normal day time outfit in a Catholic country. Other robes that form the basis of a religious habit are particular to that religious order."],"url":["http://www.answers.com/Q/What_is_the_Japanese_robe_called","http://www.answers.com/Q/What_is_the_robe_that_the_Japanese_wear_called","https://kimchibytes.com/2013/01/28/korean-hanbok-vs-japanese-kimono-epic-dress-battles-of-history/","http://www.answers.com/Q/What_is_the_Japanese_robe_called","http://www.answers.com/Q/What_is_the_Japanese_robe_called","https://kimchibytes.com/2013/01/28/korean-hanbok-vs-japanese-kimono-epic-dress-battles-of-history/","http://www.chacha.com/question/what-is-a-japanese-robe-called","http://www.kimonorobestore.com/japanesekimono1.html","https://simple.wikipedia.org/wiki/Kimono","http://www.answers.com/Q/What_is_the_robe_that_the_Japanese_wear_called"]},"query":"what is a japanese robe called","query_id":687747,"query_type":"DESCRIPTION","wellFormedAnswers":["A Japanese robe is known as Kimonos."]},"truncated_cells":[]},{"row_idx":357,"row":{"answers":["No Answer Present."],"passages":{"is_selected":[0,0,0,0,0,0,0,0,0,0],"passage_text":["Nope, I'm not getting a haircut. I won't get a hair cut that's over $100, unless I become a millionaire one day and can afford burning couple hundreds every day for fun... I'm trying to get some treatment as well as perm. I have really long hair and lots of hair, so i have to pay bunch more.","A: The standard tip for all beauty services is 20 percent—whether it’s a manicure, massage, blowout, or haircut. “One thing that people often forget is that the cost of a service is actually the cost of the service, plus the tip,” says LearnVest Editor in Chief and personal finance guru Carrie Sloan.","For a Haircut or Color Service. If you are in a salon, plan to add a 20% tip, says Clara Leonard, hairstylist for Book Your Look, who adds, you can always ask the front desk what the standard is.. Note: Many stylists prefer cash so their tip is separate from the bill — and it isn't taxed.","The acceptable tip for food servers, cocktail servers and bartenders is 15%-20% of the total bill. Keep this tipping advice in mind: If you can't afford $20 for your meal including a gratuity, you probably can't afford $15 for just the meal. If you received bad service, don’t skip out on the gratuity.","How to cheat on your hairdresser (and still look great!) We'd all like to see our hairdresser every week. But for must of us, that's impossible. Here's how to keep your hair looking great between visits Posted in Hair. Top 10 home hair colour tips Pro tips on thinking inside the home hair-colour box Posted in Hair.","The acceptable tip for food servers, cocktail servers and bartenders is 15%-20% of the total bill. If you can't afford $20 for your meal including a gratuity, you probably can't afford $15 for just the meal.","Related content: 1 How to cheat on your hairdresser (and still look great!) We'd all like to see our hairdresser every week. But for must of us, that's impossible. 2 Top 10 home hair colour tips Pro tips on thinking inside the home hair-colour box Posted in Hair.","Toronto-based John Steinberg, who celebrated 50 years in the business in 2009, says if you’re unsure whether your hairstylist-owner accepts tips, ask at the desk when you go to pay. He’s impassioned, though, about tipping the shampooer, especially when your hair wash includes a little head massage, too.","For anything that cost me about $100, I'd pay 15~20% depending on the quality of service that I receive. But what about the service that cost over $250? 20% of that is $50. How much would you tip the stylist?","A: Depending on the price point of your salon, you’ll want to give your stylist $5 to $20 for a complimentary bang trim. If you’re unsure, play it safe by tipping your stylist the equivalent of 20 percent of a full haircut."],"url":["https://www.reddit.com/r/AskWomen/comments/18jl01/how_much_do_you_tip_your_hair_stylist/","https://www.birchbox.com/magazine/article/How-Much-Should-You-Really-Tip-for-Beauty-Services","http://www.goodhousekeeping.com/beauty/hair/a36157/how-much-to-tip-hair-stylist/","http://www.lifescript.com/well-being/articles/t/the_ultimate_tipping_guide_your_guide_to_tipping_etiquette.aspx","http://www.besthealthmag.ca/best-looks/hair/how-much-should-i-tip-my-hairstylist/","http://www.lifescript.com/well-being/articles/t/the_ultimate_tipping_guide_your_guide_to_tipping_etiquette.aspx","http://www.besthealthmag.ca/best-looks/hair/how-much-should-i-tip-my-hairstylist/","http://www.besthealthmag.ca/best-looks/hair/how-much-should-i-tip-my-hairstylist/","https://www.reddit.com/r/AskWomen/comments/18jl01/how_much_do_you_tip_your_hair_stylist/","https://www.birchbox.com/magazine/article/How-Much-Should-You-Really-Tip-for-Beauty-Services"]},"query":"how much do you tip a hairstylist for hair color","query_id":308261,"query_type":"NUMERIC","wellFormedAnswers":[]},"truncated_cells":[]},{"row_idx":358,"row":{"answers":["It is ensuring unity of effort under one responsible person for completing a task."],"passages":{"is_selected":[0,1,0,0,0,0,0,0,0,0],"passage_text":["Definition and Principles of Unity of Command. Unity of command provides that an employee is responsible to only one supervisor, who in turn is responsible to only one supervisor, and so on up the organizational hierarchy. This is true even if the top of the organization is led by a group of people.","Unity of command is ensuring unity of effort under one responsible person (or commander) for completing a task. This unity of command is one of the twelve principles of joint operations, and is defined as:","The principle of unity of command is applied throughout the world today in organizations ranging from the military, government bureaucracies and companies, from a small business all the way up to multinational corporations.","Quick Answer. Unity of command is a military principle that has been applied to business. It follows the idea that a subordinate should have only one person to whom they are directly responsible. In business, this means that no employee should ever have more than one boss. Continue Reading.","As a team effort, Unified Command. overcomes much of the inefficiency and duplication of effort that can occur when agencies. from different functional and geographic jurisdictions, or agencies at different levels of. government, operate without a common system or organizational framework.","The content of the IAP is organized by a number of standardized ICS forms that allow for accurate and precise documentation of an incident.National Incident Management System (NIMS) Incident Command System (ICS) Forms Booklet (PDF).","ICS basic organization chart (ICS-100 level depicted) The Incident Command System (ICS) is a standardized approach to the command, control, and coordination of emergency response providing a common hierarchy within which responders from multiple agencies can be effective.","Unified Command uses one set of incident objectives and a single planning process, and. produces one Incident Action Plan (IAP). The planning process for Unified Command is. similar to the process used on single jurisdiction incidents.","American Military Principles. This unity of command is one of the twelve principles of joint operations, and is defined as: Unity of command means that all forces operate under a single commander with the requisite authority to direct all forces employed in pursuit of a common purpose.","Unity of command is a classic principle of management that is used in many hierarchical organizations, such as the military, government agencies, and corporations. Unity of command holds that an employee should only be answerable to one person."],"url":["http://study.com/academy/lesson/unity-of-command-in-management-principle-definition-quiz.html","https://en.wikipedia.org/wiki/Unity_of_command","http://study.com/academy/lesson/unity-of-command-in-management-principle-definition-quiz.html","https://www.reference.com/business-finance/unity-command-principle-d97ceb2dc9cc23e2","http://training.fema.gov/emiweb/is/is100he/student%20manual/l6_ics100highered_sm.pdf","https://en.wikipedia.org/wiki/Incident_Command_System","https://en.wikipedia.org/wiki/Incident_Command_System","http://training.fema.gov/emiweb/is/is100he/student%20manual/l6_ics100highered_sm.pdf","https://en.wikipedia.org/wiki/Unity_of_command","http://study.com/academy/lesson/unity-of-command-in-management-principle-definition-quiz.html"]},"query":"unity of command definition","query_id":532511,"query_type":"DESCRIPTION","wellFormedAnswers":[]},"truncated_cells":[]},{"row_idx":359,"row":{"answers":["A special variable, which can hold more than one value at a time."],"passages":{"is_selected":[0,0,0,0,0,0,0,1,0,0],"passage_text":["When to use Objects. 1 JavaScript does not support associative arrays. 2 You should use objects when you want the element names to be strings (text). 3 You should use arrays when you want the element names to be numbers.","The Array.from() method creates a new Array instance from an array-like or iterable object. const bar = [a, b, c]; Array.from(bar); // [a, b, c] Array.from('foo'); // [f, o, o]","JavaScript syntax. The syntax of JavaScript is the set of rules that define a correctly structured JavaScript program. The examples below make use of the log function of the console object present in most browsers for standard text output. The JavaScript standard library lacks an official standard text output function.","Advanced Javascript: Objects, Arrays, and Array-Like objects. Javascript objects and arrays are both incredibly useful. They're also incredibly easy to confuse with each other. Mix in a few objects that look like arrays and you’ve got a recipe for confusion!","The JavaScript Array object is a global object that is used in the construction of arrays; which are high-level, list-like objects. Create an Array. var fruits = ['Apple', 'Banana']; console.log(fruits.length); // 2. Access (index into) an Array item.","Multidimensional arrays in Javascript. Javascript has no inbuilt support for multidimensional arrays, however the language is flexible enough that you can emulate this behaviour easily by populating your arrays with separate arrays, creating a multi-level structure. You can create an array in Javascript simply by doing any of the following:","Accessing array elements. JavaScript arrays are zero-indexed: the first element of an array is at index 0, and the last element is at the index equal to the value of the array's length property minus 1.","An array is a special variable, which can hold more than one value at a time. If you have a list of items (a list of car names, for example), storing the cars in single variables could look like this:","JS HOME JS Introduction JS Where To JS Output JS Syntax JS Statements JS Comments JS Variables JS Operators JS Arithmetic JS Assignment JS Data Types JS Functions JS Objects JS Scope JS Events JS Strings JS String Methods JS Numbers JS Number Methods JS Math JS Random JS Dates JS Date Formats JS Date Methods JS Arrays JS Array Methods JS Array Sort ...","Array from a Set. var s = new Set(['foo', window]); Array.from(s); // [foo, window] Array from a Map. var m = new Map([[1, 2], [2, 4], [4, 8]]); Array.from(m); // [[1, 2], [2, 4], [4, 8]] Array from an Array-like object (arguments) function f() { return Array.from(arguments); } f(1, 2, 3); // [1, 2, 3]"],"url":["https://www.w3schools.com/js/js_arrays.asp","https://developer.mozilla.org/en-US/docs/Web/JavaScript/Reference/Global_Objects/Array/from","https://en.wikipedia.org/wiki/JavaScript_syntax","http://www.nfriedly.com/techblog/2009/06/advanced-javascript-objects-arrays-and-array-like-objects/","https://developer.mozilla.org/en-US/docs/Web/JavaScript/Reference/Global_Objects/Array","http://www.techrepublic.com/article/multidimensional-arrays-in-javascript/","https://developer.mozilla.org/en-US/docs/Web/JavaScript/Reference/Global_Objects/Array","https://www.w3schools.com/js/js_arrays.asp","https://www.w3schools.com/js/js_arrays.asp","https://developer.mozilla.org/en-US/docs/Web/JavaScript/Reference/Global_Objects/Array/from"]},"query":"javascript define array","query_id":432926,"query_type":"DESCRIPTION","wellFormedAnswers":[]},"truncated_cells":[]},{"row_idx":360,"row":{"answers":["No Answer Present."],"passages":{"is_selected":[0,0,0,0,0,0,0,0,0,0],"passage_text":["After the blood gets oxygen in the lungs, it is called oxygen-rich blood. Oxygen-rich blood flows from the lungs back into the left atrium (LA), or the left upper chamber of the heart, through four pulmonary veins. Oxygen-rich blood then flows through the mitral valve (MV) into the left ventricle (LV), or the left lower chamber.","Pulmonary Valve. The pulmonary heart valve separates the right ventricle from the pulmonary artery, which transports deoxygenated blood to the lungs. As deoxygenated blood leaves the right ventricle, it passes through the pulmonary heart valve, which has been closed as the right ventricle was filling. The pulmonary heart valve opens, allowing deoxygenated blood to leave the right ventricle and flow to the lungs via the pulmonary artery.","Pulmonary valve stenosis can cause a heart murmur. A heart murmur sounds like an extra click, blowing, whooshing, or rasping sound when a doctor listens to your heart. The murmur can be an initial indicator of pulmonary valve stenosis. It may be a sign that further testing is required.","Blood Flow Through the Heart. 1 Oxygen-poor blood returns from the body to the heart through the superior vena cava (SVC) and inferior vena cava (IVC), the two main veins that bring blood back to the heart. 2 The oxygen-poor blood enters the right atrium (RA), or the right upper chamber of the heart. From there, the blood flows through the tricuspid valve (TV) into the right ventricle (RV), or the right lower chamber of the heart. The right ventricle (RV) pumps oxygen-poor blood through the pulmonary valve (PV) into the main pulmonary artery (MPA).","Pulmonary valve stenosis affects the body’s ability to get oxygenated blood. Many children do not show symptoms until adulthood. Examples of pulmonary valve stenosis symptoms include: heart murmur; prominent and enlarged jugular vein; bluish tint to the skin ; chest pain; fainting; heart palpitations; unexplained fatigue; failure to thrive; difficulty breathing","Pulmonary valve stenosis is a rare, potentially serious cardiac condition. Learn how it affects the heart and how it's treated. Pulmonary valve stenosis is a rare, potentially serious cardiac condition.","As blood travels through the body, oxygen is used up, and the blood becomes oxygen poor. 1 Oxygen-poor blood returns from the body to the heart through the superior vena cava (SVC) and inferior vena cava (IVC), the two main veins that bring blood back to the heart.","Many children do not show symptoms until adulthood. Examples of pulmonary valve stenosis symptoms include: heart murmur; prominent and enlarged jugular vein; bluish tint to the skin ; chest pain; fainting; heart palpitations; unexplained fatigue; failure to thrive; difficulty breathing; Pulmonary valve stenosis can cause sudden death in severe instances.","Pulmonary Valve The pulmonary heart valve separates the right ventricle from the pulmonary artery, which transports deoxygenated blood to the lungs. As deoxygenated blood leaves the right ventricle, it passes through the pulmonary heart valve, which has been closed as the right ventricle was filling.","Once the right ventricle has emptied, the pulmonary heart valve closes, thereby keeping the blood from reentering the right ventricle. From here, the blood travels through the lungs, where it is oxygenated and then returned to the left atrium."],"url":["https://www.cdc.gov/ncbddd/heartdefects/howtheheartworks.html","http://www.montefiore.org/pulmonary-valve","https://www.healthline.com/health/pulmonary-valve-stenosis","https://www.cdc.gov/ncbddd/heartdefects/howtheheartworks.html","https://www.healthline.com/health/pulmonary-valve-stenosis","https://www.healthline.com/health/pulmonary-valve-stenosis","https://www.cdc.gov/ncbddd/heartdefects/howtheheartworks.html","https://www.healthline.com/health/pulmonary-valve-stenosis","http://www.montefiore.org/pulmonary-valve","http://www.montefiore.org/pulmonary-valve"]},"query":"is the pulmonary valve oxygenated","query_id":1174727,"query_type":"DESCRIPTION","wellFormedAnswers":[]},"truncated_cells":[]},{"row_idx":361,"row":{"answers":["No Answer Present."],"passages":{"is_selected":[0,0,0,0,0,0,0,0,0,0],"passage_text":["Chocolate as a “candy” is the crap you get that barely has any real cacao in it, and the main ingredients are high-fructose-corn-syrup, petroleum wax, artificial food colorings, lots of preservatives, etc. . . with just enough cacao to satisfy the food labeling laws.hocolate and gout are a perfect match. . . so much so that I believe medicinal-grade chocolate is an essential ingredient in an effective gout diet. Not only is chocolate a “miracle food” when it comes to gout prevention, but it also knocks down the inflammation of an active gout flare.","Eat one Hershey’s dark chocolate bar per week, and your risk of heart disease will decrease, a 2008 study found. About 6.7 grams of dark chocolate per day keeps the blood inflammation-inducing proteins away.1 Reasons Chocolate Is Good for Your Health. It turns out that chocolate—especially dark chocolate—reduces body mass, prevents blood clots, improves numeracy, may prevent cancer, and doesn’t ruin your complexion.","3. Chocolate protects against blood inflammation. Eat one Hershey’s dark chocolate bar per week, and your risk of heart disease will decrease, a 2008 study found. About 6.7 grams of dark chocolate per day keeps the blood inflammation-inducing proteins away. Just like your mother always told you.1 Reasons Chocolate Is Good for Your Health. It turns out that chocolate—especially dark chocolate—reduces body mass, prevents blood clots, improves numeracy, may prevent cancer, and doesn’t ruin your complexion.","A glass of pasteurized chocolate milk made from water buffalo 's milk produced by the Philippine Carabao Center. Chocolate milk is sweetened cocoa-flavored milk. It can be created by mixing chocolate syrup (or chocolate powder) with milk (from cows, goats, soy, rice, etc.). glass of pasteurized chocolate milk made from water buffalo 's milk produced by the Philippine Carabao Center. Chocolate milk is sweetened cocoa-flavored milk. It can be created by mixing chocolate syrup (or chocolate powder) with milk (from cows, goats, soy, rice, etc.).","Under review: Take 5, PayDays, Almond Joys and a York Peppermint Pattys are examples of Hershey's products that use corn syrup. A switch to sugar would make Hershey a high-profile example of the move away from high-fructose corn syrup in the food industry.ershey plans to remove high-fructose corn syrup from candy as consumers shun ingredient linked to weight gain and diabetes. 1 Take 5, PayDays, Almond Joys and a York Peppermint Pattys are examples of Hershey's products that use corn syrup. 2 There is no timeframe on when a switch to sugar might be complete.","Dark Chocolate is included in the Healing Foods Pyramid™ as part of a balanced, whole foods, plant-based diet. This Food Pyramid emphasizes foods that nourish the body, sustain energy over time, contain healing qualities and essential nutrients, and support a sustainable environment.deas for Healthy Dark Chocolate Consumption. 1 High-quality chocolate contains a high percentage of cocoa solids (60 2 %). It is brown or dark brown in color, and is glossy. 3 Avoid purchasing chocolate that has a grayish tone, white spots on the surface, or small holes.","Not only does it not cause breakouts, it’s actually good for your skin! (Well, dark chocolate at least.) Flavonoids found in dark chocolate protect women’s skin from the sun’s UV rays, according to German scientists. But that doesn’t mean you can skip the sunscreen.8.1 Reasons Chocolate Is Good for Your Health. It turns out that chocolate—especially dark chocolate—reduces body mass, prevents blood clots, improves numeracy, may prevent cancer, and doesn’t ruin your complexion.","I drink diet soda every day. Drinking a reasonable amount of diet soda a day, such as a can or two, isn't likely to hurt you. The artificial sweeteners and other chemicals currently used in diet soda are safe for most people, and there's no credible evidence that these ingredients cause cancer. drink diet soda every day. Drinking a reasonable amount of diet soda a day, such as a can or two, isn't likely to hurt you. The artificial sweeteners and other chemicals currently used in diet soda are safe for most people, and there's no credible evidence that these ingredients cause cancer.","On the plus side, dark chocolate (or cocoa) contains flavonoids, which are thought to be beneficial to health. Further research is needed to fully determine the role chocolate plays in calcium balance and bone health.n the meantime, if you get the daily recommended amounts of calcium and vitamin D from food or supplements and practice weight-bearing exercise, eating chocolate in moderation is unlikely to adversely affect your bone health. With.","In the meantime, if you get the daily recommended amounts of calcium and vitamin D from food or supplements and practice weight-bearing exercise, eating chocolate in moderation is unlikely to adversely affect your bone health.With.n the meantime, if you get the daily recommended amounts of calcium and vitamin D from food or supplements and practice weight-bearing exercise, eating chocolate in moderation is unlikely to adversely affect your bone health. With."],"url":["https://thegoutkiller.com/gout-diet/chocolate-and-gout/","http://www.thedailybeast.com/articles/2012/03/28/11-reasons-chocolate-is-good-for-your-health.html","http://www.thedailybeast.com/articles/2012/03/28/11-reasons-chocolate-is-good-for-your-health.html","https://en.wikipedia.org/wiki/Chocolate_Milk","http://www.dailymail.co.uk/news/article-2857981/Hershey-exploring-removal-corn-syrup.html","http://www.med.umich.edu/umim/food-pyramid/dark_chocolate.html","http://www.thedailybeast.com/articles/2012/03/28/11-reasons-chocolate-is-good-for-your-health.html","http://www.mayoclinic.org/healthy-lifestyle/nutrition-and-healthy-eating/expert-answers/diet-soda/faq-20057855","http://www.mayoclinic.org/healthy-lifestyle/nutrition-and-healthy-eating/expert-answers/calcium/faq-20058350","http://www.mayoclinic.org/healthy-lifestyle/nutrition-and-healthy-eating/expert-answers/calcium/faq-20058350"]},"query":"is hershey's chocolate syrup bad for your bones mayo clinic","query_id":412200,"query_type":"DESCRIPTION","wellFormedAnswers":[]},"truncated_cells":[]},{"row_idx":362,"row":{"answers":["Emissary was founded on the belief that everybody has valuable experience— but we don't know who it's valuable to, or how much it's worth."],"passages":{"is_selected":[0,0,1,0,0,0,0,0,0,0],"passage_text":["David Hammer. As founder and CEO, David leads the Emissary team on its mission to democratize access to experience. Prior to Emissary, David spent 6 years as a product manager at Google, where he founded Google’s Doubleclick Bid Manager product, a central component of Google’s Display Advertising business.rior to Emissary, David spent 6 years as a product manager at Google, where he founded Google’s Doubleclick Bid Manager product, a central component of Google’s Display Advertising business.","Emissary Transition Group (ETG) is a woman owned company founded to encourage sustainable economic growth in fragile and in-transition environments thus reducing violence and restoring stability.© 2015 Emissary Transition Group.missary Transition Group (ETG) is a woman owned company founded to encourage sustainable economic growth in fragile and in-transition environments thus reducing violence and restoring stability.","About us. Emissary was founded on the belief that everybody has valuable experience— but we don't know who it's valuable to, or how much it's worth. We're creating technology that makes it easier than it's ever been for people and businesses to benefit from each other's experiences.rior to Emissary, David spent 6 years as a product manager at Google, where he founded Google’s Doubleclick Bid Manager product, a central component of Google’s Display Advertising business.","Mike heads up the Advisor Operations team at Emissary. Prior to Emissary, Mike co-founded a medical-social networking startup in 2007 and pursued a PhD in the philosophy of science. (He loves discussing the minutia of sliding blocks and inclined planes).rior to Emissary, David spent 6 years as a product manager at Google, where he founded Google’s Doubleclick Bid Manager product, a central component of Google’s Display Advertising business.",": a person who is sent on a mission to represent another person or organization. a person who is sent on a mission to represent another person or organization.","Contract Research Organization (CRO). Emissary International has been navigating the clinical trials process for over a decade, earning itself a second-to-none reputation with clients in the medical device, pharmaceutical, biotechnology and contract research organization (CRO) industries.n this environment, experience and knowledge become critical in expediting clinical research programs. This is the reason Emissary places high value on the experience of its team. Emissary is proud of its track record in the vigilant planning, managing and monitoring of clinical research studies.","The trustees of Emissaries of Divine Light lead the Creative Field Project. The project is an exploration of the power of human intention to influence the field of energy held by a group of people.The Creative Field Project began in 2009 with a network of small groups around the world that meet monthly by telephone.n August 2004, the trustees of Emissaries of Divine Light named David Karchere as the leader of the global network. In 2008, David Karchere and Jane Anetrini developed and taught a year-long Leadership Program based on the teachings of Emissaries of Divine Light.","Wiktionary (0.00 / 0 votes) Rate this definition: emissary (Noun). An agent sent on a mission to represent the interests of someone else. emissary (Noun). A venous channel in the skull.missary. Emissary is the first and second episodes, comprising the pilot, of the science fiction television series Star Trek: Deep Space Nine. A new crew takes command of an abandoned space station and makes an astonishing discovery that will change the galaxy.","The mission of Emissaries of Divine Light, as cited in its articles of incorporation, is to assist in the spiritual regeneration of humanity under the inspiration of the spirit of God.n August 2004, the trustees of Emissaries of Divine Light named David Karchere as the leader of the global network. In 2008, David Karchere and Jane Anetrini developed and taught a year-long Leadership Program based on the teachings of Emissaries of Divine Light.","Profit from experience. We connect teams seeking an edge with the advisors who provide an inside track to win more deals, waste less time, and make better decisions.rofit from experience. We connect teams seeking an edge with the advisors who provide an inside track to win more deals, waste less time, and make better decisions."],"url":["https://www.emissary.io/about-us/","http://www.emissarytransition.com/home/","https://www.emissary.io/about-us/","https://www.emissary.io/about-us/","http://www.merriam-webster.com/dictionary/emissary","http://emissary.com/","https://en.wikipedia.org/wiki/Emissaries_of_Divine_Light","http://www.definitions.net/definition/Emissary","https://en.wikipedia.org/wiki/Emissaries_of_Divine_Light","https://www.emissary.io/"]},"query":"what is a emissary company","query_id":682564,"query_type":"PERSON","wellFormedAnswers":[]},"truncated_cells":[]},{"row_idx":363,"row":{"answers":["1-2 minutes per side.","1-2 minutes per side"],"passages":{"is_selected":[0,0,0,0,0,0,0,0,0,1],"passage_text":["Pour 1 cup warm water into a medium bowl; add sugar and sprinkle with yeast. Let stand until foamy, 5 minutes. Whisk oil and 1 teaspoon salt into yeast mixture. Add flour and stir with a wooden spoon until liquid is incorporated (dough will appear dry). Turn out onto a floured work surface.","Let it rest 15 minutes before stretching. The best, sturdiest pizza dough shouldn't be tacky. If you've got some bread flour handy, try making your dough with that. You may not get a fluffy, airy dough, but that's okay; you're trying to keep the grilling process as simple as possible.","Mama Mary’s Pizza Crust is the base of any meal. All you have to do is add your favorite toppings and Voila! your pizza is a custom creation! Check out these recipes for inspiration! Feta & Veggie Pizza. Chicken Fajita Pizza. Feta & Hummus Pizza.","To make a basic pizza dough, dissolve a packet of yeast and 1 1/2 teaspoons of sugar in 1 cup of warm water, add 1 teaspoon of salt and 2 tablespoons of olive oil, and knead in 2 1/4 cups of flour. Let the dough rise for 30 minutes.","Do an honest check of the amount of real estate on your grill. Smaller pieces of dough are easier to flip. (Plus, mini pizzas are awfully cute.) If there's one side of your dough that's prettier or smoother, grill that side first. When you flip the dough over, that will be the top of the pizza.","Steps. 1 1. Evaluate your barbecue. 2 2. Prepare and preheat the grill. 3 3. Start with a fairly thin crust. 4. Slice the toppings thinly and choose flavorful 1 toppings. 5. Place your pizza onto a peel. 6. Watch your pizza 1 cook. 7. Remove the pizza once cooked to your satisfaction and serve without delay.","Proof for ten minutes, or until frothy. Mix in the salt, olive oil, and flour until dough pulls away from the sides of the bowl. Turn onto a lightly floured surface. Knead until smooth, about 8 minutes. Place dough in a well oiled bowl, and cover with a damp cloth. Set aside to rise until doubled, about 1 hour. Punch down, and knead in garlic and basil. Set aside to rise for 1 more hour, or until doubled again. Preheat grill for high heat. Heat olive oil with garlic for 30 seconds in the microwave.","Prepare and preheat the grill. A little preparation makes for much more even heat and a better pizza. The big issue/virtue with barbecues is the smoke factor that gives that smoky flavour to food. If the barbecue is not clean it will smoke the food too much and your pizza will not taste of anything aside from smoke.","This foolproof dough recipe can be used to make a delicious homemade pizza on the grill or in the oven. Try the following topping variations: Grilled Asparagus and Ricotta; Fontina, Fennel, and Onion; Three-Cheese; Shrimp and Pesto; Sausage and Olives; Tomato and Basil. Prep: 1 hour. Total Time: 1 hour 45 mins.","Grill, cook, slice, and grate whatever toppings you like first—more on the best in the minute—and have them at the ready. You'll be adding them as the pizza is grilling, and the dough will only cook 1-2 minutes per side. High-quality olive oil is also a must-have for the tastiest crust."],"url":["http://www.marthastewart.com/333200/basic-grilled-pizza-dough","http://www.bonappetit.com/test-kitchen/how-to/article/how-to-grill-pizza","http://www.mamamarys.com/","http://www.wikihow.com/Cook-Pizza-on-a-Barbecue","http://www.bonappetit.com/test-kitchen/how-to/article/how-to-grill-pizza","http://www.wikihow.com/Cook-Pizza-on-a-Barbecue","http://allrecipes.com/recipe/14522/pizza-on-the-grill-i/","http://www.wikihow.com/Cook-Pizza-on-a-Barbecue","http://www.marthastewart.com/333200/basic-grilled-pizza-dough","http://www.bonappetit.com/test-kitchen/how-to/article/how-to-grill-pizza"]},"query":"how long do you grill pizza dough","query_id":247881,"query_type":"NUMERIC","wellFormedAnswers":["Grill pizza dough for 1 to 2 minutes per side."]},"truncated_cells":[]},{"row_idx":364,"row":{"answers":["The median annual wage for kindergarten teachers, except special education was $52,620 in May 2016."],"passages":{"is_selected":[0,0,0,1,0,0,0,0,0,0],"passage_text":["Employment of kindergarten and elementary school teachers is projected to grow 6 percent from 2014 to 2024, about as fast as the average for all occupations. Growth is expected because of projected increases in student enrollment. However, employment growth will vary by region.","Kindergarten and elementary school teachers typically do the following: 1 Create lesson plans to teach students subjects, such as reading, science, social studies, and math. 2 Teach students how to study and communicate with others. 3 Observe students to evaluate their abilities, strengths, and weaknesses.","Kindergarten and elementary school teachers generally teach kindergarten through fifth grade. However, in some schools, elementary school teachers may teach sixth, seventh, and eighth grade. Kindergarten and elementary school students spend most of their day in one classroom.","The median annual wage for kindergarten teachers, except special education was $52,620 in May 2016. The median annual wage for elementary school teachers, except special education was $55,800 in May 2016. The lowest 10 percent earned less than $36,560, and the highest 10 percent earned more than $88,590. Kindergarten and elementary school teachers generally work during school hours when students are present. They may meet with parents, students, and other teachers before and after school. They often spend time in the evenings and on weekends grading papers and preparing lessons.","Average Preschool Teacher Yearly Salary in Iowa. Preschool Teachers earn a median salary of $24,040 per year. Salaries typically start from $17,700 and go up to $39,780. Source: U.S. Department of Labor Bureau of Labor Statistics. Learn more about the Preschool Teacher job market for salaries of real jobs in your area","Learn how popular a degree is, how much graduates earn, and what the job market looks like for over 200 degrees. 1 Photography Degree. 2 Graphic Design Degree. 3 Computer Forensics Degree. 4 Cosmetology Degree. 5 Geography Degree. 6 Petroleum Engineering Degree. 7 Botany Degree. 8 Physiology Degree.","Average Preschool Teacher Yearly Salary in Iowa. Preschool Teachers earn a median salary of $24,040 per year. Salaries typically start from $17,700 and go up to $39,780. Learn more about the Preschool Teacher job market for salaries of real jobs in your area.","Average Preschool Teacher Yearly Salary in Iowa Preschool Teachers earn a median salary of $24,040 per year. Salaries typically start from $17,700 and go up to $39,780.","All states require public kindergarten and elementary school teachers to have at least a bachelor’s degree in elementary education. Private schools typically have the same requirement. Some states also require public kindergarten and elementary school teachers to major in a content area, such as math or science.","Kindergarten and elementary school teachers need to be able to explain difficult concepts in terms that young students can understand. In addition, they must be able to get students engaged in learning and adapt their lessons to meet students’ needs."],"url":["https://www.bls.gov/ooh/education-training-and-library/kindergarten-and-elementary-school-teachers.htm","https://www.bls.gov/ooh/education-training-and-library/kindergarten-and-elementary-school-teachers.htm","https://www.bls.gov/ooh/education-training-and-library/kindergarten-and-elementary-school-teachers.htm","https://www.bls.gov/ooh/education-training-and-library/kindergarten-and-elementary-school-teachers.htm","https://www.sokanu.com/careers/preschool-teacher/salary/Iowa/","https://www.sokanu.com/careers/preschool-teacher/salary/Iowa/","https://www.sokanu.com/careers/preschool-teacher/salary/Iowa/","https://www.sokanu.com/careers/preschool-teacher/salary/Iowa/","https://www.bls.gov/ooh/education-training-and-library/kindergarten-and-elementary-school-teachers.htm","https://www.bls.gov/ooh/education-training-and-library/kindergarten-and-elementary-school-teachers.htm"]},"query":"how much is kindergarten in iowa","query_id":322427,"query_type":"NUMERIC","wellFormedAnswers":[]},"truncated_cells":[]},{"row_idx":365,"row":{"answers":["From random migration of the system's elements."],"passages":{"is_selected":[0,0,1,0,0,0,0,0,0,0],"passage_text":["I have picked 7 chemicals, molecules, or objects (the distinction between these terms is not always clear) and calculated a (very) approximate radius (in nm), the diffusion coefficient (in SI units times 10 12) and the time in seconds required to diffuse 10 microns (the diameter of a typical animal cell).","The same energy that produces the movement of the ink particles causes diffusion of molecules. When a gradient exists, if there is no membrane blocking particle movement, diffusion will ultimately result in a uniform distribution. Place about 50 ml of water in a small beaker.","Diffusion is a process leading to equalization of substance concentrations in a system or establishing in a system an equilibrium concentration distribution that results from random migration of the system's elements. Three types of diffusion are distinguished, viz., molecular, Brownian, and turbulent.","The net diffusion of water through a selectively permeable membrane from the side of high water concentration to the side of low water concentration is termed osmosis. The higher the concentration of solute (dissolved particles), the lower the concentration of free water molecules.","Diffusion is one of the fundamental processes by which material moves. It is thus important in biology and medicine, chemistry and geology, engineering and physics, and in just about every aspect of our lives. Diffusion is a consequence of the constant thermal motion of atoms, molecules, and particles, and results in material moving from areas of high to low concentration.","Diffusion and passive transport: Molecules are in constant motion, moving around randomly (Brownian movement). One result of this random motion is diffusion, the net movement of molecules from an area where their concentration is high to an area where their concentration is lower.","Remember the definition of diffusion. Water is more concentrated outside the cell, so it will move into the cell (from 100% concentration to 90% concentration). In this case, the protein molecules are too large to pass out of the cell membrane.","1. temperature 2. size (mass) of the diffusing particles 3. viscosity of the environment. Of course there are also processes that generate inhomogeneity, even while diffusion is smoothing things out, and the world we live in is the sum of both.","Diffusion can thus be described in terms of many particles, i.e. changes in concentration of these particles as time progresses, or it can be discussed in terms of the movement of one particle. We will first focus on the behavior of a single particle, and then move on to systems with a large number of particles.","Diffusion across a differentially permeable membrane: Dialysis Dialysis is the diffusion of solute molecules across a differentially permeable membrane. The cell membrane is differentially permeable. Thus, through dialysis, certain substances may enter a cell, and certain metabolic products, including wastes, may leave."],"url":["http://www.scienceisart.com/A_Diffus/DiffusMain_1.html","http://www.msubillings.edu/sciencefaculty/handouts/Barron%20Biol%20115/Lab%204.pdf","http://www.thermopedia.com/content/695/","http://www.msubillings.edu/sciencefaculty/handouts/Barron%20Biol%20115/Lab%204.pdf","http://www.scienceisart.com/A_Diffus/DiffusMain_1.html","http://www.msubillings.edu/sciencefaculty/handouts/Barron%20Biol%20115/Lab%204.pdf","http://www.msubillings.edu/sciencefaculty/handouts/Barron%20Biol%20115/Lab%204.pdf","http://www.scienceisart.com/A_Diffus/DiffusMain_1.html","http://www.scienceisart.com/A_Diffus/DiffusMain_1.html","http://www.msubillings.edu/sciencefaculty/handouts/Barron%20Biol%20115/Lab%204.pdf"]},"query":"diffusion is a result of","query_id":151283,"query_type":"DESCRIPTION","wellFormedAnswers":["Diffusion is a result of random migration of the system's elements."]},"truncated_cells":[]},{"row_idx":366,"row":{"answers":["No Answer Present."],"passages":{"is_selected":[0,0,0,0,0,0,0,0,0,0],"passage_text":["Prince Charles Philip Arthur George Mountbatten was born on November 14, 1948, almost a year after his parents' marriage. His mother is Princess Elizabeth, who later became Queen Elizabeth II and his father is Prince Philip, Duke of Edinburgh.","On February 24, 1981 the engagement of Charles, Prince of Wales and Lady Diana Spencer was announced at Buckingham Palace. On July 29, 1981 Charles married Princess Diana. The fairy-tale wedding took place at St. Paul's Cathedral. Eleven months later on June 21, 1982 Prince William Windsor was born.","On July 29, 1981 Charles married Princess Diana. The fairy-tale wedding took place at St. Paul's Cathedral. Eleven months later on June 21, 1982 Prince William Windsor was born. William is second in line for the throne after his father.","She had her christening at Sandringham Church in Norfolk. Her full name is Lady Diana Frances Spencer. On July 29, 1981 she married her Prince Charming-Prince Charles of Wales, the eldest son of Queen Elizabeth II. On June 21 1982 her first son was born-Prince William Arthur Phillip Louis Windsor.","The eldest child of Queen Elizabeth II, Charles is the heir to the British throne. He was born to Elizabeth and Prince Philip in 1948, a year after their marriage and four years before Elizabeth became queen.","Duchess of Cornwall, wife of Charles, Prince of Wales and heir to the British throne Camilla Parker Bowles was born Camilla Shand on July 17, 1947, in London, England. She grew up on a large country estate in Plumpton, Sussex, with her parents, Bruce and Rosalind Shand, and her two younger siblings.","Prince Charles was born Charles Philip Arthur George on November 14, 1948, in London, England. The son of Queen Elizabeth II and Prince Philip, Charles, prince of Wales, ascended the royal hierarchy at an early age. His mother became queen when he was only three after the death of his grandfather King George VI.","Prince William and his parents leave the hospital. Prince Charles and his first wife, Princess Diana, William's mother, arrived at the hospital very early on the morning of the day William was born. George Pinker MD, the royal gynecologist, attended Diana.","Prince William and his parents leave the hospital. Prince Charles and his first wife, Princess Diana, William's mother, arrived at the hospital very early on the morning of the day William was born.","Duchess of Cornwall, wife of Charles, Prince of Wales and heir to the British throne Camilla Parker Bowles was born Camilla Shand on July 17, 1947, in London, England."],"url":["http://www.imdb.com/name/nm0697608/bio","http://www.imdb.com/name/nm0697608/bio","http://www.imdb.com/name/nm0697608/bio","http://www.imdb.com/name/nm0697740/bio","http://www.who2.com/bio/charles-prince-of-wales/","http://www.biography.com/people/camilla-parker-bowles-9542218","http://www.biography.com/people/prince-charles-9244936","http://birthstory.net/tag/prince-charles/","http://birthstory.net/tag/prince-charles/","http://www.biography.com/people/camilla-parker-bowles-9542218"]},"query":"what day was prince charles born","query_id":617069,"query_type":"NUMERIC","wellFormedAnswers":[]},"truncated_cells":[]},{"row_idx":367,"row":{"answers":["1 Aseptic necrosis of bone. 2 Fracture, neck of femur. 3 Hip dysplasia, congenital. 4 Juvenile osteochondrosis of head of femur. 5 Multiple epiphyseal dysplasia. 6 Osteochondritis dissecans. 7 Slipped upper femoral epiphysis."],"passages":{"is_selected":[0,0,0,0,0,0,0,0,1,0],"passage_text":["my pain is on the back side of my left hip. I don’t know why all of a sudden it hurts. its not worse I think (or hope) because it only triggers momentarily. by the way, I have I don’t know if it’s in the muscle or bone but it hurts anyway, on the same, left side too. it really hurts when I bend my left leg.","Non-surgical treatment should always be considered first when treating hip pain. The discomfort can often be resolved with rest, modifying one’s behavior, and a physical therapy and/or anti-inflammatory regimen. Such conservative treatments have been successful in reducing the pain and swelling in the joint.","An x-ray can reveal an excess of bone on the femoral head or neck and the acetabular rim. An MRI can reveal fraying or tears of the cartilage and labrum. Sometimes it is necessary to find a way to differentiate pain radiating from the hip joint and pain radiating from the lower back or abdomen.","Femoro-acetabular impingement (FAI) occurs when the ball (head of the femur) does not have its full range of motion within the socket (acetabulum of the pelvis). This causes a decreased range of hip joint motion, in addition to pain.","If the source of your pain is difficult to pinpoint, seek help from a hip or spine specialist. The specialist may order an injection of lidocaine, or they may perform diagnostic/therapeutic hip injection under fluoroscopy or ultrasound.","An examination will help to determine what’s causing the soreness, since hip pain can actually come from the hip as well as the spine, pelvis or leg. While waiting to see your physician, there are activity modifications and exercises that may help to relieve some of the discomfort. View activities and exercises.","Avascular necrosis, or AVN, is a serious condition marked by death of hip bone at the joint. The pain is usually worse and far more constant than in osteoarthritis. “People come to me saying, ‘My hip is killing me,’” says Dr. Murray.","1 If the pain is coming from the hip joint, the injection provides the patient with pain relief. 2 The injection serves to identify the point of origin of the pain. 3 If the pain is a result of impingement, a hip injection that relieves pain confirms that the pain is from the hip and not from the back.","Causes of Hip pain listed in Disease Database: Other medical conditions listed in the Disease Database as possible causes of Hip pain as a symptom include: 1 Aseptic necrosis of bone. 2 Fracture, neck of femur. 3 Hip dysplasia, congenital. 4 Juvenile osteochondrosis of head of femur. 5 Multiple epiphyseal dysplasia. 6 Osteochondritis dissecans. 7 Slipped upper femoral epiphysis.","Surprisingly, hip problems usually produce groin pain on the affected side. That’s because the actual joint of the hip is near the spine. “Groin pain is a hip issue until proven otherwise,” says back pain specialist Russell DeMicco, DO. “Pain above the belt line is not a hip issue.”. The most common cause of hip pain is osteoarthritis of the hip joint."],"url":["https://health.clevelandclinic.org/2015/08/oh-my-aching-back-or-is-it-my-hip/","https://www.hss.edu/hip-pain-center-frequently-asked-questions.asp","https://www.hss.edu/hip-pain-center-frequently-asked-questions.asp","https://www.hss.edu/hip-pain-center-frequently-asked-questions.asp","https://health.clevelandclinic.org/2015/08/oh-my-aching-back-or-is-it-my-hip/","https://www.hss.edu/hip-pain-center-frequently-asked-questions.asp","https://health.clevelandclinic.org/2015/08/oh-my-aching-back-or-is-it-my-hip/","https://www.hss.edu/hip-pain-center-frequently-asked-questions.asp","http://www.rightdiagnosis.com/symptoms/hip_pain/causes.htm","https://health.clevelandclinic.org/2015/08/oh-my-aching-back-or-is-it-my-hip/"]},"query":"what causes my hip pain","query_id":590061,"query_type":"DESCRIPTION","wellFormedAnswers":[]},"truncated_cells":[]},{"row_idx":368,"row":{"answers":["Kyle Richards Net Worth is $20 Million."],"passages":{"is_selected":[1,0,0,0,0,0,0,0,0,0],"passage_text":["Kyle Richards Net Worth is $20 Million. Kyle Richards Net Worth is $20 Million. Kyle Richards is an actress of film and television, with a net worth of $20 million. Kyle Richards earned her net worth through her acting roles in films and her appearances in several television shows, includi. Kyle Egan Richards (born Jan...","Kyle Richards. Kyle Richards Net Worth is $20 Million. Kyle Richards is an actress of film and television, with a net worth of $20 million. Kyle Richards earned her net worth through her acting roles in films and her appearances in several television shows, includi. Kyle Egan Richards (born Jan... Kyle Richards Net Worth is $20 Million. Kyle Richards is an actress of film and television, with a net worth of $20 million. Kyle Richards earned her net worth through her acting roles in films and her appearances in several television shows, includi Kyle Egan Richards is an American actress and television personality.","Kyle Richards Net Worth is $20 Million. Kyle Richards Net Worth is $20 Million. Kyle Richards is an actress of film and television, with a net worth of $20 million. Kyle Richards earned her net worth through her acting roles in films and her appearances in several television shows, includi Kyle Egan Richards is an American actress and television personality.","Mauricio and Kyle may seem like the perfect couple, but, much like many celebrity couples, they have had to deal with cheating allegations. Many of their fellow cast members on the Real Housewives of Beverly Hills said they wouldn’t believe Mauricio to cheat for even a second. In April 2013, a source told Star:","In addition to her not stacking up to the likes of Lisa Vanderpump, Camille Grammer, and Adrienne Maloof, who have all starred on the series at one point or another, Richards’ net worth is also substantially less than her younger sister, Kyle Richards. Bustle claims Kyle’s net worth is a whopping $30 million, according to CelebrityNetWorth, and she makes a reported $270,000 per episode of the show, while Richards rakes in just $100,000. Although it is normal for stars of the Bravo series to make different amounts, the amounts normally differ based on how long they’ve been on the show and whether or not they appear full-time.","How Much is Kyle Richards Worth? Kyle Richards is an Actress, Television personality. According to Forbes, Kyle Richards Net Worth in May 2017 reached $20 Million.","How Much is Kyle Richards Worth? Kyle Richards is a Actress, Television personality. According to Forbes, Kyle Richards Net Worth in May 2017 reached $20 Million.","Mauricio Umansky is the sexy, level-headed husband of Kyle Richards from the Real Housewives of Beverly Hills. With a net worth of an estimated $30 million, Mauricio is a very successful real estate mogul. Mauricio and Kyle have been married since 1996 and have four daughters – Portia, Alexia, Sophia and Farrah. Kyle actually converted to Judaism when she married Mauricio.","How Much Is Kyle Richards Income, How Much Is Kyle Richards Net Worth, How Much Is Kyle Richards Salary, How Much Kyle Richards Worth, Kyle Richards, Kyle Richards Address, Kyle Richards Age, Kyle Richards And Mauricio, Kyle Richards And Mauricio Umansky, Kyle Richards Background, Kyle Richards Bio, Kyle Richards Blog, Kyle Richards Book, Kyle ...","Below you will find a detailed look at just how rich the women of RHOBH are! Celebrity Net Worth breaks down how wealthy each lady is! Taylor Armstrong is worth $400,000. Kim Richards is worth $1 million. Brandi Glanville is worth $4.7 million. Marisa Zanuck is worth $5 million, and her husband, movie producer Dean Zanuck, is worth $20 million. Yolanda Hadid Foster is worth $15 million, and her husband music producer David Foster, is worth $30 million. Kyle Richards is worth $20 million, and her husband Mauricio Umansky is worth $100 million. Camille Grammer is worth $50 million. Lisa Vanderpump is worth $65 million, and her husband Ken Todd is worth $85 million. Adrienne Maloof is worth $300 million."],"url":["http://www.getnetworth.com/tag/kyle-richards-necklace/","http://www.getnetworth.com/tag/how-much-kyle-richards-worth/","http://www.getnetworth.com/tag/kyle-richards-necklace/","https://heavy.com/entertainment/2014/11/mauricio-umansky-kyle-richards-husband-net-worth-cheating-daughters-mother-spoilers-real-housewives-of-beverly-hills/","https://www.inquisitr.com/2155887/net-worth-update-kim-richards-isnt-worth-as-much-as-one-might-think/","https://www.howrichest.com/kyle-richards-net-worth/","https://www.howrichest.com/kyle-richards-net-worth/","https://heavy.com/entertainment/2014/11/mauricio-umansky-kyle-richards-husband-net-worth-cheating-daughters-mother-spoilers-real-housewives-of-beverly-hills/","http://www.getnetworth.com/tag/how-much-kyle-richards-worth/","http://allthingsrh.com/how-much-are-the-rhobh-worth-how-rich-are-they/"]},"query":"how much is kyle richards worth","query_id":322457,"query_type":"NUMERIC","wellFormedAnswers":[]},"truncated_cells":[]},{"row_idx":369,"row":{"answers":["Yes"],"passages":{"is_selected":[0,0,0,0,1,0,0,0,0,0],"passage_text":["RE: Does your temperature rise/drop before or after your period? I am charting my basal temp for the first time this month. I know that my temp rises 1-2 days after ovulation. But I am wondering when the menstral change occurs-before or after my period and does it rise or fall?","Relax: Excellent that you monitor your B/P. The change you are noticing is a slight variant but normal reflection of the hormonal influences on your blood pressure during your cycle. The diastolic, (second number), is the most important long term and you should seek care if it routinely goes above 90 to 100.","Before ovulation, early morning temperatures typically range from about 97 degrees to 97.5 degrees Fahrenheit (36.11 to 36.38 degrees Celsius), and after ovulation, they usually rise to about 97.6 degrees to 98.6 degrees Fahrenheit (36.44 to 37 Celsius).","It’s helpful to use a special basal or digital thermometer to get readings that are precise enough to track such small changes. After ovulation, your temperature usually remains elevated until your next period, about two weeks later. But if you become pregnant, it remains high for more than 18 days. The important concept to understand is your pattern of low and high temperatures. Your temperatures before ovulation fluctuate in a low range, and the temperatures after ovulation fluctuate in a higher range.","Best Answer: It really depends upon the person. Your temp will fall, but some women experience a gradual fall a few days before...others may see a drop the day OF, the day BEFORE, etc. It really depends. You can't bank on post-ovulatory temps, alone, to determine if you are pregnant. It just doesn't work that way.","People also viewed. 1 Talk to a doctor live online for free. 2 Does your body temperature rise before your period? 3 Does your temperature rise during pregnancy? 4 Does your temperature rise before your period? 5 Ask a doctor a question free online. 6 What does dark blood mean during your period? 7 Does your body temperature drop or rise when ovulating? 8 Why ...","1 The time from a woman’s period until ovulation varies, but it is often about two weeks. 2 Sperm can live in fertile-quality cervical fluid for up to five days, though typically they live only about two days.","The easiest way to estimate when you'll ovulate is to count back. First, figure out what day your next period will probably start. (If your period is very irregular, this method won't work for you.). From that day, count back 12 days and then another four. You're most likely to ovulate during this five-day range. If you're one of the many women who have a 28-day cycle, there's a good chance you’ll ovulate on day 14. (Day 1 is the first day of your period; day 28 is the last day before day 1 of your next period.). Get help counting the days.","About a week or so before my period starts, during my period and sometimes a few days after ,I run a temperature that ranges 99 - 100. 4. Get help from a doctor now ›. It's normal: This is a normal component of the menstrual cycle.","(Your basal body temperature, or BBT, is your lowest body temperature in a 24-hour period.) This tiny uptick is only 0.4 to 1.0 degree Fahrenheit. You can detect it by taking your BBT every morning with a special thermometer."],"url":["https://answers.yahoo.com/question/index?qid=20061204073252AAvDevW","https://www.healthtap.com/topics/does-your-temperature-rise-during-your-period","http://www.ourbodiesourselves.org/health-info/charting-your-menstrual-cycle/","http://www.ourbodiesourselves.org/health-info/charting-your-menstrual-cycle/","https://answers.yahoo.com/question/index?qid=20061204073252AAvDevW","https://www.healthtap.com/topics/does-your-temperature-rise-during-your-period","http://www.ourbodiesourselves.org/health-info/charting-your-menstrual-cycle/","http://www.babycenter.com/0_predicting-ovulation_484.bc","https://www.healthtap.com/topics/does-your-temperature-rise-during-your-period","http://www.babycenter.com/0_predicting-ovulation_484.bc"]},"query":"does your body temperature fall before your period","query_id":174311,"query_type":"NUMERIC","wellFormedAnswers":[]},"truncated_cells":[]},{"row_idx":370,"row":{"answers":["The head is tucked down to the chest. The arms and legs are drawn in towards the center of the chest."],"passages":{"is_selected":[0,0,0,0,0,0,0,0,1,0],"passage_text":["A position, resembling that of the fetus in the womb, sometimes adopted by a child or adult in a state of distress or withdrawal. The position is one in which the body is drawn into itself. The head is bent forward, the spine is curved, the arms are crossed over the chest and the hips and knees are fully bent (flexed).","Certain terms are used to describe your baby's position and movement through the birth canal. FETAL STATION. Fetal station refers to where the presenting part is in your pelvis. The presenting part. The presenting part is the part of the baby that leads the way through the birth canal. Most often, it is the baby's head, but it can be a shoulder, the buttocks, or the feet.","Fetal station refers to where the presenting part is in your pelvis. 1 The presenting part. The presenting part is the part of the baby that leads the way through the birth canal. Most often, it is the baby's head, but it can be a shoulder, the buttocks, or the feet. Ischial spines.","Related to fetal position: fetal presentation. the relationship of the part of the fetus that presents in the pelvis to the four quadrants of the maternal pelvis, identified by initial L (left), R (right), A (anterior), and P (posterior). The presenting part is also identified by initial O (occiput), M (mentum), and S (sacrum). If a fetus presents with the occiput directed to the posterior aspect of the mother's right side, the fetal position is right occiput posterior (ROP). Compare fetal attitude, fetal presentation.","Fetal position reflects the orientation of the fetal head or butt within the birth canal. This will close as the baby grows during the 1st year of life, but at birth, it is open. The anterior fontanel is an obstetrical landmark because of its' distinctive diamond shape.","The bones of the fetal scalp are soft and meet at suture lines.. Over the forehead, where the bones meet, is a gap, called the anterior fontanel, or soft spot.. This will close as the baby grows during the 1st year of life, but at birth, it is open.","The terms used for breech positions are the same as for cephalic positions, except the sacrum of the fetus is used as the identifying landmark, instead of the occiput. Sacrum Anterior (SA) means the fetal sacrum is closest to the mother's symphysis.","fetal maternal rotation. alteration of the longitudinal relationship of the fetus to the dam effected per vaginam by manipulation with the hand or an obstetric crutch, or externally by casting the dam and rolling her from side to side while the fetus is held in position via a hand in the vagina.","The fetal attitude describes the position of the parts of your baby's body. The normal fetal attitude is commonly called the fetal position. 1 The head is tucked down to the chest. The arms and legs are drawn in towards the center of the chest.","The goal is to find the easiest way out. Certain body positions give the baby a smaller shape, which makes it easier for your baby to get through this tight passage. The best position for the baby to pass through the pelvis is with the head down and the body facing toward the mother's back."],"url":["http://medical-dictionary.thefreedictionary.com/fetal+position","https://medlineplus.gov/ency/article/002060.htm","https://medlineplus.gov/ency/article/002060.htm","http://medical-dictionary.thefreedictionary.com/fetal+position","http://brooksidepress.org/Products/Military_OBGYN/Textbook/AbnormalLandD/fetal_position.htm","http://brooksidepress.org/Products/Military_OBGYN/Textbook/AbnormalLandD/fetal_position.htm","http://brooksidepress.org/Products/Military_OBGYN/Textbook/AbnormalLandD/fetal_position.htm","http://medical-dictionary.thefreedictionary.com/fetal+position","https://medlineplus.gov/ency/article/002060.htm","https://medlineplus.gov/ency/article/002060.htm"]},"query":"what is fetal position","query_id":746991,"query_type":"DESCRIPTION","wellFormedAnswers":[]},"truncated_cells":[]},{"row_idx":371,"row":{"answers":["Compaction is the reduction of pore space in sediment as a result of the weight of the overlying sediments."],"passages":{"is_selected":[0,0,0,0,0,0,0,0,0,1],"passage_text":["_____ is the reduction of pore space in sediment as a result of the weight of the overlying sediments a _____ is a wave-resistant structure that is built from marine invertebrates A turbulent gravity driven flow consisting of water and sediment is known as _____ current","a biogenic sediment that forms from the accumulation of planyt debris is known as _____ name a category of sedimentary rocks formed by the precipitation of minerals dissolved in a lake, river, or seawater?","1 Deposition - Sediment is deposited when the energy of the transporting medium becomes too low to continue the transport process. In other words, if the velocity of the transporting medium becomes too low to transport sediment, the sediment will fall out and become deposited.","the bonneville salt flats in utah are primarily composed of _____- sediments _____ is the reduction of pore space in a rock due to the weight of the overlying sediment Recent Class Questions","Examples. 1 Beach deposits and wind blown deposits generally show good sorting because the energy of the transporting medium is usually constant. 2 Stream deposits are usually poorly sorted because the energy (velocity) in a stream varies with position in the stream and time.","SCIN 138 SCIN138 Final Exam 4 Answers (American Public University) 1 The group of processes that transform sediments into rock is known as 2 _____. _____ is the reduction of pore space in a rock due to the weight of the overlying sediment. 3 Flowing regolith that is not saturated with water is known as a _______ flow.","The distance the sediment is transported and the energy of the transporting medium all leave clues in the final sediment that tell us something about the mode of transportation. Deposition - Sediment is deposited when the energy of the transporting medium becomes too low to continue the transport process.","The formation of a clastic sediment and sedimentary rocks involves five processes: 1 Weathering - The first step is transforming solid rock into smaller fragments or dissolved ions by physical and chemical weathering as discussed in the last lecture. 2 Erosion - Erosion is actually many process which act together to lower the surface of the earth.","The processes by which the sediment becomes lithified into a hard sedimentary rock is called diagenesis and includes all physical, chemical and biological processes that act on the sediment. The first step in diagenesis is the compaction of the sediment and loss of water as a result of the weight of the overlying sediment. Compaction and burial may cause recrystallization of the minerals to make the rock even harder.","The final sediment thus reflects the energy of the transporting medium. Lithification (Diagenesis) - Lithification is the process that turns sediment into rock. The first stage of the process is compaction. Compaction occurs as the weight of the overlying material increases. Compaction forces the grains closer together, reducing pore space and eliminating some of the contained water. Some of this water may carry mineral components in solution, and these constituents may later precipitate as new minerals in the pore spaces."],"url":["https://www.studyblue.com/notes/note/n/geology-3/deck/14381006","https://www.studyblue.com/notes/note/n/geology-3/deck/14381006","http://www.tulane.edu/~sanelson/eens1110/sedrx.htm","https://www.studyblue.com/notes/note/n/geology-3/deck/14381006","http://www.tulane.edu/~sanelson/eens1110/sedrx.htm","https://studentoffortunefix.com/products/scin-138-scin138-final-exam-4-answers-american-public-university","http://www.tulane.edu/~sanelson/eens1110/sedrx.htm","http://www.tulane.edu/~sanelson/eens1110/sedrx.htm","http://www.tulane.edu/~sanelson/eens1110/sedrx.htm","http://www.tulane.edu/~sanelson/eens1110/sedrx.htm"]},"query":"is the reduction of pore space in sediment as a result of the weight of the overlying sediments","query_id":1174726,"query_type":"DESCRIPTION","wellFormedAnswers":[]},"truncated_cells":[]},{"row_idx":372,"row":{"answers":["No Answer Present."],"passages":{"is_selected":[0,0,0,0,0,0,0,0,0,0],"passage_text":["The most common causes are fatigue, stress, and eye problems. Nutritional deficiencies or too much of certain substances, such as caffeine and alcohol, can also trigger twitching. Less common but more serious causes of an eyebrow twitch include dehydration, diabetes, and anemia, among other disorders.","Other symptoms include sensitivity to light, sensation of being overwhelmed by complex patterns, or eye pain. Hormonal changes, medications, chemicals in foods and even flashing lights can cause migraines. The migraine episode may only last a few minutes, but typically lasts about 20 to 30 minutes.","Medications, either eye drops or oral, are a common cause of a harmless change in pupil size. More serious causes of unequal pupil size may be due to aneurysm, bleeding inside the skull, brain tumor, excess pressure on an eye due to glaucoma, meningitis, encephalitis, migraines, or seizures.","1 Symptoms may include twitching of the eyelids, forced closure of the eye, spasms of the lower face, and the pulling of the mouth to one side. Trigeminal neuralgia (TGN) is a condition causing shocks of extreme pain in the lips, eyes, nose, scalp, forehead, and jaw, lasting up to two minutes.","General problems in the eyes can also trigger eyebrow twitching. Dry eyes and eye strain can both cause the eyebrow to twitch. Dry eyes may be caused by age, overuse of the eye, or certain medications. Eye strain is also caused by overuse of the eyes, but it can also be caused by vision problems. Eye strain and dry eyes are very treatable, so talk to an eye doctor about symptoms for relief. Nutritional imbalances may also lead to eyebrow twitching.","Symptoms include a severe loss of vision either suddenly or over many days, or visual field deficiencies. At the time of vision loss there will be swelling inside the eye which can be detected by an eye care professional. The condition often occurs in the middle-aged or elderly.","Eyelid and Facial spasm. Eyelid spasms are small muscle spasms that may occur in the upper or lower eyelid. Typically, these twitches are harmless spasms in the muscles around the eye. They can be felt by the patient and sometimes seen by others.","Some medical problems are thought to be the cause of eyebrow twitching. Dehydration, hypothyroidism, and lupus have been linked to eyebrow spasms. The flu, some nerve disorders, and food poisoning may also trigger this condition. These causes are significantly less common than stress or fatigue, but they do occur.","Depending on which part of the nervous system is affected, symptoms could include headache, dizziness, memory loss, numbness, pain, vision problems, and difficulty walking. Mount Sinai’s NeuroAIDS Program specializes in diagnosing and treating the full range of HIV-related neurological disorders.","Binocular diplopia occurs when there is misalignment of the eyes. Examples of binocular diplopia include esotropia (crossing of the eyes) or exotropia (one eye “wanders” away to the side). Symptoms of diplopia include seeing a single object as two images."],"url":["http://www.wisegeekhealth.com/what-causes-eyebrow-twitching.htm","http://www.eye.uci.edu/neuroophthalmology.html","http://www.eye.uci.edu/neuroophthalmology.html","http://www.mountsinai.org/patient-care/service-areas/neurology/diseases-and-conditions","http://www.wisegeekhealth.com/what-causes-eyebrow-twitching.htm","http://www.eye.uci.edu/neuroophthalmology.html","http://www.eye.uci.edu/neuroophthalmology.html","http://www.wisegeekhealth.com/what-causes-eyebrow-twitching.htm","http://www.mountsinai.org/patient-care/service-areas/neurology/diseases-and-conditions","http://www.eye.uci.edu/neuroophthalmology.html"]},"query":"neurological symptoms twitching eyebrows up and down","query_id":463634,"query_type":"ENTITY","wellFormedAnswers":[]},"truncated_cells":[]},{"row_idx":373,"row":{"answers":["No Answer Present."],"passages":{"is_selected":[0,0,0,0,0,0,0,0,0,0],"passage_text":["Updated June 30, 2016. Gastroschisis is a birth defect in which an infant is born with some or all of his/her intestines on the outside of the abdomen due to an abnormal opening in the abdominal muscle. The opening can range from small to large, and in some cases other organs can also protrude through the hole. Young mothers who use recreational drugs early in pregnancy or who smoke have a higher risk of having an infant born with gastroschisis, but in many cases, it is not known what causes the disorder.","Infants suspected of having pyloric stenosis usually undergo blood tests because the continuous vomiting of stomach acid, as well as the resulting dehydration from fluid losses, can cause salt and other imbalances in the blood that need to be corrected.","This article is about birth in humans. For birth in other mammals, see birth. Childbirth, also known as labour and delivery, is the ending of a pregnancy by one or more babies leaving a woman's uterus. In 2015 there were about 135 million births globally. About 15 million were born before 37 weeks of gestation, while between 3 and 12% were born after 42 weeks.","Story on growing number of gastroschisis cases - a birth defect in which babies are born with their intestines outside their bodies.. Rare Diseases. Gastroschisis is a birth defect in which an infant is born with some or all of his/her intestines on the outside of the abdomen due to an abnormal opening in the abdominal muscle.","Pyloric stenosis, a condition that may affect the gastrointestinal tract during infancy, isn't normal — it can cause your baby to vomit forcefully and often and may cause other problems such as dehydration and salt and fluid imbalances. Immediate treatment for pyloric stenosis is extremely important.","Abdominal wall surgery. Abdominal wall surgery is a procedure that improves the appearance of flabby, stretched-out abdominal (belly) muscles and skin. It is often called a tummy tuck. It can range from a simple mini-tummy tuck to more extensive surgery. Abdominal wall surgery is not the same as liposuction, which is another way to remove fat. But abdominal wall surgery is sometimes combined with liposuction.","In brief: Birth anatomy. Your question needs slightly more info. There is a term called malrotation and deals with abnormal rotation of the blood vessels an the small intestine and colon. Another possibility is if there is a defect of the diaphragm that allow the stomach to come through and twist. Ultimately it is usually an abnormal rotation of the intestines and blood supply. Can't be prevented or foreseen.","Any dehydration or electrolyte problems in the blood will be corrected with intravenous (IV) fluids, usually within 24 hours. A surgical procedure called pyloromyotomy, which involves cutting through the thickened muscles of the pylorus, is performed to relieve the blockage that results from pyloric stenosis. The pylorus is examined through a very small incision, and the muscles that are overgrown and thickened are spread and relaxed.","a temporary organ that forms within the uterus to allow the exchange of nutrients, oxygen, and waste between the mother and the fetus without allowing maternal and fetal blood to mix.","A labour ward, also called a delivery ward or labour and delivery, is generally a department of a hospital that focuses on providing health care to women and their children during childbirth. It is generally closely linked to the hospital's neonatal intensive care unit and/or obstetric surgery unit if present."],"url":["https://www.verywell.com/gastroschisis-2860917","http://kidshealth.org/en/parents/pyloric-stenosis.html","https://en.wikipedia.org/wiki/Childbirth","https://www.verywell.com/gastroschisis-2860917","http://kidshealth.org/en/parents/pyloric-stenosis.html","https://medlineplus.gov/ency/article/002978.htm","https://www.healthtap.com/user_questions/507225-what-causes-a-twisted-stomach-in-a-child","http://kidshealth.org/en/parents/pyloric-stenosis.html","https://quizlet.com/3998316/medical-terminology-ch-14-pregnancy-and-childbirth-vocab-flash-cards/","https://en.wikipedia.org/wiki/Childbirth"]},"query":"what is child delivery thru stomach called","query_id":730063,"query_type":"DESCRIPTION","wellFormedAnswers":[]},"truncated_cells":[]},{"row_idx":374,"row":{"answers":["No Answer Present."],"passages":{"is_selected":[0,0,0,0,0,0,0,0,0,0],"passage_text":["Nash Grier (born December 28, 1997) is an American internet personality.He became known for his online Vine videos in early 2013.s of July 2015, Nash has amassed over 12 million Vine followers, 4.4 million subscribers on his YouTube channel, 4.8 million Twitter followers and his Instagram account with 8 million followers. His second Vine account, Nash Grier 2, where he post less scripted videos, has amassed more than 2 million followers.","Watch ohmygrier's Vine if you didn't already, make sure you add nash on snapchat: lifeofnash 👻 it gets pretty crazy ;). Uploaded at 2015-09-02T20:05:16. if you didn't already, make sure you add nash on snapchat: lifeofnash 👻 it gets pretty crazy 1 ;). 975506 Loops.2 19663 Likes. 3 4498 Revines. 4 429 Comments.atch Nash Grier's Vine My first ever music video that I directed is up on my channel YOUTUBE.COM/GRIERNASH you HAVE to go see this!. Uploaded at 2015-08-18T21:25:37. My first ever music video that I directed is up on my channel YOUTUBE.COM/GRIERNASH you HAVE to go see this!","Nash Grier was a freshman at Davidson Day School when the mobile app Vine was released which allows users to post looping 6 second videos for others to view. Grier began to post comedy related videos for friends and classmates and quickly amassed a wider fanbase.s of July 2015, Nash has amassed over 12 million Vine followers, 4.4 million subscribers on his YouTube channel, 4.8 million Twitter followers and his Instagram account with 8 million followers. His second Vine account, Nash Grier 2, where he post less scripted videos, has amassed more than 2 million followers.","About. Nash Grier is a video blogger known for his active presence and large following on the video-sharing mobile app Vine, where he became the most-followed user in January 2014.n July 8th, 2014, Gawker published a post titled “16-Year-Old Vine Celebrity Nash Grier Uploaded And Deleted A Video Saying Only Gay People Get HIV ,” which featured the angry responses of Twitter users towards Grier. The same day several sites covered the Vine including Gawker and Hollywood Life.","On April 11th, 2014, Vine user MuneraIsFab uploaded a Vine clip created by Nash Grier which he has since deleted, which features a PSA for HIV testing and ends with Grier yelling “fag.” Within three months the Vine gained over 1.4 millions loops.n July 8th, 2014, Gawker published a post titled “16-Year-Old Vine Celebrity Nash Grier Uploaded And Deleted A Video Saying Only Gay People Get HIV ,” which featured the angry responses of Twitter users towards Grier. The same day several sites covered the Vine including Gawker and Hollywood Life.","As of July 2015, Nash has amassed over 12 million Vine followers, 4.4 million subscribers on his YouTube channel, 4.8 million Twitter followers and his Instagram account with 8 million followers. His second Vine account, Nash Grier 2, where he post less scripted videos, has amassed more than 2 million followers.Grier's team has confirmed that major brands will pay the internet star between $25,000-$100,000 to advertise their products in his Vines.s of July 2015, Nash has amassed over 12 million Vine followers, 4.4 million subscribers on his YouTube channel, 4.8 million Twitter followers and his Instagram account with 8 million followers. His second Vine account, Nash Grier 2, where he post less scripted videos, has amassed more than 2 million followers.","Watch Nash Grier's Vine My first ever music video that I directed is up on my channel YOUTUBE.COM/GRIERNASH you HAVE to go see this!. Uploaded at 2015-08-18T21:25:37. My first ever music video that I directed is up on my channel YOUTUBE.COM/GRIERNASH you HAVE to go see this!atch Nash Grier's Vine My first ever music video that I directed is up on my channel YOUTUBE.COM/GRIERNASH you HAVE to go see this!. Uploaded at 2015-08-18T21:25:37. My first ever music video that I directed is up on my channel YOUTUBE.COM/GRIERNASH you HAVE to go see this!","On April 16th, Grier created a feed on the video blogging service Vine, where he shares short sketch videos featuring slapstick comedy, lip dubs and his fellow video blogger friends. On October 13th, a Facebook fan page for Grier was launched.n July 8th, 2014, Gawker published a post titled “16-Year-Old Vine Celebrity Nash Grier Uploaded And Deleted A Video Saying Only Gay People Get HIV ,” which featured the angry responses of Twitter users towards Grier. The same day several sites covered the Vine including Gawker and Hollywood Life.","On July 8th, 2014, Gawker published a post titled “16-Year-Old Vine Celebrity Nash Grier Uploaded And Deleted A Video Saying Only Gay People Get HIV ,” which featured the angry responses of Twitter users towards Grier. The same day several sites covered the Vine including Gawker and Hollywood Life.n July 8th, 2014, Gawker published a post titled “16-Year-Old Vine Celebrity Nash Grier Uploaded And Deleted A Video Saying Only Gay People Get HIV ,” which featured the angry responses of Twitter users towards Grier. The same day several sites covered the Vine including Gawker and Hollywood Life.","been eatin since '00 vote-e.abc.go.com/shows/dancing-with-the-stars/vote/season-21.een eatin since '00 vote-e.abc.go.com/shows/dancing-with-the-stars/vote/season-21."],"url":["https://en.wikipedia.org/wiki/Nash_Grier","https://vine.co/griernash","https://en.wikipedia.org/wiki/Nash_Grier","http://knowyourmeme.com/memes/people/nash-grier","http://knowyourmeme.com/memes/people/nash-grier","https://en.wikipedia.org/wiki/Nash_Grier","https://vine.co/griernash","http://knowyourmeme.com/memes/people/nash-grier","http://knowyourmeme.com/memes/people/nash-grier","https://www.instagram.com/hayesgrier/"]},"query":"what does nash grier look like now 2016","query_id":644028,"query_type":"DESCRIPTION","wellFormedAnswers":[]},"truncated_cells":[]},{"row_idx":375,"row":{"answers":["No Answer Present."],"passages":{"is_selected":[0,0,0,0,0,0,0,0,0,0],"passage_text":["1 Your doctor or pharmacist will usually tell you how many Zantac tablets to take and how often to take them. 2 You will also find this information on the label of your medicine. 3 The normal adult dosage is 150 to 300 milligrams per day, taken as one 150 mg tablet once or twice a day, or one 300 mg tablet at bedtime.","Zantac (ranitidine) belongs to a group of drugs called histamine-2 blockers. Zantac works by reducing the amount of acid your stomach produces. Zantac is used to treat and prevent ulcers in the stomach and intestines.","Do not take over-the-counter ranitidine for longer than 2 weeks unless your doctor tells you to. If symptoms of heartburn, acid indigestion, or sour stomach last longer than 2 weeks, stop taking ranitidine and call your doctor.","Ranitidine comes as a tablet, an effervescent tablet, effervescent granules, and a syrup to take by mouth. It is usually taken once a day at bedtime or two to four times a day. Over-the-counter ranitidine comes as a tablet to take by mouth. It is usually taken once or twice a day.","Zantac (ranitidine) belongs to a group of drugs called histamine-2 blockers. Zantac works by reducing the amount of acid your stomach produces.","For the treatment of stomach ulcers or duodenal ulcers in children or babies, the recommended Zantac dosage is usually 2 mg to 4 mg per kg (a little less than 1 mg to 2 mg per pound) twice daily.","For treating GERD or erosive esophagitis in children or babies, the ranitidine dose is 5 mg to 10 mg per kg (a little less than 2.5 mg to 5 mg per pound) total per day. This is usually split up into two doses per day. (Click Zantac for Babies for more information on using ranitidine in young children.).","Ranitidine is used to treat ulcers; gastroesophageal reflux disease (GERD), a condition in which backward flow of acid from the stomach causes heartburn and injury of the food pipe (esophagus); and conditions where the stomach produces too much acid, such as Zollinger-Ellison syndrome.","Ranitidine Dosing for Ulcers. For the treatment of stomach ulcers or duodenal ulcers in children or babies, the ranitidine dose is 2 mg to 4 mg per kg (a little less than 1 mg to 2 mg per pound) twice daily. The total amount per day should not exceed 300 mg (this is only an issue with larger children).","Zantac Dosing for Ulcers. For the treatment of stomach ulcers or duodenal ulcers in children or babies, the recommended Zantac dosage is usually 2 mg to 4 mg per kg (a little less than 1 mg to 2 mg per pound) twice daily. The total amount per day should not exceed 300 mg (this is only an issue with larger children)."],"url":["http://www.mydr.com.au/medicines/cmis/zantac-tablets","http://www.drugs.com/zantac.html","https://www.nlm.nih.gov/medlineplus/druginfo/meds/a601106.html","https://www.nlm.nih.gov/medlineplus/druginfo/meds/a601106.html","http://www.drugs.com/zantac.html","http://gerd.emedtv.com/zantac/zantac-dosage-p2.html","http://digestive-system.emedtv.com/ranitidine/ranitidine-dosing-p2.html","https://www.nlm.nih.gov/medlineplus/druginfo/meds/a601106.html","http://digestive-system.emedtv.com/ranitidine/ranitidine-dosing-p2.html","http://gerd.emedtv.com/zantac/zantac-dosage-p2.html"]},"query":"Directions for Taking Zantac","query_id":2754,"query_type":"DESCRIPTION","wellFormedAnswers":[]},"truncated_cells":[]},{"row_idx":376,"row":{"answers":["No Answer Present."],"passages":{"is_selected":[0,0,0,0,0,0,0,0,0,0],"passage_text":["• Gift giving — accepting from or giving to a particular client. The supervisor should explore the meaning of the gift and perception of changed relationship. • Boundary problems in home — Family-based services can create ambiguous situations, and the supervisor needs to explore potentially changed relationships.","These examples were actual supervisory situations presented in a supervision workshop. Supervisor-employee relationships can potentially be ethical quagmires. Supervisors must be cognizant not only of their employees’ ethical decisions but also of their own ethical behavior.","Yet, there are times when these guidelines and standards differ with agency policy or norm, resulting in an ethical dilemma for the supervisor. Today’s complex practice settings cause increasing ethical conflicts. Ethical dangers in supervision can occur in both the administrative and clinical aspects of practice.","A certified copy is a copy (often a photocopy) of a primary document, that has on it an endorsement or certificate that it is a true copy of the primary document. It does not certify that the primary document is genuine, only that it is a true copy of the primary document. A certified copy is often used in English-speaking common law countries as a convenient way of providing a copy of documents.","One of the supervisor’s tasks is to provide professional socialization, to not only cultivate skills but also instill professional conscience. Certainly, modeling professional behavior is one way of teaching it. An ethical concern arises when there is uncertainty or conflict about values.","You can change your first name to your middle name and then choose the name you want. That way you aren’t losing the name they gave, you’re just adding another one. Also if they still call you by your current name, you can tell people it’s your middle name and you only your family uses it.","1 I certify that this is a true and correct copy of a document in the possession of A.B. (NH). 2 On this DD day of MONTH, YYYY I certify that the ______ document is a true, exact, complete and unaltered copy of the original.","For example, a birth certificate in Russian is to be used in an English-speaking country. Typically, the document must be translated professionally and have the professional's certificate of accuracy attached to the translation together with a copy of the primary document.","I found a way around that. Make your current name your middle name and then you can pick whatever you want as your first name. When people ask you just say “oh that’s my middle name but I don’t use it anymore”. and I agree with the strangers not caring about pronouncing it! The same thing happens to me.","Both supervisors and supervisees can learn from this comprehensive review of social work supervision issues. Maintaining professional ethics in the supervisory process can pose unique challenges. The same ethical violations that can occur in a therapeutic relationship can be paralleled in a supervisory relationship."],"url":["http://www.socialworktoday.com/archive/julyaug2007p34.shtml","http://www.socialworktoday.com/archive/julyaug2007p34.shtml","http://www.socialworktoday.com/archive/julyaug2007p34.shtml","https://en.wikipedia.org/wiki/Certified_copy","http://www.socialworktoday.com/archive/julyaug2007p34.shtml","https://blog.bufferapp.com/lessons-learned-from-changing-my-name","https://en.wikipedia.org/wiki/Certified_copy","https://en.wikipedia.org/wiki/Certified_copy","https://blog.bufferapp.com/lessons-learned-from-changing-my-name","http://www.socialworktoday.com/archive/julyaug2007p34.shtml"]},"query":"what does it means significance of signing this document and what it means for you professionally and personally im the him confindentl","query_id":548837,"query_type":"DESCRIPTION","wellFormedAnswers":[]},"truncated_cells":[]},{"row_idx":377,"row":{"answers":["No Answer Present."],"passages":{"is_selected":[0,0,0,0,0,0,0,0,0,0],"passage_text":["If you're interested in a new A/C unit, it's good to know how to determine the costs of a central air conditioning system. 1: Chose the ideal air conditioner size The first step in getting a new air conditioner unit installed is determining what size you'll need.","HVAC System Average Costs. For a 1,000 square foot home, the cost of an HVAC system is $6,000 to $12,000, including a new furnace, air conditioning unit, and ductwork. For larger homes and more complex setups, however, the price could be significantly higher.","This buying guide, however, will focus on the main HVAC system components. 1 They include the following: 2 Furnace: The heat in an HVAC system is typically supplied by a natural gas or oil fired furnace housed inside a designated closet space, basement, or attic.","HVAC System Average Costs. 1 For a 1,000 square foot home, the cost of an HVAC system is $6,000 to $12,000, including a new furnace, air conditioning unit, and ductwork. For larger homes and more complex setups, however, the price could be significantly higher. For central air-conditioning, you'll pay $3,000 to $5,000 and up for a 2,000 square foot home.","3: Earn tax credits and R-22 for new A/C units. To offset the cost of air conditioning, it's possible to find rebates or tax breaks from federal or state agencies. Unfortunately, federal tax credits expired at the end of 2013 for residential systems that are Energy Star-rated and aren't part of a new home build.","HVAC, short for Heating, Ventilation and Air-Conditioning, refers to equipment that is used to regulate the temperature, humidity and air quality of a residential or commercial building. In this guide you'll learn more about the components of a home HVAC system in addition to how much it costs to install one. Parts of an HVAC System . In new construction, an HVAC system almost always refers to central air conditioning and heating units (furnaces), the ductwork that delivers the cooled and heated air, and the intake and outtake vents.","Learn how the tonnage measurement affects your air conditioning and heating system. 3: Earn tax credits and R-22 for new A/C units To offset the cost of air conditioning, it's possible to find rebates or tax breaks from federal or state agencies. Unfortunately, federal tax credits expired at the end of 2013 for residential systems that are Energy Star-rated and aren't part of a new home build. You can check the Energy Star website for current tax credit information.","A new furnace in a central heating system costs $2,500 to $7,500 or more. If you don't need ductwork, the cost of a new heating and cooling system can be significantly decreased. In cases where new HVAC duct is required, however, you might pay $1,000 to $3,000. Use Our Free Service and Find HVAC System Companies Near You","But each step up the cooling ladder comes with a commensurate cost. If you're interested in a new A/C unit, it's good to know how to determine the costs of a central air conditioning system. The first step in getting a new air conditioner unit installed is determining what size you'll need.","They include the following: 1 Furnace: The heat in an HVAC system is typically supplied by a natural gas or oil fired furnace housed inside a designated closet space, basement, or attic. 2 Air Conditioner: The air conditioning unit, unlike the furnace, is placed outside of the home and powered by electricity."],"url":["https://www.angieslist.com/articles/how-much-does-installing-new-ac-cost.htm","http://costowl.com/home-improvement/hvac-system.html","http://costowl.com/home-improvement/hvac-system.html","http://costowl.com/home-improvement/hvac-system.html","https://www.angieslist.com/articles/how-much-does-installing-new-ac-cost.htm","http://costowl.com/home-improvement/hvac-system.html","https://www.angieslist.com/articles/how-much-does-installing-new-ac-cost.htm","http://costowl.com/home-improvement/hvac-system.html","https://www.angieslist.com/articles/how-much-does-installing-new-ac-cost.htm","http://costowl.com/home-improvement/hvac-system.html"]},"query":"cost to replace hvac","query_id":110915,"query_type":"NUMERIC","wellFormedAnswers":[]},"truncated_cells":[]},{"row_idx":378,"row":{"answers":["Lamps made of ceramic or plaster, these were backlit decorative sculptures created in the shape of animals, people, and plants."],"passages":{"is_selected":[0,0,1,0,0,0,0,0,0,0],"passage_text":["A Tiffany lamp is a type of lamp with a glass shade made with glass designed by Louis Comfort Tiffany and his design studio.The most famous was the stained leaded glass lamp. Tiffany lamps are considered part of the Art Nouveau movement.Due to Tiffany's dominant influence on the style, the term 'Tiffany lamp' or 'Tiffany style lamp' has been often used to refer to stained leaded glass lamps even those not made by Louis Comfort Tiffany's company.ue to Tiffany's dominant influence on the style, the term 'Tiffany lamp' or 'Tiffany style lamp' has been often used to refer to stained leaded glass lamps even those not made by Louis Comfort Tiffany's company.","Tiffany and others made bronze and gilt-bronze lamp bases, often simulating plants or tree trunks, and floral or other naturalistic art glass shades with colorful iridescent glass pieces leaded together. Thousands of Tiffany lamps were made, and they're highly collectible today.amps with multiple bulbs and lamps with swiveling necks were also common. So-called TV lamps were also popular in the 1950s. Typically made of ceramic or plaster, these were backlit decorative sculptures created in the shape of animals, people, and plants.","Lamps with multiple bulbs and lamps with swiveling necks were also common. So-called TV lamps were also popular in the 1950s. Typically made of ceramic or plaster, these were backlit decorative sculptures created in the shape of animals, people, and plants... Lava lamps, an icon of the 1960s and 70s, combined heated wax, chemicals, and dyed water to create lava-like imagery.amps with multiple bulbs and lamps with swiveling necks were also common. So-called TV lamps were also popular in the 1950s. Typically made of ceramic or plaster, these were backlit decorative sculptures created in the shape of animals, people, and plants.","Table lamps create ambient light in every room of your home. Table lamps come in various sizes, shapes, and styles, which makes them a perfect way to liven up your existing decor. Décor you can use inspiration from your existing interior design to purchase a lamp for your end, table home, office or bedside. tableable lamps create ambient light in every room of your home. Table lamps come in various sizes, shapes, and styles, which makes them a perfect way to liven up your existing decor. décor","The lamp contains blobs of coloured wax inside a glass vessel filled with clear or translucent liquid; the wax rises and falls as its density changes due to heating from an incandescent light bulb underneath the vessel.The appearance of the wax is suggestive of pāhoehoe lava, hence the name.owever, lava lamps made in China for the U.S. market since 1970 do not use carbon tetrachloride, because its use was banned that year due to toxicity. The manufacturer (Haggerty) states that their current formulation is a trade secret.","The earliest type of lamp, the oil lamp, was a simplistic vessel with an absorbent wick. These were mass-produced starting in the 19th century. Manufacturers typically made the metal base and burner and bought the glass from another manufacturer.amps with multiple bulbs and lamps with swiveling necks were also common. So-called TV lamps were also popular in the 1950s. Typically made of ceramic or plaster, these were backlit decorative sculptures created in the shape of animals, people, and plants.","Tiffany lamps made after 1902 have the model number stamped on their base or base plate. When the shade has a different number, it is stamped into the metal on the inside of the bottom edge. All in all, the studios produced more than 500 designs for lamp bases and another 500-plus designs for shades.iffany lamps made after 1902 have the model number stamped on their base or base plate. When the shade has a different number, it is stamped into the metal on the inside of the bottom edge. All in all, the studios produced more than 500 designs for lamp bases and another 500-plus designs for shades.","A lava lamp (or Astro lamp) is a decorative novelty item, invented by British accountant Edward Craven Walker, the founder of Mathmos, in 1963.owever, lava lamps made in China for the U.S. market since 1970 do not use carbon tetrachloride, because its use was banned that year due to toxicity. The manufacturer (Haggerty) states that their current formulation is a trade secret.","A charming example of the clip-on bell shade task lamp popularized in the 1910's and '20's, this convertible model was made by the Greist Manufacturing Company. Renowned for their sewing machines and sewing accessories, the Greist Mfg.imple and useful, this stick lamp from an unknown maker gets the job done without unnecessary frills. The base is made of a beveled 1 x 6 square of marble, which anchors a worn brass arm with Faries-esque elements. The whole charming scene is capped by a perfectly aged green parabolic shade. A...","Lamps can be made from almost anything. Here are some pictures of different items turned into unique lamps. In my search for home made lamps, I have found everything from the truly beautiful, the the absolutely bizarre.I hope you enjoy. This is a lamp project based on one of Ki Nassauer's projects. It's basically 4 spindles, attached to scrap wood on top and below.amps can be made from almost anything. Here are some pictures of different items turned into unique lamps. In my search for home made lamps, I have found everything from the truly beautiful, the the absolutely bizarre."],"url":["https://en.wikipedia.org/wiki/Tiffany_lamp","http://www.collectorsweekly.com/lamps/overview","http://www.collectorsweekly.com/lamps/overview","http://www.wayfair.com/Lamps-C215429.html","https://en.wikipedia.org/wiki/Lava_lamp","http://www.collectorsweekly.com/lamps/overview","http://www.collectorsweekly.com/lamps/tiffany","https://en.wikipedia.org/wiki/Lava_lamp","http://www.rejuvenation.com/catalog/categories/restored-antiques/lighting/lamps","http://www.robomargo.com/lamps.html"]},"query":"what are lamps made of","query_id":560885,"query_type":"ENTITY","wellFormedAnswers":[]},"truncated_cells":[]},{"row_idx":379,"row":{"answers":["The amount of energy or heat release per unit time."],"passages":{"is_selected":[0,0,0,0,0,0,0,0,0,1],"passage_text":["Fire Intensity. Fire intensity is influenced by environmental conditions, such as fuel load (amount of leaf and grass litter), litter moisture, litter size, air temperature, relative humidity, and wind speed, as well as the firing technique used.","Fire Intensity and Severity. Fire severity is a measure of the physical change in an area caused by burning (Sousa 1984). Although fire intensity is a key component of burn severity, these are two distinct features of fire; the terms are often incorrectly interchanged. Used correctly, fire intensity refers to the rate at which a fire produces heat at the flaming front and should be expressed in terms of temperature or heat yield. Fire severity, on the other hand, describes the immediate effects of fire on vegetation, litter, or soils.","Fire intensity table. Fire intensity, expressed in kilowatts per metre (kW/m), is the amount of energy released from each metre of headfire edge. One kW/m is equivalent to the energy released by a small bar radiator. Fire intensity depends upon how much fuel is burnt and how fast it burns.","It is a. function of the duration of the fire, and relates closely to the amount of surface. fuel, litter and duff consumption, and their moisture content. Ground char is a. qualitative measure of a fire’s heat pulse downward into the soil. It is.","Fire intensity. The most important measure of fire behaviour is fire intensity. Fire intensity (I) represents the heat released per meter of fire front (kW/m of fire front). It is a function of (1) heat yield of fuel (kilojoules/kg), (2) amount of fuel per unit area (kg/m2) and (3) the rate of forward spread of fire front (km/h).","Byram (1959) defined the term as the rate of energy or heat release per unit time, per unit length of fire front, regardless of its depth. However, to avoid confusion with related terms, we suggest the specific term fireline intensity when referring to Byrams definition.","The rate of energy or heat release per unit length of fire front, regardless of its depth (Byram 1959). Fireline intensity is synonymous with the terms Byram's fire intensity (Byram 1959) and frontal fire intensity. It is the numerical product of a fire's rate of spread, fuel consumption, and heat yield at a given point on a fires perimeter. Reaction intensity and total fire flux are examples of other measures of fire intensity. Units.","In addition, more fuel means larger flames and greater fire intensity. Fire behaviour is affected by the moisture content of fuels, which in turn depends on a number of factors such as weather conditions, vegetation types and whether the fuel is dead or living.","Effects of Timing of Fire and Fire Intensity. Fire frequency (or fire-return interval) is the most important factor with regard to how prescribed fire influences vegetation composition and structure. Fire intensity and season of fire are two other factors that can also influence plant communities and thus wildlife communities.","Fire intensity. n. The amount of energy or heat release per unit time. FireWords uses a non-specific definition of fire intensity that encompasses several specific types of fire intensity measures."],"url":["http://articles.extension.org/pages/68031/effects-of-timing-of-fire-and-fire-intensity","http://www.northernrockiesfire.org/history/fireis.htm","https://www.dpaw.wa.gov.au/management/fire/fire-and-the-environment/51-fuel-loads-and-fire-intensity","https://www.nps.gov/olym/learn/management/upload/fire-wildfire-definitions-2.pdf","http://learnline.cdu.edu.au/units/env207/fundamentals/behaviour.html","http://firewords.net/definitions/fire_intensity.htm","http://www.firewords.net/definitions/fireline_intensity.htm","https://www.dpaw.wa.gov.au/management/fire/fire-and-the-environment/51-fuel-loads-and-fire-intensity","http://articles.extension.org/pages/68031/effects-of-timing-of-fire-and-fire-intensity","http://firewords.net/definitions/fire_intensity.htm"]},"query":"what is fire intensity","query_id":747470,"query_type":"DESCRIPTION","wellFormedAnswers":[]},"truncated_cells":[]},{"row_idx":380,"row":{"answers":["The Atlanta Police Department."],"passages":{"is_selected":[0,0,1,0,0,0,0,0,0,0],"passage_text":["Law Enforcement Accreditation. While not a type of law enforcement agency, one designation to look for when evaluating departments is CALEA Accreditation. CALEA, which stands for the Commission on Accreditation for Law Enforcement Agencies, is the international authority on law enforcement standards.","There are more than 17,000 state and local law enforcement agencies in the United States, ranging in size from one officer to more than 30,000.","Chief of Police. With an authorized strength of over 2000 sworn officers, the Atlanta Police Department is the largest law enforcement agency in the State of Georgia.","A full-service police agency, the Department has adopted a community oriented philosophy and relies heavily upon community input and collaborative problem-solving strategies.","California Law Enforcement Agencies. The agencies below are POST participating agencies and departments unless otherwise noted. See also: Federal and International Law Enforcement Agencies, and Special Interest Associations. The Commission on POST is not responsible for the content or security of these external websites.","Citizen Advisory Councils and Neighborhood Planning Units representing 139 separate neighborhoods promote citizen input for Departmental decisions while mini-precincts, foot patrols and bicycle patrols encourage personalized policing and frequent citizen-officer interaction.","Types of Law Enforcement Agencies. There are many different types of law enforcement agencies, from small town police departments to large federal agencies. The types of jobs available will depend on the type of agency, its mission, size, and jurisdiction.","Many of these are municipal police departments operated by local governments, but there are actually several types of law enforcement agencies. 1 Local Police includes municipal, county, tribal, and regional police that derive authority from the local governing body that created it.","Emergency police response is available around the clock and is facilitated by strategically located police precincts throughout the City and at Hartsfield-Jackson Atlanta International Airport.","Cities have majors, and in most cities, the major is the head of the local police. Another View: There is NO SUCH title as the Mayor of Law Enforcement!. You are mixing your … titles and/or understanding of the political and administrative makeup of municipalities and their police departments."],"url":["http://discoverpolicing.org/whats_like/?fa=types_jobs","http://discoverpolicing.org/whats_like/?fa=types_jobs","http://www.atlantaga.gov/index.aspx?page=192","http://www.atlantaga.gov/index.aspx?page=192","https://post.ca.gov/le-agencies.aspx","http://www.atlantaga.gov/index.aspx?page=192","http://discoverpolicing.org/whats_like/?fa=types_jobs","http://discoverpolicing.org/whats_like/?fa=types_jobs","http://www.atlantaga.gov/index.aspx?page=192","http://www.answers.com/Q/The_nation's_largest_law_enforcement_agency_is_in"]},"query":"largest law enforcement agencies","query_id":436802,"query_type":"PERSON","wellFormedAnswers":[]},"truncated_cells":[]},{"row_idx":381,"row":{"answers":["It is a person (or entity) whose property is adjacent to the property of another."],"passages":{"is_selected":[0,0,0,0,0,0,0,0,1,0],"passage_text":["As a member of the selectmen-appointed Pipeline Study Committee , and a concerned abutter of the proposed , 12-inch natural gas pipeline by Kinder Morgan Co Northeast Energy Direct-Worcester Lateral , I am encouraging voters to approve Town Meeting Article 36 , which asks voters to request selectmen to ensure the continued protection of Article 97 ...","Unsourced material may be challenged and removed. (February 2015) (Learn how and when to remove this template message) In land use regulations, concerns of an abutter may be given special attention, being the one most likely to suffer specific harm from a hasty, uninformed decision.","Some of the sales in the $120,000-$150,000 range are sales to abutters needing land for expansion. Following a Planning Board hearing on July 8, a community meeting was held on July 16 where abutters asked about the issuance of easements.","Oils such as Canola and cottonseed are combined with icing sugar and mixed with crushed Solido brown peas to form the spread. Besides the absence of peanut material, Peabutter is devoid of gluten and cholesterol. A small amount of hydrogenated oil, a trans fat, is present. NoNuts Golden Peabutter is currently produced by Mountain Meadows Food Processing at Legal, Alberta.","[Middle English abutten, from Old French abouter, to border on (a-, to from Latin ad-; see ad- + bouter, to strike; see bhau- in Indo-European roots) and from Old French abuter, to end at (from but, end; see butt4).]","Abutters are seeking to overturn planning board and zoning board of adjustment decisions to approve Packard Development's project to conduct a Lowe's, Target and major supermarket at the site of the vacant GTE Sylvania plant on Route 33.","For example, when we are appraising a property and it is obvious that an abutter would benefit greatly (and probably pay extra) in buying the property--to get the parking or access that their property needs--we can alert our clients to that situation in a separate section of the report.","As a member of the selectmen-appointed Pipeline Study Committee and a concerned abutter of the proposed 12-inch natural gas pipeline by Kinder Morgan -- Northeast Energy Direct-Worcester Lateral, I am encouraging voters to approve Town Meeting Article 36. Stop Kinder Morgan pipeline.","From Wikipedia, the free encyclopedia. An abutter is a person (or entity) whose property is adjacent to the property of another. In jurisdictions such as Massachusetts, New Hampshire, and Nova Scotia, it is a defined legal term.","From Wikipedia, the free encyclopedia. Peabutter is a food spread made from brown peas and functions as a substitute for peanut butter. The product was first prepared by Alberta farmer Joe St. Denis in July 2002 who noted that the brown pea had certain similarities to peanuts."],"url":["http://www.thefreedictionary.com/Abutter","https://en.wikipedia.org/wiki/Abutter","http://legal-dictionary.thefreedictionary.com/abutter","https://en.wikipedia.org/wiki/Peabutter","http://www.thefreedictionary.com/Abutter","http://legal-dictionary.thefreedictionary.com/abutter","http://www.thefreedictionary.com/Abutter","http://www.thefreedictionary.com/Abutter","https://en.wikipedia.org/wiki/Abutter","https://en.wikipedia.org/wiki/Peabutter"]},"query":"what is an abutter?","query_id":710796,"query_type":"DESCRIPTION","wellFormedAnswers":[]},"truncated_cells":[]},{"row_idx":382,"row":{"answers":["No Answer Present."],"passages":{"is_selected":[0,0,0,0,0,0,0,0,0,0],"passage_text":["A: Slavonic Benevolent Order of the State of Texas is located at 6475 Gholson Rd, Waco, TX 76705. Q: When was Slavonic Benevolent Order of the State of Texas in Waco, TX founded? A: Slavonic Benevolent Order of the State of Texas was founded in 2010 and has been operating for 8 years.","Slavonic Benevolent Order of the State of Texas is a small organization in the civic and social associations industry located in Waco, TX. It opened its doors in 2010 and now has an estimated $120,000 USD in yearly revenue and approximately 3 employees.","Questions & Answers. 1 Q: How many people work at Slavonic Benevolent Order of the State of Texas in Waco, TX? 2 A: Slavonic Benevolent Order of the State of Texas employs approximately 3 people at this location.","Contact information, statistics, and financial data for Slavonic Benevolent Order of the State of Texas in Temple, TX","Slavonic Benevolent Order of the State of Texas is a civic and social association located in Waco, Texas. View contact info, employees, products, revenue, and more. IPOs Nonprofits Execs","Check the Slavonic Benevolent Order of The State of Texas company profile in Houston , TX . Find the latest business information using the D&B Business Directory at DandB.com. Products","A verification email has been sent to you. Please check your inbox in order to proceed.","Slavonic Benevolent Order of the State of Texas in Temple, TX. Home; Nonprofits in Texas; Nonprofits in Temple, Texas; Slavonic Benevolent Order of the State of Texas is a tax exempt organization located in Temple, Texas. Donations to are tax deductible. This organization has been in operation for 76 years, which makes it significantly older than other nonprofits in the state. Slavonic Benevolent Order of the State of Texas has larger assets when compared to other nonprofits in Texas.","Slavonic Benevolent Order Of The State Of Texas was founded in 2010, and is located at 1435 Beall St in Houston. Additional information is available at or by contacting Janice Johns at (713) 869-5767.","United States. Slavonic Benevolent Order of the State of Texas is a small, fairly new civic & social association in Waco, Texas. It opened in 2010 and now has an estimated $120,000 USD in yearly revenue and approximately 3 employees."],"url":["http://listings.findthecompany.com/l/24033841/Slavonic-Benevolent-Order-of-the-State-of-Texas","http://listings.findthecompany.com/l/24033841/Slavonic-Benevolent-Order-of-the-State-of-Texas","http://listings.findthecompany.com/l/24033841/Slavonic-Benevolent-Order-of-the-State-of-Texas","https://nonprofitlocator.org/organizations/tx/temple/510141103-slavonic-benevolent-order-of-the-state-of-texas","http://listings.findthecompany.com/l/24033841/Slavonic-Benevolent-Order-of-the-State-of-Texas","https://www.dandb.com/businessdirectory/slavonicbenevolentorderofthestateoftexas-houston-tx-3803841.html","https://www.guidestar.org/profile/76-0053964","https://nonprofitlocator.org/organizations/tx/temple/510141103-slavonic-benevolent-order-of-the-state-of-texas","https://www.dandb.com/businessdirectory/slavonicbenevolentorderofthestateoftexas-houston-tx-3803841.html","http://listings.findthecompany.com/l/24033841/Slavonic-Benevolent-Order-of-the-State-of-Texas"]},"query":"is the slavonic benevolent order of the state of texas masonic ?","query_id":1174725,"query_type":"DESCRIPTION","wellFormedAnswers":[]},"truncated_cells":[]},{"row_idx":383,"row":{"answers":["No Answer Present."],"passages":{"is_selected":[0,0,0,0,0,0,0,0,0,0],"passage_text":["Too much fat keeps bark from forming on your meat, but no fat will leave a tasteless bark. You want to leave a nice, thin layer of fat. This thin layer will render during the smoking process and give that bark an excellent flavor. Step #3: Smoke-Don't Steam!","I think you will find that most bark will produce more smoke (and more pungent smoke) than just plain wood does. The key for me on whether thats a problem or not depends largely on three things, the length of the cook, the type of meat and the heat of the fire its going on.","Too much fat keeps bark from forming on your meat, but no fat will leave a tasteless bark. You want to leave a nice, thin layer of fat. This thin layer will render during the smoking process and give that bark an excellent flavor.","Stay away from rubs that have a high sugar content at first. You can always come back in the last 1 -2 hours and apply a sugar rub or glaze. Step #2: Trim your Meat. Too much fat keeps bark from forming on your meat, but no fat will leave a tasteless bark. You want to leave a nice, thin layer of fat.","Step #2: Trim your Meat. Too much fat keeps bark from forming on your meat, but no fat will leave a tasteless bark. You want to leave a nice, thin layer of fat. This thin layer will render during the smoking process and give that bark an excellent flavor.","I love my brisket to have a bark,burnt ends are like brisket candy to me but I have read that it is not possible to get a bark in an electric smoker. I have watch the Smokin Tex brisket video and did not see a bark or smoke ring but have seen pictures on this forum of brisket that appear to have a nice bark.","1 Place coals on foil. 2 Peel pineapple bark in thin strips from fruit, roughly chop, and then combine chopped bark with sugar, salt and sage. 3 Layer on top of coals in dish. 4 To smoke chicken, place chicken pieces on BBQ resting rack and close lid for 15 minutes.","Bark needs some moisture to form because the water soluble spices must be dissolved, but the moisture found naturally in the meat and smoke is generally enough. Do not overdo the basting of the meat or you will actually prevent bark forming. Sugar: Sugar is the last step in the formation of bark.","Ok, so I'm a little confused on the whole bark debate, seems to me that there are some woods where bark is ok to leave on and some not.","For Pineapple Bark Smoke: 1 Heat BBQ coals until white-hot. 2 Line a small metal dish with three layers of aluminium foil. 3 Peel pineapple bark in thin strips from fruit, roughly chop, and then combine chopped bark with sugar, salt and sage. 4 Layer on top of coals in dish."],"url":["http://ezinearticles.com/?4-Tips-to-Build-a-Good-Bark-on-Your-Smoked-Meat&id=4332162","http://www.thesmokering.com/forum/viewtopic.php?t=34949","http://ezinearticles.com/?4-Tips-to-Build-a-Good-Bark-on-Your-Smoked-Meat&id=4332162","http://ezinearticles.com/?4-Tips-to-Build-a-Good-Bark-on-Your-Smoked-Meat&id=4332162","http://ezinearticles.com/?4-Tips-to-Build-a-Good-Bark-on-Your-Smoked-Meat&id=4332162","http://smokintex.com/forums/showthread.php?824-Bark-no-Bark-in-the-Smokin-Tex","http://www.kingoffruit.com.au/pineapple-bark-smoked-chicken.html","http://www.bbqgeeks.com/food/what-is-bark-and-how-does-it-form-on-smoked-meat/","http://www.smokingmeatforums.com/t/55406/the-skinny-on-bark-soaking-chunks","http://www.kingoffruit.com.au/pineapple-bark-smoked-chicken.html"]},"query":"bark or no bark for smoking meat","query_id":48817,"query_type":"ENTITY","wellFormedAnswers":[]},"truncated_cells":[]},{"row_idx":384,"row":{"answers":["The protecto plate was a factory identification card that was supplied through the dealer to the lucky recipient of a brand new 1967 Chevelle."],"passages":{"is_selected":[1,0,0,0,0,0,0,0,0,0],"passage_text":["The protecto plate was a factory identification card that was supplied through the dealer to the lucky recipient of a brand new 1967 Chevelle. It came in the back of the booklet shown above and carried coded information about the factory installed equipment / options for that particular vehicle, and this is why they are so talked about now.... it is proof of how the car was originally delivered.","Your Protecto-Plate An important source of information. The Protect-O-Plate was furnished with all Camaros and was a metal plate imprinted at the assembly plant. The plate contained information on various standard or optional equipment. You may determine from the imprinted information on the plate the type of engine, transmission, rear axle, exterior color, the month the vehicle was produced, and other basic vehicle information.","For ’67, Pontiac revised the Protect-O-Plate program. To eliminate the delays in preparing the plates at the Pontiac home plant and mailing them to customers’ homes, every new Pontiac shipped with the vehicle plate portion of the Protect-O-Plate already filled out and the owner plate portion of the Protect-O-Plate left blank.","There is really nothing mystical about protecto-plates, except perhaps what happened to the one you wanted. They decode through a series of numbers that refer to various production components. This is a copy of a protecto plate 'imprint', the actual plate is metal with a wavy edge.. I did not use the original as all the letters and codes are 'reversed' and would be impossible to read. Here is how the numbers work out. This letter indicates the colour of interior. This is the body colour, lower first, then upper.","This is a copy of a protecto plate 'imprint', the actual plate is metal with a wavy edge.. I did not use the original as all the letters and codes are 'reversed' and would be impossible to read. Here is how the numbers work out. 1 This letter indicates the colour of interior. 2 This is the body colour, lower first, then upper. See the paint codes for the colours. 3 The Vehicle Identification Number... VIN. To decode this... go to Decoding VIN Numbers. 4 Carburetor Style. R is for a Rochester. H is for a Holley.","If you dispose of this vehicle, please leave this book in the glovebox. The new owner must submit the owner “name” plate of the original owner and last page in this book to receive a new owner plate.”. The Ident-O-Plate program continued through the ’64 model year.","In 1965, General Motors introduced the Protect-O-Plate to all of its brands, based upon the success of the Ident-O-Plate. It served the same purpose for warranty and service claims, though some data fields were relocated on the vehicle plate. The Protect-O-Plate program continued without any changes for the ’66 model year.","The History Of The Pontiac Ident-O-Plate And Protect-O-Plate Programs (1963-1972) Authors note: The idea for this feature story came from Jim Taylor of Jim Taylor Engine Service in Phillipsburg, New Jersey.","As the Retail Delivery Card for each owner is received at Pontiac, a plate containing the owner’s name, address, delivery date, and vehicle identification number, corresponding with the number on the vehicle plate, is made and sent direct to the owner’s home.","Here is how the numbers work out. 1 This letter indicates the colour of interior. 2 This is the body colour, lower first, then upper. 3 The Vehicle Identification Number... 4 Carburetor Style. 5 This is the same number as should appear on your engine block... the elusive matching numbers! 6 This is the information on the rear axle..."],"url":["http://www.chevelles.com/years/67/protecto.htm","http://www.holisticpage.com/camaro/parts/protect.htm","http://www.hotrod.com/articles/hppp-1008-pontiac-identification-plates/","http://www.chevelles.com/years/67/protecto.htm","http://www.chevelles.com/years/67/protecto.htm","http://www.hotrod.com/articles/hppp-1008-pontiac-identification-plates/","http://www.hotrod.com/articles/hppp-1008-pontiac-identification-plates/","http://www.hotrod.com/articles/hppp-1008-pontiac-identification-plates/","http://www.hotrod.com/articles/hppp-1008-pontiac-identification-plates/","http://www.chevelles.com/years/67/protecto.htm"]},"query":"what is a protecto plate on a car","query_id":696493,"query_type":"DESCRIPTION","wellFormedAnswers":[]},"truncated_cells":[]},{"row_idx":385,"row":{"answers":["Noise starts out very faint and becomes louder over time.","The noise starts out very faint and becomes louder over time."],"passages":{"is_selected":[0,1,0,0,0,0,0,0,0,0],"passage_text":["The leading cause of a wheel bearing failing is its seal. The inside of a bearing can be a hot place. When a bearing is cooling off, the contracting metal, air and lubricant can create a vacuum that is hopefully held by the seals.","When the seal on the wheel bearing is broken or damaged, the noise starts out very faint and becomes louder over time. It sounds like the noise that your tires make when hitting a rumble strip on the highway, just not quite as loud, something like the sound of playing cards flapping against bicycle spokes.","If you just want to check your wheel bearings for wear without removing the wheels, do the following: 1 Jack up your vehicle. Support it on jack stands. 2 Without getting under the vehicle, grasp each wheel at the top and bottom and attempt to rock it. There should be minimal movement.","So I drive a ****box 89 Sunbird. The RF wheel bearing has been going bad over the past few months, but I don't know exactly when to pull the plug and say it's not safe to drive it anymore. All it's done is make a humming noise at speeds >40mph. There doesn't seem to be any play in the tire, and the car doesn't shake or pull (much).","You can check your car’s wheel bearings to see if they need to be repacked. Wheel bearings usually come in pairs of inner and outer bearings. They allow your wheels to turn freely over thousands of miles by cushioning the contact between the wheel and the spindle it sits on with frictionless bearings and lots of nice, gooey grease.","Holy ****, replacing a wheel bearing is one of the simplest and cheapest things you can do. Here's what'll happen if you don't... it'll overheat so bad that it will weld itself to the spindle. You'll know this when you're tooling along and it starts making a screaming noise and you smell and see smoke.","The car is making a roaring sound while driving and when you turn the wheel to the right, the sound gets loader. There also a bit of a vibration in the gas pedal. We changed the driver side wheel bearing and there is no change. We also over inflated the tires to see if the noise was the tires and there was no change.","If you just want to check your wheel bearings for wear without removing the wheels, do the following: Jack up your vehicle. Support it on jack stands. Without getting under the vehicle, grasp each wheel at the top and bottom and attempt to rock it.","On a car, a wheel bearing rides on a metal axle shaft and fits tightly inside the hub, which is a hollow chunk of metal at the center of the wheel. The hub holds the lug bolts that you use to bolt the tire onto the wheel. The wheel bearing is pressed into the hub from the back.","Most serviceable wheel bearings need maintenance every 25,000 to 30,000 miles, or during every brake service. But, the average life of a sealed wheel bearing and hub assembly is about 85,000 to 100,000 miles, without the opportunity for you to repack the bearings."],"url":["http://www.brakeandfrontend.com/wheel-bearing-q-a-what-when-why/","https://axleaddict.com/auto-repair/What-is-a-wheel-bearing","http://www.dummies.com/home-garden/car-repair/brakes-bearings/how-to-check-a-vehicles-wheel-bearings/","http://www.tribalwar.com/forums/archive/t-378475.html","http://www.dummies.com/home-garden/car-repair/brakes-bearings/how-to-check-a-vehicles-wheel-bearings/","http://www.tribalwar.com/forums/archive/t-378475.html","https://axleaddict.com/auto-repair/What-is-a-wheel-bearing","http://www.dummies.com/home-garden/car-repair/brakes-bearings/how-to-check-a-vehicles-wheel-bearings/","https://axleaddict.com/auto-repair/What-is-a-wheel-bearing","http://www.brakeandfrontend.com/wheel-bearing-q-a-what-when-why/"]},"query":"what happens when a wheel bearing breaks","query_id":667027,"query_type":"DESCRIPTION","wellFormedAnswers":["When a wheel bearing breaks the noise starts out very faint and becomes louder over time."]},"truncated_cells":[]},{"row_idx":386,"row":{"answers":["No Answer Present."],"passages":{"is_selected":[0,0,0,0,0,0,0,0,0,0],"passage_text":["1) Your facial hair has to be clean and dry before applying Just For Men. Facial hair can absorb skin oil and perspiration which can cause uneven shading and premature fading. Wash it with baby shampoo and dry thoroughly (use a hair dryer if needed).","LOW BLENDED FADE HAIRCUT. The low blended fade haircut is usually faded a little lower on the sides and the back of the head. The haircut is faded about an inch above the ears to keep the blend low on the sides of the head. The higher the blend is started, the higher the blend will be on the sides of the head.","A fade haircut. Conversely, a fade will usually taper the hair starting at the top of the pate and ending just above or right at the ear and at the occipital bone with no line. The same cutting concept is applied but it can only be done with hair clippers in order to fade out hair smoothly.","The low blended fade haircut is usually faded a little lower on the sides and the back of the head. The haircut is faded about an inch above the ears to keep the blend low on the sides of the head. The higher the blend is started, the higher the blend will be on the sides of the head.","Facial hair is a secondary sex characteristic of human males. Men typically start developing facial hair in the later years of puberty or adolescence, between seventeen and twenty years of age, and most do not finish developing a full adult beard until their early twenties or later.","Tapered, tight and never out of style, the Fade Cut is easy to do and easier to maintain. The hair at the sides and back is cut close with clippers, and the hair “fades” to the top, which is usually kept short.","Fade Cut. Tapered, tight and never out of style, the Fade Cut is easy to do and easier to maintain. The hair at the sides and back is cut close with clippers, and the hair “fades” to the top, which is usually kept short.","Learn how to cut your hair yourself in this easy to follow demonstration. Step by step demonstration, teaching you how to cut your own hair, fade, taper and blend at home. This is a simple haircut for me and an easy haircut to perform.","It can be done with both hair clipper and scissor (with the help of a comb using the scissors-over-comb method). It allows men to sport longer lengths while still maintaining a carefully groomed appearance. This cut also allows for more movement and greater styling flexibility. A fade haircut.","Colton Haynes tapered haircut. With a taper, the length of the hair gradually decreases from the top of the pate down to the nape of the neck and to the sides. It can be done with both hair clipper and scissor (with the help of a comb using the scissors-over-comb method)."],"url":["http://reviews.justformen.com/1520-en_us/jfmmbsrollup/just-for-men-just-for-men-mustache-beard-reviews/reviews.htm?sort=reviewTextLength","http://www.alexccampbell.com/black-mens-haircuts-styles-haircutting/","http://coolmenshair.com/2013/01/difference-between-a-fade-and-a-tapered-haircut.html","http://www.alexccampbell.com/black-mens-haircuts-styles-haircutting/","https://en.wikipedia.org/wiki/Facial_hair","http://grooming.wahl.com/men/fade-cut","http://grooming.wahl.com/men/fade-cut","http://www.youtube.com/watch?v=Y1IWsy-5v-w","http://coolmenshair.com/2013/01/difference-between-a-fade-and-a-tapered-haircut.html","http://coolmenshair.com/2013/01/difference-between-a-fade-and-a-tapered-haircut.html"]},"query":"what causes mens wiskers to fade","query_id":589786,"query_type":"DESCRIPTION","wellFormedAnswers":[]},"truncated_cells":[]},{"row_idx":387,"row":{"answers":["All binoculars will have two numbers to designate them, such as 10x50. This means a binocular with 10 times magnification and 50mm objective lenses."],"passages":{"is_selected":[0,0,0,0,1,0,0,0,0,0],"passage_text":["FOV stands for Field-of-View and it is the width of the image as seen through optics. This is often quoted as width at distance or in degrees. For example, 300ft@1000yrds would mean when the optics are focused at an object 1000 yards away, the width of the entire image as seen through the optics is 300 feet wide.","You simply divide the magnification of the binocular into the diameter of the objective lens or bottom lens of the binocular or spotting scope. So, a 7x35 binocular has an exit pupil diameter of 5 mm (35 divided by 7). A 10x50 binocular also has an exit pupil of 5 mm (50 divided by 10).","What Do the Numbers Mean on Binoculars? When shopping for a pair of binoculars, it's easy to get focused on the highest magnification. However, higher magnifications decrease your field of view. This is why it is important to understand the numbers on binoculars in order to find the right pair for you. The first number you see represents the magnification. If a pair of binoculars is 10x25, then 10 is the magnification. It's easy to assume that 10x25 means that 10 is multiplied by 25.","All binoculars are described by using a pair of numbers, such as 7×50 or 8×30. The first number, including the x, represents magnification or “power”. This tells the degree to which the object observed is enlarged. For example, a 7x binocular makes an object appear seven times closer than when viewed by the naked eye.","All binoculars will have two numbers to designate them, such as 10x50. This means a binocular with 10 times magnification and 50mm objective lenses (the big ones!). Common sizes are 8x42, 10x50, 20x60, 15x70, etc. Optical glass is generally BAK4 or BAK7 standard, BAK4 is denser and gives superior vision.","The second number refers to the objective lens diameter in millimeters. In the 10x25 example, 25 is the size of the objective lens. The objective lens is the lens that is pointed toward the subject. It gathers light to make the images brighter. The size of the objective lens determines the size of the binoculars.","If you divide the objective lens diameter by the magnification, you will get a number approximately between 4 and 8. This number is called the exit pupil, and represents the diameter of the beam of light that leaves the eyepiece when you hold a binocular with the objective pointed towards a light source.","What do the NUMBERS mean on binoculars and spotting scopes? This is the most common question about binoculars and it is a good one. You will see combinations of numbers like 7x35, 8x42, 10x50 or 7-15x35 and many more. The numbers to the left of the x always refer to how much magnification the binocular has. The number to the right of the x indicate how big the lens is at the bottom of the binocular (this is called the objective lens). So, 7x35 means this binocular magnifies objects so they appear 7 times closer.","Porro type binoculars have an angled light path and are the traditional looking binoculars. Roof prism binoculars have a straight barrel design and do not angle the light path. Contrary to what you may think, the roof prism type of binoculars typically cost more to produce than porros.","Cleaning Supplies Vortex Nation ----------------------------- Shows & Events Trophy Room Videos ----------------------------- Product Highlights Vortex Nation How To..."],"url":["http://www.birding-binoculars.net/faq.html","http://www.alpenoptics.com/FAQs.html","https://www.trails.com/facts_3233_what-do-numbers-mean-binoculars.html","http://www.nightskyinfo.com/binoculars-terms/","http://www.ebay.co.uk/gds/BINOCULARS-What-to-avoid-and-what-to-look-out-for-/10000000006881542/g.html","https://www.trails.com/facts_3233_what-do-numbers-mean-binoculars.html","http://www.nightskyinfo.com/binoculars-terms/","http://www.alpenoptics.com/FAQs.html","http://www.birding-binoculars.net/faq.html","http://www.vortexoptics.com/video/what_do_binocular_numbers_mean"]},"query":"what do numbers on binoculars mean","query_id":624147,"query_type":"DESCRIPTION","wellFormedAnswers":[]},"truncated_cells":[]},{"row_idx":388,"row":{"answers":["No Answer Present."],"passages":{"is_selected":[0,0,0,0,0,0,0,0,0,0],"passage_text":["4. KALASH 510 SL is actively absorbed through immature bark and leaves of most plants and. trees. Contact with immature bark, such as in trees younger than three years, can result in. serious localised or translocated damage.","> Has anyone tried Amrit Kalash (MAK- 4 & 5) ? Please post/e-mail > your experiences. I was considering > taking the same for my lowered health status (in general). > regards, > sudesh > Used it because my wife thought it would heal all my problems ( esp. arthritis in my elbow ) Well it did nothing. Once I quit it and just tried","> > Has anyone tried Amrit Kalash (MAK- 4 & 5) ? Please post/e-mail > > your experiences. I was considering > > taking the same for my lowered health status (in general). > > regards, > > sudesh > > > > Hi Tom, You can get Maharishi Amrit Kalash on very low price from TIMExplore Shop. http://www.shop.timexplore.com/shop/all-products/anti-oxidants/maharishi-amrit-kalash-dual-pack-sugarfree-detail.html Kindly let us know if you want more discount on this product. Write us on con...@timexplore.com","I took Amrit Kalash for about 6 years. It dulls my awareness and makes my. TM and TM sidhi practice less sharp. If my shipment did not arrive on time. and I ran out, the sharpness of perception returned within a day or two. It's like I had awoken from a light sleep.","Kalash Symbol and Meaning in Hinduism Kalash also called as kalasha or kalasa is pot made of whether copper, brass, silver or even mud which fills up with water especially holy water It is generally filled with water during rituals (preferably the water of the holy Ganga, any sacred river or clean, running water).","When using KALASH 510 SL as a land preparation for transplanted tomatoes, tobacco or any other. transplanted crop with green and soft stems, allow a minimum of 14 days between application and. transplanting of seedlings.","Has anyone tried Amrit Kalash (MAK- 4 & 5) ? Please post/e-mail your experiences. I was considering taking the same for my lowered health status (in general). regards, sudesh","Kalasha, also spelled as Kalash and kalasa (Sanskrit: कलश; kalaśa, literally “pitcher, pot”), is a metal (brass, copper, silver or gold) pot with a large base and small mouth, large enough to hold a coconut. Sometimes “Kalasha” also refers to such a pot filled with water and topped with a coronet of mango leaves and a coconut.","Remove sediments eg, residues of WP pesticides, from spray tanks before adding KALASH 510 SL. Avoid the use of hard or muddy water, or water with a high colloidal content derived from soils high in. organic matter.","The Purna-Kalasha is worshipped in all Hindu festivities related to marriage and childbirth, as a mother goddess or Devi. In this context, the metal pot or Kalasha represents material things: a container of fertility – the earth and the womb, which nurtures and nourishes life. The mango leaves associated with Kama, the god of love, symbolize the pleasure aspect of fertility."],"url":["http://www.bushencroachment.com/uploads/5/4/4/9/5449109/label_kalash_510_sl.pdf","https://groups.google.com/d/topic/alt.health.ayurveda/c7sNYTuEnzE","https://groups.google.com/d/topic/alt.health.ayurveda/c7sNYTuEnzE","https://groups.google.com/d/topic/alt.health.ayurveda/c7sNYTuEnzE","http://www.vedicbox.com/hindu-symbol/kalash-symbol-and-meaning-in-hinduism","http://www.bushencroachment.com/uploads/5/4/4/9/5449109/label_kalash_510_sl.pdf","https://groups.google.com/d/topic/alt.health.ayurveda/c7sNYTuEnzE","http://www.vedicbox.com/hindu-symbol/kalash-symbol-and-meaning-in-hinduism","http://www.bushencroachment.com/uploads/5/4/4/9/5449109/label_kalash_510_sl.pdf","http://www.vedicbox.com/hindu-symbol/kalash-symbol-and-meaning-in-hinduism"]},"query":"what is a kalash container","query_id":687998,"query_type":"DESCRIPTION","wellFormedAnswers":[]},"truncated_cells":[]},{"row_idx":389,"row":{"answers":["No Answer Present."],"passages":{"is_selected":[0,0,0,0,0,0,0,0,0,0],"passage_text":["Road trip planner. The total cost of driving from Detroit, MI to Orlando, FL (one-way) is $107.67 at current gas prices. The round trip cost would be $215.34 to go from Detroit, MI to Orlando, FL and back to Detroit, MI again.Regular fuel costs are around $2.32 per gallon for your trip.This calculation assumes that your vehicle gets an average gas mileage of 25 mpg for a mix of city and highway driving.oad trip planner. The total cost of driving from Detroit, MI to Orlando, FL (one-way) is $107.67 at current gas prices. The round trip cost would be $215.34 to go from Detroit, MI to Orlando, FL and back to Detroit, MI again.","Road trip planner. The total cost of driving from London, United Kingdom to Edinburgh, United Kingdom (one-way) is $96.25 at current gas prices. The round trip cost would be $192.50 to go from London, United Kingdom to Edinburgh, United Kingdom and back to London, United Kingdom again.Regular fuel costs are around $6.05 per gallon for your trip. driving distance from London, United Kingdom to Edinburgh, United Kingdom. 2 drive time from London, United Kingdom to Edinburgh, United Kingdom. 3 reverse cost of driving from Edinburgh, United Kingdom to London, United Kingdom.","The following chart displays the difference in total cost of driving given varying fuel grades. If your car requires higher octane gas, you can find out how much more it will cost you to drive between London, United Kingdom and Edinburgh, United Kingdom. driving distance from London, United Kingdom to Edinburgh, United Kingdom. 2 drive time from London, United Kingdom to Edinburgh, United Kingdom. 3 reverse cost of driving from Edinburgh, United Kingdom to London, United Kingdom.","The gas prices for the cost to drive from Denver, CO to Dallas, TX Has been Galculated: 24 this month. The gas prices for the cost to drive from Lakewood, CO to Denver, CO Has been Galculated: 24 this month. The gas prices for the cost to drive from Denver, CO to Seattle, WA Has been Galculated: 22 this month.The gas prices for the cost to drive from Denver, CO to San Diego, CA Has been Galculated: 22 this month.he gas prices for the cost to drive from Denver, CO to Denver, CO Has been Galculated: 38 this month. The gas prices for the cost to drive from Denver, CO to Salt Lake City, UT Has been Galculated: 36 this month. The gas prices for the cost to drive from Denver, CO to Phoenix, AZ Has been Galculated: 36 this month.","The gas prices for the cost to drive from Denver, CO to Las Vegas, NV Has been Galculated: 89 this month. The gas prices for the cost to drive from Denver, CO to Denver, CO Has been Galculated: 38 this month. The gas prices for the cost to drive from Denver, CO to Salt Lake City, UT Has been Galculated: 36 this month.The gas prices for the cost to drive from Denver, CO to Phoenix, AZ Has been Galculated: 36 this month.The gas prices for the cost to drive from Denver, CO to Los Angeles, CA Has been Galculated: 31 this month. The gas prices for the cost to drive from Denver, CO to Orlando, FL Has been Galculated: 25 this month.he gas prices for the cost to drive from Denver, CO to Denver, CO Has been Galculated: 38 this month. The gas prices for the cost to drive from Denver, CO to Salt Lake City, UT Has been Galculated: 36 this month. The gas prices for the cost to drive from Denver, CO to Phoenix, AZ Has been Galculated: 36 this month.","The gas prices for the cost to drive from Tyngsboro, MA to Burlington, MA Has been Galculated: 39 this month. The gas prices for the cost to drive from Melrose, MA to Boston, MA Has been Galculated: 29 this month. The gas prices for the cost to drive from Boston, MA to Orlando, FL Has been Galculated: 26 this month.he gas prices for the cost to drive from Bourne, MA to Bethel, ME Has been Galculated: 14 this month. The gas prices for the cost to drive from Burlington, MA to Monmouth, NJ Has been Galculated: 14 this month. The gas prices for the cost to drive from Haverhill, MA to Woburn, MA Has been Galculated: 14 this month.","The gas prices for the cost to drive from Sandwich, MA to Plymouth, MA Has been Galculated: 16 this month. The gas prices for the cost to drive from Tewksbury, MA to East Boston, MA Has been Galculated: 16 this month. The gas prices for the cost to drive from Upton, MA to Woburn, MA Has been Galculated: 16 this month.The gas prices for the cost to drive from Weymouth, MA to Boston, MA Has been Galculated: 16 this month. The gas prices for the cost to drive from Boston, MA to Atlantic City, NJ Has been Galculated: 15 this month.he gas prices for the cost to drive from Bourne, MA to Bethel, ME Has been Galculated: 14 this month. The gas prices for the cost to drive from Burlington, MA to Monmouth, NJ Has been Galculated: 14 this month. The gas prices for the cost to drive from Haverhill, MA to Woburn, MA Has been Galculated: 14 this month.","The average price of petrol in the UK is now around £1.11 a litre. For diesel, it is now about £1.10 a litre. But how much it costs to fill up can vary from street to street and town to town.Fill in our fuel price calculator to see how what you pay compares with the national average and what people are paying in other countries.ut how much it costs to fill up can vary from street to street and town to town. Fill in our fuel price calculator to see how what you pay compares with the national average and what people are paying in other countries.","The gas prices for the cost to drive from Boston, MA to Cambridge, MA Has been Galculated: 23 this month. The gas prices for the cost to drive from Boston, MA to Newton, MA Has been Galculated: 22 this month. The gas prices for the cost to drive from Boston, MA to Montreal, WI Has been Galculated: 22 this month.he gas prices for the cost to drive from Bourne, MA to Bethel, ME Has been Galculated: 14 this month. The gas prices for the cost to drive from Burlington, MA to Monmouth, NJ Has been Galculated: 14 this month. The gas prices for the cost to drive from Haverhill, MA to Woburn, MA Has been Galculated: 14 this month.","Simply enter the details of your journey above. Whether you want to estimate how much it will cost to fill up your car or to charge a friend for a lift, finding the price for the amount of petrol that is needed for your journey has never been simpler!(Please remember: all prices that are calculated are ESTIMATES ONLY).imply enter the details of your journey above. Whether you want to estimate how much it will cost to fill up your car or to charge a friend for a lift, finding the price for the amount of petrol that is needed for your journey has never been simpler! (Please remember: all prices that are calculated are ESTIMATES ONLY)."],"url":["http://www.travelmath.com/cost-of-driving/from/Detroit,+MI/to/Orlando,+FL","http://www.travelmath.com/cost-of-driving/from/London,+United+Kingdom/to/Edinburgh,+United+Kingdom","http://www.travelmath.com/cost-of-driving/from/London,+United+Kingdom/to/Edinburgh,+United+Kingdom","http://www.costtodrive.com/drives/state/CO","http://www.costtodrive.com/drives/state/CO","http://www.costtodrive.com/drives/state/MA","http://www.costtodrive.com/drives/state/MA","http://www.bbc.com/news/business-21238363","http://www.costtodrive.com/drives/state/MA","http://journeyprice.co.uk/"]},"query":"how much does it cost in petrol to drive to brighton from blackburn","query_id":314585,"query_type":"NUMERIC","wellFormedAnswers":[]},"truncated_cells":[]},{"row_idx":390,"row":{"answers":["Ranges from $12000 to $13247"],"passages":{"is_selected":[0,0,0,0,0,0,0,0,1,0],"passage_text":["All US Army Salaries. How much does a Cadet at US Army make in West Point, NY? The typical salary for a US Army West Point Cadet ranges from $12,000-$13,247, with an average salary of $12,585. Salaries estimates based on 5 salaries submitted anonymously to Glassdoor by US Army Cadet employees in West Point, NY.","Saying that, you may join at anytime during the cadet training year (September to May June), however, if you are interested in attending summer camp or want to progress to the next proficiency level/star/phase the following year – you will need to have joined NO LATER THAN March 31.","To be eligible for membership as a Cadet one must: be a legal resident of Canada: NOTE: A legal resident of Canada is a Canadian citizen, a landed immigrant, or, the dependant of a person who is lawfully resident in Canada on a temporary basis for the purpose of education or employment.","Once you have chosen which element (Sea, Army or Air Cadets) interests you the most, you will then want to find the Cadet Corps (Sea or Army) or Squadron (Air) that is closest to you (or perhaps the one that your friends are already members of).","Comparing riding mowers is often a chore for some people. You ll find a multitude of designs to compare and each product has its strengths and weaknesses. The Craftsman LT 1000 and Cub Cadet 2130 are both...","Most consumers feel that picking riding mowers can often be hard. There are a wide range of models to ponder and each product is different from the next. The Cub Cadet 2130 and Husqvarna RZ5424 are both...","You have to be at least 12 years old and under 19 to join the Cadet Program. If you are under 12 years of age but wish to participate in a Cadet Program, “Navy League Cadets” aimed at youth aged 9-13 is a program run entirely by one of our civilian partners, the Navy League of Canada.","More than 20,000 Cadets attend camp each summer and earn a weekly training bonus of $10.00 per day, up to $60.00 per week, while their instructors and leaders earn enough money to be put towards post-secondary education tuition.","US Army Cadet Salaries in West Point, NY. How much does a Cadet at US Army make in West Point, NY? The typical salary for a US Army West Point Cadet ranges from $12,000-$13,247, with an average salary of $12,585.","Comparison shopping for riding mowers can be scary when you realize the many features available. The Cub Cadet 2130 and Husqvarna LGT2654 are both suitable picks for homeowners and landscapers alike."],"url":["https://www.glassdoor.com/Salary/US-Army-Cadet-West-Point-Salaries-EJI_IE41322.0,7_KO8,13_IL.14,24_IC1132689.htm","http://www.cadets.ca/en/join/cadets.page","http://www.cadets.ca/en/join/cadets.page","http://www.cadets.ca/en/join/cadets.page","http://www.ebay.com/bhp/cub-cadet-riding-mower","http://www.ebay.com/bhp/cub-cadet-riding-mower","http://www.cadets.ca/en/join/cadets.page","http://www.cadets.ca/en/about-cadets.page","https://www.glassdoor.com/Salary/US-Army-Cadet-West-Point-Salaries-EJI_IE41322.0,7_KO8,13_IL.14,24_IC1132689.htm","http://www.ebay.com/bhp/cub-cadet-riding-mower"]},"query":"how much do you make as a cadet","query_id":308145,"query_type":"NUMERIC","wellFormedAnswers":[]},"truncated_cells":[]},{"row_idx":391,"row":{"answers":["2-4 inches"],"passages":{"is_selected":[0,0,0,0,1,0,0,0,0,0],"passage_text":["First, there are three ways in which you can keep chickens: 1 Free range Advantages: It's fun and you get to see the chickens run all around. 2 Limited range You can make up a fence (see fence section below) which will contain them. 3 Completely housed (in a coop) Advantages: Safety.","Lisa Steele • March 1, 2017. One of the most common questions I get asked on my Facebook page (Fresh Eggs Daily) is how wide chicken roosting bars should be and how high off the ground they should be positioned. So here’s everything you need to know about chicken roosting bars.","Free range Advantages: It's fun and you get to see the chickens run all around. They also eat healthy stuff (and bugs) in the yard. Disadvantages: The mess (droppings plus scratched up plants/grass/yard) is not contained, and the droppings can end up in places like your driveway.","How to Build Chicken Perches. Chicken perches provide a place for your chickens to roost. They may spend some time on the perches in the day, but should all be there at night. Providing a safe night time perching or roosting area will ensure that your chickens will want to come home to roost each night.","Also, feeders and waterers (if you leave them in the coop overnight) should not be placed under the roosts, nor should the nesting boxes. Learn more about composting chicken manure. Width – Chicken roosting bars should be at least 2 inches wide and preferably 4 inches wide. Chickens don’t wrap their feet around a perch like wild birds do. They actually prefer to sleep flat-footed.","First, there are three ways in which you can keep chickens: 1 Free range Advantages: It's fun and you get to see the chickens run all around. They also eat healthy stuff (and bugs) in the yard. 2 Limited range You can make up a fence (see fence section below) which will contain them.","Eggs laid in those nesting boxes will be filthy. When chickens sleep on a roost, their manure drops down into the bedding and the hens don’t breathe in moisture and ammonia fumes all night. This is why roosts should be up high and why coops built like dog houses are a bad idea.","A roost is an elevated bar, branch or narrow plank on which chickens perch to sleep. Seeking high spots to spend the night has been part of chicken survival instincts since long before its domestication over 5000 years ago. Chickens aren’t all that fast, they lack the prowess to ward off many predators and they are sound sleepers.","Chicken Perches can be made from 2x2's, broom handles, dowel rods and natural tree limbs. Try to keep the diameter at about 2 inches for larger chickens and 1 inch for bantam size chickens. Round off any sharp edges and sand rough spots. Some people in colder climates will use 2x4's mounted with the wide side up.","The dowels should be about 1 1/2 inches in diameter. Plan on at least six inches of roost per bird. In the winter they’ll huddle up for warmth, in the summer they won’t crowd so tightly together. Hens are fussy about who they sleep next to, so plenty of space will prevent squabbles."],"url":["http://venus.fandm.edu/%7Efcrawfor/coop.html","http://countrysidenetwork.com/daily/poultry/chicken-coops-housing/guide-to-chicken-roosting-bars/","http://venus.fandm.edu/%7Efcrawfor/coop.html","http://www.raising-chickens.org/chicken-perches.html","http://countrysidenetwork.com/daily/poultry/chicken-coops-housing/guide-to-chicken-roosting-bars/","http://venus.fandm.edu/%7Efcrawfor/coop.html","https://hencam.com/henblog/2014/11/roosts-for-chickens/","http://www.hgtv.com/outdoors/gardens/animals-and-wildlife/why-chickens-roost","http://www.raising-chickens.org/chicken-perches.html","https://hencam.com/henblog/2014/11/roosts-for-chickens/"]},"query":"how wide should chicken roost be","query_id":388490,"query_type":"NUMERIC","wellFormedAnswers":[]},"truncated_cells":[]},{"row_idx":392,"row":{"answers":["$15 Million"],"passages":{"is_selected":[1,0,0,0,0,0,0,0,0,0],"passage_text":["Stephanie Seymour Net Worth is $15 Million. Stephanie Seymour is an actress/model with a net worth of $15 million. Stephanie Seymour accumulated her net worth by appearing in several well known magazines through her modeling career and for her acting. Stephanie Michelle Seymour (...","The teenage son of supermodel Stephanie Seymour and billionaire paper magnate Peter Brant has been forced to apologise after posting a comment on the Internet saying he planned to kill President Obama.","Brant vs. Brant: Divorce Celebrity Style. AROUND 9:55 a.m. on Aug. 6, a parade of lawyers filed into Room 7B at the courthouse in Stamford, Conn., to hear a motion in the divorce case between the newsprint magnate Peter M. Brant and his estranged wife, Stephanie Seymour.","Continue reading the main story. 1 AROUND 9:55 a.m. on Aug. 6, a parade of lawyers filed into Room 7B at the courthouse in Stamford, Conn., to hear a motion in the divorce case between the newsprint magnate Peter M. Brant and his estranged wife, Stephanie Seymour.","Facts of Stephanie Seymour. Stephanie Seymour was born in July 23, 1968 with her birth name as Stephaine Michelle Seymour. This 47 years old lady was born in San Diego, California of United States and professionally she started her journey being as an American model.","Stephanie Seymour Net Worth is $15 Million. Stephanie Seymour is an actress/model with a net worth of $15 million. Stephanie Seymour accumulated her net worth by appearing in several well known magazines through her modeling career and for her acting Stephanie Michelle Seymour is an American model and actress.","His father Peter Brant is worth an estimated $2.7 billion and as well as being a publishing mogul he is also a major art collector, movie producer, and avid horseman. In 1995, Brant married the supermodel Stephanie Seymour and they have three children together.","Son of supermodel Stephanie Seymour forced to apologise after joking he 'has a plan to kill Obama'. Published: 17:35 EDT, 8 November 2012 | Updated: 17:40 EDT, 8 November 2012.","Report This Page. Stephanie Seymour was born in July 23, 1968 with her birth name as Stephaine Michelle Seymour. This 47 years old lady was born in San Diego, California of United States and professionally she started her journey being as an American model.","Stephanie Seymour. On 23-7-1968 Stephanie Seymour (nickname: Stephanie) was born in San Diego, California, United States. The actress, model, is in 2017 famous for Pollock, Law & Order: Criminal Intent, Hell: A Cyberpunk Thriller. Stephanie Seymour’s starsign is Leo and she is now 48 years of age."],"url":["http://www.getnetworth.com/tag/stephanie-seymour-parents/","http://www.dailymail.co.uk/news/article-2230108/Stephanie-Seymours-son-Peter-Brant-II-forced-apologise-plan-kill-Obama-joke.html","http://www.nytimes.com/2010/08/22/fashion/22Brant.html","http://www.nytimes.com/2010/08/22/fashion/22Brant.html","http://articlebio.com/stephanie-seymour","http://www.getnetworth.com/tag/stephanie-seymour-parents/","http://www.dailymail.co.uk/news/article-2230108/Stephanie-Seymours-son-Peter-Brant-II-forced-apologise-plan-kill-Obama-joke.html","http://www.dailymail.co.uk/news/article-2230108/Stephanie-Seymours-son-Peter-Brant-II-forced-apologise-plan-kill-Obama-joke.html","http://articlebio.com/stephanie-seymour","http://taddlr.com/celebrity/stephanie-seymour/"]},"query":"stephanie seymour net worth","query_id":503592,"query_type":"NUMERIC","wellFormedAnswers":[]},"truncated_cells":[]},{"row_idx":393,"row":{"answers":["No Answer Present."],"passages":{"is_selected":[0,0,0,0,0,0,0,0,0,0],"passage_text":["As the name suggests, volcanic mountains are formed by volcanoes. Volcanic Mountains are formed when molten rock (magma) deep within the earth, erupts, and piles upon the surface. Magna is called lava when it breaks through the earth's crust. When the ash and lava cools, it builds a cone of rock.","Fault blocks are causes by stresses in the Earth's crust. Examples of fault block mountains are the Vosges Mountains and the Black Forest Mountains. Fault blocks are causes by stresses in the Earth's crust. Examples of fault block mountains are the Vosges Mountains and the Black Forest Mountains.","Fault-block Mountains. These mountains form when faults or cracks in the earth's crust force some materials or blocks of rock up and others down. Instead of the earth folding over, the earth's crust fractures (pulls apart). It breaks up into blocks or chunks.","Answers.com ® WikiAnswers ® Categories Science Geography Landforms Mountains Rocky Mountains Examples of fault-block mountains?","the Himalayas i need a example of fault block mountains (The himalayas are NOT fault block mountains , they are fold mountains.)","Fault-block Mountains These mountains form when faults or cracks in the earth's crust force some materials or blocks of rock up and others down. Instead of the earth folding over, the earth's crust fractures (pulls apart). It breaks up into blocks or chunks. Sometimes these blocks of rock move up and down, as they move apart and blocks of rock end up being stacked on one another. Often fault-block mountains have a steep front side and a sloping back side. Examples of fault-block mountains include: the Sierra Nevada mountains in North America; the Harz Mountains in Germany ; Dome Mountains. Dome mountains are the result of a great amount of melted rock (magma) pushing its way up under the earth crust.","Sierra Nevada, Vosages of Europe,Black Forest in Germany, Death Valley in California are some examples of fault-block mountains.","What different types of Mountains are there? There are five basic kinds of mountains: Fold Mountains (Folded Mountains) Fault-block Mountains (Block Mountains) Dome Mountains; Volcanic Mountains; Plateau Mountains; These different types of mountain names not only distinguish the physical characteristics of the mountains, but also how they were formed. Fold Mountains . Fold mountains are the most common type of mountain. The world’s largest mountain ranges are fold mountains. These ranges were formed over millions of years. Fold mountains are formed when two plates collide head on, and their edges crumbled, much the same way as a piece of paper folds when pushed together.","Describe the formation of block mountain and give example of a block mountain and rift valley? when blocks of rock matertialslide along faults in the earths crust Edit","Examples of fold mountains include: 1 Himalayan Mountains in Asia. 2 the Alps in Europe. 3 the Andes in South America. 4 the Rockies in North America. 5 the Urals in Russia."],"url":["http://www.primaryhomeworkhelp.co.uk/mountains/types.htm","http://www.answers.com/Q/Examples_of_fault-block_mountains","http://www.primaryhomeworkhelp.co.uk/mountains/types.htm","http://www.answers.com/Q/Examples_of_fault-block_mountains","http://www.answers.com/Q/Examples_of_fault-block_mountains","http://www.primaryhomeworkhelp.co.uk/mountains/types.htm","http://www.answers.com/Q/Examples_of_fault-block_mountains","http://www.primaryhomeworkhelp.co.uk/mountains/types.htm","http://www.answers.com/Q/Examples_of_fault-block_mountains","http://www.primaryhomeworkhelp.co.uk/mountains/types.htm"]},"query":"is the smokey mountains an example fault block mountains","query_id":1174724,"query_type":"DESCRIPTION","wellFormedAnswers":[]},"truncated_cells":[]},{"row_idx":394,"row":{"answers":["No Answer Present."],"passages":{"is_selected":[0,0,0,0,0,0,0,0,0,0],"passage_text":["Think of your liver like your own personal filtering system: Suck in the bad and spit out the good. The liver has many important functions that keeps a person healthy. It removes harmful material from the bloodstream and helps digest food, says holistic nutritionist Hermeet Suri from Mississauga, Ont.","Antioxidants help protect your liver, promote recovery if it's damaged and even inhibit cancer cells. Eat a variety of colorful fruits and vegetables, which tend to provide the most antioxidants. Rich examples include sweet potatoes, mangoes, carrots, berries, spinach, kale, tomatoes, apricots, watermelon and oranges.","This is about detoxing the body’s largest gland, the liver. It has a number of functions including, but not limited to: Detoxifying the blood to rid it of harmful substances (like toxins, drugs, alcohol, and more) Storing vitamins and iron.","Think of your liver as an air filter. All the toxins we eat, drink and breathe in get clogged up in this hard-working organ. Even though our body has it's own natural detoxification system, there is a lot we can do to give it a helping hand, largely by eating the right kinds of foods.","Detox Your Liver With These 19 Super Foods. 1. Beets and Carrots: Carrots are rich in Glutathione, a protein that helps detoxify the liver. Both are extremely high in plant-flavonoids and beta-carotene. Eating beets and carrots can help stimulate and improve overall liver function.","In addition to being great for the liver, asparagus is a great vegetable to eat raw when you're feeling bloated. Asparagus is a natural diuretic. There are plenty of ways to detox your body without dieting. My advice is to incorporate moderate, but regular amounts of these foods in your diet on a regular basis. Along with plenty of fresh water, your liver will be loving you in no time. Check out my Facebook page for a great liver detoxing tea I just posted.","Healthy fats are important to any diet, plant-based or not, but too much is never a good thing when it comes to fats. Your liver needs fat for proper function, but too much can cause problems with bile production, which will affect the digestion of fats and possibly other issues of digestion.","How Food Fits Into the Equation. As you can see, your liver health is nothing to play around with, so feeding it and your body beneficial foods only makes good sense. One of the best things you can do for your liver is to eat a healthy, plant-based diet. Health experts recommended eliminating or reducing animal foods to care for your liver, just as much as they do eliminating alcohol, refined sugar, excess caffeine, and processed foods.","Whether you have liver disease from drinking too much alcohol, from a virus or from other factors, a healthy diet could help minimize your symptoms, guard against complications and strengthen your overall wellness through treatment and recovery.","Dietary shifts that support liver health include limiting protein, which helps limit the buildup of toxic waste, and increasing your carbohydrate intake for energy and to compensate for eating less protein. Although carbohydrates should be your dietary mainstay, moderate fat intake is also important for wellness."],"url":["http://www.huffingtonpost.ca/2012/09/13/foods-for-liver_n_1880715.html","http://www.livestrong.com/article/70671-foods-fighting-liver-problems/","http://www.collective-evolution.com/2014/07/06/19-super-foods-that-naturally-cleanse-your-liver/","http://www.chicagonow.com/get-fit-chicago/2013/12/10-foods-that-detox-your-body-and-cleanse-your-liver/","http://www.collective-evolution.com/2014/07/06/19-super-foods-that-naturally-cleanse-your-liver/","http://www.chicagonow.com/get-fit-chicago/2013/12/10-foods-that-detox-your-body-and-cleanse-your-liver/","http://www.onegreenplanet.org/natural-health/foods-to-cleanse-and-care-for-your-liver/","http://www.onegreenplanet.org/natural-health/foods-to-cleanse-and-care-for-your-liver/","http://www.livestrong.com/article/70671-foods-fighting-liver-problems/","http://www.livestrong.com/article/70671-foods-fighting-liver-problems/"]},"query":"what is good for your liver","query_id":751968,"query_type":"DESCRIPTION","wellFormedAnswers":[]},"truncated_cells":[]},{"row_idx":395,"row":{"answers":["Cool your body in an air-conditioned room or with a fan, or take a cool shower or bath and let your skin air dry."],"passages":{"is_selected":[0,0,0,0,0,0,1,0,0,0],"passage_text":["Hives can appear on any area of the body; they may change shape, move around, disappear and reappear over short periods of time. The bumps - red or skin-colored “wheals” with clear edges - usually appear suddenly and go away just as quickly.","Prickly heat rash, also called miliaria, is a rash that can develop after a person sweats far more than usual and sweat glands become blocked. Babies and children can also get prickly heat rash during hot or humid weather because their sweat glands are not fully developed.","As well as taking steps to avoid getting heat rash in the first place, there are plenty of home remedies that have been used for generations to help ease the pain and discomfort caused by the rash. Take a look at these simple 11 remedies that could soothe your skin. 1. Oatmeal bath.","Heat rash — also known as prickly heat and miliaria — isn't just for babies. Heat rash affects adults, too, especially during hot, humid weather. Heat rash develops when blocked pores (sweat ducts) trap perspiration under your skin. Symptoms range from superficial blisters to deep, red lumps. Some forms of heat rash feel prickly or intensely itchy.","Small, itchy red bumps on the skin are the symptoms of heat rash. The rash may feel prickly, stinging or burning. Seek medical advice if: Heat rash does not go away on its own within a few days. You develop an infection in an area where you recently had heat rash.","To help prevent heat rash, avoid situations that can lead to excessive sweating, such as hot, humid environments. Avoid strenuous exercise when it is very warm. In hot weather, use air conditioning, fans, and cool showers and baths to stay cool; dry your skin thoroughly; and wear lightweight, loose-fitting clothes.","What Are the Treatments for Heat Rash? In most cases, heat rash will clear up on its own in a few days if the affected area is kept cool and dry. So cool your body in an air-conditioned room or with a fan, or take a cool shower or bath and let your skin air dry.","Comment from: 25-34 Female (Patient) Published: March 31. I get heat rash under my watch whether I'm wearing it or not. I also get it around my bra line, on my sides, stomach, and under my waste. It's also common for me to see it on my hands. I break out in hives, and in severe cases, the hives look like welts or blisters.","Hives, also known as urticaria, affects about 20 percent of people at some time during their lives. It can be triggered by many substances or situations and usually starts as an itchy patch of skin that turns into swollen red welts. The itching may be mild to severe.","I am a Chef, developed a severe heat rash, under my breast, by the bra line, lower stomach and the groin area. The heat rash was so bad, my skin looked like I was burned, and taking a shower was very painful. I have never had anything like this before."],"url":["http://acaai.org/allergies/types/skin-allergies/hives-urticaria","http://www.webmd.boots.com/skin-problems-and-treatments/guide/prickly-heat-rash","http://dailynaturalremedies.com/11-home-remedies-for-heat-rash/","http://www.mayoclinic.org/diseases-conditions/heat-rash/basics/definition/CON-20033908","http://www.webmd.boots.com/skin-problems-and-treatments/guide/prickly-heat-rash","http://www.webmd.com/skin-problems-and-treatments/understanding-heat-rash-treatment","http://www.webmd.com/skin-problems-and-treatments/understanding-heat-rash-treatment","http://www.medicinenet.com/heat_rash/patient-comments-230-page2.htm","http://acaai.org/allergies/types/skin-allergies/hives-urticaria","http://www.medicinenet.com/heat_rash/patient-comments-230-page2.htm"]},"query":"what helps heat rashes go away","query_id":668572,"query_type":"DESCRIPTION","wellFormedAnswers":["The treatment of heat rashes is to cool your body in an air-conditioned room or with a fan, or take a cool shower or bath and let your skin air dry."]},"truncated_cells":[]},{"row_idx":396,"row":{"answers":["350 times"],"passages":{"is_selected":[0,0,0,0,0,0,0,0,1,0],"passage_text":["1937 -- Asteroid Hermes -- about a kilometer in diameter -- misses Earth by 600,000 miles. Hermes, although smaller than the 'roid that snuffed the dinosaurs, could have been a true category killer, able to cause epic devastation and kill millions.","Ever since the Earth formed 4.5 billion years ago, it has been bombarded with rocks from space. Each year about 50,000 tons of asteroidal material enters the Earths atmosphere.","An asteroid impact is also the stuff of science fact. There are obvious craters on Earth (and the moon) that show us a long history of large objects hitting the planet. The most famous asteroid ever is the one that hit Earth 65 million years ago. It's thought that this asteroid threw so much moisture and dust in to the atmosphere that it cut off sunlight, lowering temperatures worldwide and causing the extinction of the dinosaurs.","The key to this trick is time. The Earth is 8,000 miles across, so at most you have to move the asteroid 4,000 miles to make it miss. If you have, say, two years of advance warning you need only change the velocity of the rock by one-fifth of a mile per hour to make it miss. That’s far less than walking speed!","Here's a typical example. In 2028, the asteroid 1997XF11 will come extremely close to Earth but will miss the planet. If something were to change and it did hit Earth, what you would have is a mile-wide asteroid striking the planet's surface at about 30,000 mph. An asteroid that big traveling at that speed has the energy roughly equal to a 1 million megaton bomb.","We now believe there are between 500 and 1,000 near-Earth asteroids larger than one kilometer in diameter.. 2000 -- Michael Paine, an Australian engineer, announces a new computer analysis of asteroid impacts indicating that asteroids may cause considerable chaos over a 100,000-year period.","2000 -- NASA's Near-Earth Asteroid Tracking System announces new data about large asteroids. Until now, scientists thought the population of large, near-Earth asteroids was between 1,000 and 2,000, but we've downgraded that number significantly, said David Rabinowitz, now at Yale University.","Big impacts are rare. The Chelyabinsk asteroid was 19 meters (62 feet) in diameter, and, on average, we should expect an impact from an object that size somewhere on Earth about once every 25 years. (Because most of the planet is covered in water, many of these go unnoticed.) A small chunk of Chelyabinsk meteorite, given to me by a friend.","Now we have the assertion, based on a computer simulation by Australian engineer Michael Paine, that during the last 10,000 years, Earth was hit about 350 times by asteroids as large as the rock that wasted 2,000 square kilometers of Siberian forest in 1908.","A particular concern was tsunamis. When an asteroid hits the ocean, which covers about 70 percent of the planet, it can trigger a tsunami. According to the simulation, the average tsunami would kill 470,000 people."],"url":["http://whyfiles.org/106asteroid/2.html","http://geology.com/articles/near-earth-asteroids.shtml","http://science.howstuffworks.com/nature/natural-disasters/asteroid-hits-earth.htm","http://www.slate.com/articles/health_and_science/mysteries_of_the_universe/2014/02/anniversary_of_chelyabinsk_asteroid_impact_we_need_to_test_a_deflector_mission.html","http://science.howstuffworks.com/nature/natural-disasters/asteroid-hits-earth.htm","http://whyfiles.org/106asteroid/2.html","http://whyfiles.org/106asteroid/2.html","http://www.slate.com/articles/health_and_science/mysteries_of_the_universe/2014/02/anniversary_of_chelyabinsk_asteroid_impact_we_need_to_test_a_deflector_mission.html","http://whyfiles.org/106asteroid/2.html","http://whyfiles.org/106asteroid/2.html"]},"query":"how often do large asteroids hit the earth","query_id":331555,"query_type":"NUMERIC","wellFormedAnswers":[]},"truncated_cells":[]},{"row_idx":397,"row":{"answers":["No Answer Present."],"passages":{"is_selected":[0,0,0,0,0,0,0,0,0,0],"passage_text":["Sharp televisions automatically scan for available channels on your cable or antenna when you go through the initial setup. This feature prevents accidentally tuning into a channel that does not have a broadcaster in your area.","Sharp televisions automatically scan for available channels on your cable or antenna when you go through the initial setup.","Highlight Broadcasting Setup using the up and down arrow buttons, and press Enter.. Select CH Search and press Enter.. The next screen depends on whether your TV is connected to cable or an antenna. Choose Start if your TV is connected to an antenna.","Select Analog and Digital Search Start if you are connected to cable with analog and digital stations. Choose Analog Search Start if your cable connection is analog only. Once the channel scan is finished, the television will ask if you want to block scrambled channels. Select Yes or No, and press Enter..","First the Analogue setup is done with the INITIAL SETUP screen in your menu. Once done, then you switch the TV set to DTV with the button and run the Auto Scan for the DTV tuner. You have to do both to get your Digital TV stations to show up. Take a look --.","I presume that you have connected coaxial cable from the wall to your TV's ANT/CABLE IN port. If this is so, you should enter the on screen menus, select Channels, then Auto Channel Search, then Cable and press OK/ENTER.","http://www.gazlo.com/lylestv This video is will show you how to scan your Sharp tv for all the channels you can recieve from your antenna or your cable. This video was brought to you by Lyle's TV & Appliance. 1 Education. 2 Standard YouTube License.","1 Let the television auto scan. 2 Press the Menu button on the remote to bring up the menu. 3 Press the down button until you get to Setup, then press the right button to access the submenu. 4 Scroll down until you find TV and then press right, repeat the process on the next menu to select Auto Channel Search..","When you first set up your Digital TV, you must take steps to find the digital channels available to you. This process is called scanning or searching for channels.. If you have a Analog TV, DVR or a Digital Receiver it is not necessary to scan.","To begin scanning for channels, use your remote control and the menu function. Look for the menu button on the remote and consult your digital TV or converter box owner's manual for instructions. The up/down and left/right buttons move you through the on-screen menu."],"url":["http://www.ehow.com/how_12103156_set-up-channel-scanning-sharp-tv.html","http://www.ehow.com/how_12103156_set-up-channel-scanning-sharp-tv.html","http://www.ehow.com/how_12103156_set-up-channel-scanning-sharp-tv.html","http://www.ehow.com/how_12103156_set-up-channel-scanning-sharp-tv.html","http://www.justanswer.com/tv-repair/5l1oi-hi-sharp-aquos-lc32d44ebk-can-t-channels.html","http://community.insigniaproducts.com/t5/Televisions/Auto-channel-search-can-t-find-digital-channels/td-p/13663","http://www.youtube.com/watch?v=eHzfGRecKP4","http://www.mademan.com/mm/how-do-i-set-channels-olevia-television.html","http://www.etcnow.com/ESupport/cabletvdigitalscan.php","http://www.etcnow.com/ESupport/cabletvdigitalscan.php"]},"query":"how to set up auto channel search on a sharp lcdtv lc-rc1-14","query_id":379632,"query_type":"DESCRIPTION","wellFormedAnswers":[]},"truncated_cells":[]},{"row_idx":398,"row":{"answers":["Short Message Service (SMS), more colloquially known as text, is a protocol used for sending short messages over mobile networks."],"passages":{"is_selected":[0,0,0,0,0,0,0,0,1,0],"passage_text":["See more words with the same meaning: Internet, texting, SMS, email, chat acronyms (list of). See more words with the same meaning: good, okay, cool, awesome, fun. See more words with the same meaning: impressive. Last edited on Dec 13 2014.","SMS language has yet to be accepted as a conventional and stable form, dialect and language. As a result, (as much as it is also a consequence), notable lexicographical efforts and publications (e.g. dictionaries) dealing specifically with SMS language have yet to emerge.","See more words with the same meaning: Internet, texting, SMS, email, chat acronyms (list of). See more words with the same meaning: impressive. Last edited on Jun 14 2015. Submitted by Matthew B. from Charleston, WV, USA on Feb 13 2002.","At SlangHub.com we are providing you with a list of popular internet slang, slang terms, slang words, and what do they stand for. Example included. Our website is dedicated to help people find the meaning of different slangs. One of them is SMS. Slangs can be anything such as acronym, abbreviation, phrase or just a word. This website helps you to understand these casual parts of speech with semi-formal discourse. The benefit of using such informal alternatives is it betrays uncalled emptiness taking control over our mind.","SMS Texting Dictionary: Text abbreviations, acronyms, texting symbols, emojis and emoticons. If you are into textual intercourse or social media you will need a comprehensive text dictionary. Get all the acronyms, text abbreviations, keystroke short-cuts and emoticons to keep your text messages, emails, tweets and status updates ahead of the rest.","SMS language or textese (also known as txt-speak, txtese, chatspeak, txt, txtspk, txtk, txto, texting language, txt lingo, SMSish, txtslang, txt talk, text shorthand) or texting language is a term for the abbreviations and slang commonly used with mobile phone text messaging, but sometimes used with other Internet-based communication such as email ...","Instead, we only help you to find out what it means. Learn what does SMS mean and be smart about how you use it. If you want to learn about other slang words, acronyms, abbreviations and their meanings, then bookmark us. We have the largest database of slangs, acronyms and abbreviations.","Keyword vs. Short Code. 1 The keyword is the word you send by typing it as the 'body' of the text message. 2 The short code is the short 'phone number' that you send the text message to. 3 For SMS, type a (keyword) to a (short code) Keywords are up to 14 1 characters. The short code used by KTIV is 82942.","Short Message Service (SMS), more colloquially known as ‘text,’ is a protocol used for sending short messages over mobile networks. The first SMS was sent in 1992; by 2010, SMS was the most widely used data application, adopted by 80 % of mobile subscribers. Then the rise of the smartphone came into picture.","SMS language is similar to that used by those sending telegraphs that charged by the word. It seeks to use the fewest number of letters to produce ultra-concise words and sentiments in dealing with space, time and cost constraints of text messaging."],"url":["http://onlineslangdictionary.com/thesaurus/words+meaning+internet,+texting,+sms,+email,+chat+acronyms+(list+of).html","https://en.wikipedia.org/wiki/SMS_language","http://onlineslangdictionary.com/thesaurus/words+meaning+internet,+texting,+sms,+email,+chat+acronyms+(list+of).html","http://www.slanghub.com/what-does-sms-mean/","http://www.mob1le.com/sms.html","https://en.wikipedia.org/wiki/SMS_language","http://www.slanghub.com/what-does-sms-mean/","https://www.quora.com/What-does-SMS-mean-on-a-text-message","https://www.quora.com/What-does-SMS-mean-on-a-text-message","https://en.wikipedia.org/wiki/SMS_language"]},"query":"sms meaning slang","query_id":499588,"query_type":"DESCRIPTION","wellFormedAnswers":[]},"truncated_cells":[]},{"row_idx":399,"row":{"answers":["Magma"],"passages":{"is_selected":[0,0,0,0,0,1,0,0,0,0],"passage_text":["Igneous Rocks. Igneous rocks are formed from lava or magma. Magma is molten rock that is underground and lava is molten rock that erupts out on the surface. The two main types of igneous rocks are plutonic rocks and volcanic rocks. Plutonic rocks are formed when magma cools and solidifies underground.Volcanic rocks are formed from lava that flows on the surface of the Earth and other planets and then cools and solidifies. The texture of an igneous rock depends on the size of the crystals in the rock.This tells us if the rock is plutonic or volcanic. When magma cools underground, it cools very slowly and when lava cools above ground, it cools quickly. When magma and lava cool, mineral crystals start to form in the molten rock.his tells us if the rock is plutonic or volcanic. When magma cools underground, it cools very slowly and when lava cools above ground, it cools quickly. When magma and lava cool, mineral crystals start to form in the molten rock.","Magma chamber?? what is an intrusive igneous rock? (a rock that forms when magma in such intrusions solidifies underground) Take home message Molten rock underground is called magma, whereas molten rock that has come out of a vent at the Earth's surface is lava.agma chamber?? what is an intrusive igneous rock? (a rock that forms when magma in such intrusions solidifies underground) Take home message Molten rock underground is called magma, whereas molten rock that has come out of a vent at the Earth's surface is lava.","Magma (from Greek μάγμα, thick unguent) is a mixture of molten or semi-molten rock, volatiles and solids that is found beneath the surface of the Earth, and is expected to exist on other terrestrial planets. Besides molten rock, magma may also contain suspended crystals, dissolved gas and sometimes gas bubbles.agma is a complex high-temperature fluid substance. Temperatures of most magmas are in the range 700 °C to 1300 °C (or 1300 °F to 2400 °F), but very rare carbonatite magmas may be as cool as 600 °C, and komatiite magmas may have been as hot as 1600 °C. Most magmas are silicate mixtures.","Extrusive igneous rock. Extrusive, or volcanic, igneous rock is produced when magma ex its and cools outside of, or very near the Earth's surface. These are the rocks that form at erupting volcanoes and oozing fissures.The magma, called lava when molten rock erupts on the surface, cools and solidifies almost instantly when it is exposed to the relatively cool temperature of the atmosphere.e can learn something about the way a rock formed from by looking carefully at the evidence preserved inside. What a rock is made of, the shapes of the grains or crystals within the rock, and how the grains or crystals fit together all provide valuable clues to help us unlock the rock's history hidden within.","This creates a volcano. When the magma cools it turns into solid rock, called extrusive igneous rock. Magma that cools underground forms solid rock called intrusive igneous rock. Areas of rock can move slowly upwards, pushed up by pressure of the rocks forming underneath. This is called uplift.Weathering breaks down rocks on the surface of the Earth.agma that cools underground forms solid rock called intrusive igneous rock. Areas of rock can move slowly upwards, pushed up by pressure of the rocks forming underneath. This is called uplift. Weathering breaks down rocks on the surface of the Earth.","Below the crust of the earth, the top layer of the mantle is a hot liquid rock called magma. The crust of the earth floats on this liquid magma mantle. When magma breaks through the surface of the earth in a volcano, it is called lava.For every 100 meters you go below ground, the temperature of the rock increases about 3 degrees Celsius. Or for every 328 feet below ground, the temperature increases 5.4 degrees Fahrenheit.hen magma breaks through the surface of the earth in a volcano, it is called lava. For every 100 meters you go below ground, the temperature of the rock increases about 3 degrees Celsius. Or for every 328 feet below ground, the temperature increases 5.4 degrees Fahrenheit.","Under the suface, molten rock is called magma. When it reaches the Earth's surface it is called lava. 7 people found this useful. Edit. Share to: Don Dfoofnik. There are three kinds of answers: ones that are mostly right, ones that are mostly wrong, and those that once were right but now are wrong.Molten rock (magma) that spews from a volcano is called lava, When it cools, the lava forms igneous rocks.nswer by Don Dfoofnik. Confidence votes 173K. There are three kinds of answers: ones that are mostly right, ones that are mostly wrong, and those that once were right but now are wrong. Molten rock (magma) that spews from a volcano is called lava, When it cools, the lava forms igneous rocks.","Magma often collects in magma chambers that may feed a volcano or solidify underground to form an intrusion. Magma is capable of intrusion into adjacent rocks (forming igneous dikes and sills), extrusion onto the surface as lava, and explosive ejection as tephra to form pyroclastic rock.agma is a complex high-temperature fluid substance. Temperatures of most magmas are in the range 700 °C to 1300 °C (or 1300 °F to 2400 °F), but very rare carbonatite magmas may be as cool as 600 °C, and komatiite magmas may have been as hot as 1600 °C. Most magmas are silicate mixtures.","A hot spot is above a mantle plume. lava. Molten rock that has been erupted onto the Earth's surface. Magma becomes lava once it emerges on the surface. magma. Molten rock found under the Earth's surface. mantle plume. A column of very hot rock that rises up through the mantle.ava. Molten rock that has been erupted onto the Earth's surface. Magma becomes lava once it emerges on the surface. magma. Molten rock found under the Earth's surface. mantle plume. A column of very hot rock that rises up through the mantle.","Now, a hot rock stone...massage is also referred to as a hot stone massage, and this is because in a hot stone massage, hot stones are used.ow, a hot rock stone...massage is also referred to as a hot stone massage, and this is because in a hot stone massage, hot stones are used."],"url":["http://ratw.asu.edu/aboutrocks_igneous.html","https://quizlet.com/70415129/chapter-4-up-from-the-inferno-magma-and-igneous-rocks-flash-cards/","https://en.wikipedia.org/wiki/Magma","http://geomaps.wr.usgs.gov/parks/rxmin/rock.html","http://www.bbc.co.uk/bitesize/ks3/science/environment_earth_universe/rock_cycle/revision/10/","http://www.energyquest.ca.gov/story/chapter11.html","http://www.answers.com/Q/What_is_the_hot_molten_rock_that_comes_out_of_a_volcano_called","https://en.wikipedia.org/wiki/Magma","https://en.wikibooks.org/wiki/High_School_Earth_Science/Volcanic_Activity","http://www.ehow.com/video_4974467_what-hot-rock-massage.html"]},"query":"what is a hot rock called","query_id":687135,"query_type":"DESCRIPTION","wellFormedAnswers":["A hot rock is called Magma.","Hot rock is called magma"]},"truncated_cells":[]}],"num_rows_total":808731,"num_rows_per_page":100,"partial":false} \ No newline at end of file diff --git a/trulens_eval/trulens_eval/tests/datasets/ms_marco/ms_marco_train_v2.1_5.json b/trulens_eval/trulens_eval/tests/datasets/ms_marco/ms_marco_train_v2.1_5.json new file mode 100644 index 000000000..b0dc1e154 --- /dev/null +++ b/trulens_eval/trulens_eval/tests/datasets/ms_marco/ms_marco_train_v2.1_5.json @@ -0,0 +1,5200 @@ +{ + "features": [ + { + "feature_idx": 0, + "name": "answers", + "type": { + "feature": { + "dtype": "string", + "_type": "Value" + }, + "_type": "Sequence" + } + }, + { + "feature_idx": 1, + "name": "passages", + "type": { + "feature": { + "is_selected": { + "dtype": "int32", + "_type": "Value" + }, + "passage_text": { + "dtype": "string", + "_type": "Value" + }, + "url": { + "dtype": "string", + "_type": "Value" + } + }, + "_type": "Sequence" + } + }, + { + "feature_idx": 2, + "name": "query", + "type": { + "dtype": "string", + "_type": "Value" + } + }, + { + "feature_idx": 3, + "name": "query_id", + "type": { + "dtype": "int32", + "_type": "Value" + } + }, + { + "feature_idx": 4, + "name": "query_type", + "type": { + "dtype": "string", + "_type": "Value" + } + }, + { + "feature_idx": 5, + "name": "wellFormedAnswers", + "type": { + "feature": { + "dtype": "string", + "_type": "Value" + }, + "_type": "Sequence" + } + } + ], + "rows": [ + { + "row_idx": 400, + "row": { + "answers": [ + "Hood prop is the rod that folds out and holds up the hood of a car." + ], + "passages": { + "is_selected": [ + 0, + 1, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0 + ], + "passage_text": [ + "Carparts can help you with that.Check out our vast inventory of auto parts and pick what you need. • Our hood struts allow easy access to engine parts. • A sturdy hood strut makes roadside under-the-hood repair jobs easier.. • Made from durable material, our hood struts can last your car a long time.", + "If you mean the rod that folds out and holds up the hood it's called the hood prop . The one's that stay up on their own is provided by the hood hinge springs. Source(s): Autoworker with 31 yrs and a car nut with friends who are the same. eldoradodave · 1 decade ago.", + "This Site Might Help You. RE: What is the stick thing called that holds up you car hood? I was wondering what the stick thing is called because one of the clip it attaches to lock it down is broken and i need a new one so that the stick doesn't move around in the car.", + "The hood r…elease should be in the left side of the drivers seat compartment. Pull that to release the lock. Run your fingers under the hood lip by the bottom of the windshield and locate the secondary hood latch. Release the lock and pull the hood up and toward the front of the car. If one or both of the hood release cables are broken, Mid-America Motorworks sells a tool to aid you in opening it. http://content.madirect.com/pdf/609637.pdf.", + "Release it and raise the hood the rest of the way. Secure the hood if necessary. If the hood stays up all by itself, fine. If it doesn’t, look for a hood prop — a long, thin metal rod attached either to the underside of the hood or to the bottom edge of the hood opening.", + "Gas lifts that hold up car hoods, trunks and rear hatches can wear out and become a problem, especially in cold weather. Here's how to fix the problem quickly and cheaply. By the DIY experts of The Family Handyman Magazine. Replacement procedure.", + "In newer models, the hood release is often inside the vehicle, somewhere near the steering column or on the floor next to the driver’s seat. (It generally displays the word “Hood” or a picture of a car with its hood up.) In older models, the hood release is behind the grill or the bumper.", + "Here’s how to open the hood yourself: 1 Find your hood release and pop open the hood. Either consult your owner’s manual, or try to remember the last time a service station attendant opened the hood of your car. 2 With one hand, raise the hood as far as it will go.", + "Then find the safety catch release lift the hood. Prop rods hold the hood up when opened or some are held up with shock absorber like Hood Struts that are designed to fail a few years down the road after the warranty runs out. Source(s): 30 year auto technician. John Paul · 1 decade ago.", + "What's the hydraulic piston-like thing that holds up the trunk of a car? You know, when you open the trunk (or boot in the UK) of your car, there's these 2 hydraulic piston things that hold it up? Mine don't hold the door up anymore. I want to replace them, but I don't know what they're called!" + ], + "url": [ + "http://www.carparts.com/hood-strut", + "https://answers.yahoo.com/question/index?qid=20060808203029AATGNqh", + "https://answers.yahoo.com/question/index?qid=20080108010842AAzvQzv", + "http://www.answers.com/Q/What_is_the_name_of_the_rod_that_holds_the_hood_up", + "http://www.dummies.com/home-garden/car-repair/how-to-raise-your-vehicles-hood/", + "https://www.familyhandyman.com/automotive/replace-the-gas-lift-on-your-car-s-hood/view-all/", + "http://www.dummies.com/home-garden/car-repair/how-to-raise-your-vehicles-hood/", + "http://www.dummies.com/home-garden/car-repair/how-to-raise-your-vehicles-hood/", + "https://answers.yahoo.com/question/index?qid=20060808203029AATGNqh", + "https://uk.answers.yahoo.com/question/index?qid=20101226065721AAk4dWd" + ] + }, + "query": "what holds up the hood of a car", + "query_id": 669195, + "query_type": "DESCRIPTION", + "wellFormedAnswers": [] + }, + "truncated_cells": [] + }, + { + "row_idx": 401, + "row": { + "answers": [ + "7 or more eggs per week" + ], + "passages": { + "is_selected": [ + 0, + 0, + 1, + 0, + 0, + 0, + 0, + 0, + 0, + 0 + ], + "passage_text": [ + "In a 2008 study, researchers followed 21,327 male physicians for 20 years and found that egg consumption-up to 6 per week-was not linked with a greater risk of heart attack, stroke or dying from all causes.", + "Once demonised as bad for the heart, eggs have been repositioned as a health food in recent years as researchers have found that not only are they good for hearts, but can even help you to lose weight. But last week Canadian researchers published findings that could crack eggs’ nutritious reputation.", + "In a 2008 study, men who ate 7 or more eggs per week versus less than one had a twofold greater risk for all cause mortality, presumably from heart disease.", + "The concern with eggs has to do with their high cholesterol content - 190 milligrams per one egg. Nutrition guidelines to keep LDL (bad) blood cholesterol in the desirable range have emphasized limiting dietary cholesterol-abundant in egg yolks, shrimp, liver and duck-to less than 300 milligrams per day.", + "In the Department of Health analysis it was found that eggs contain around 20 per cent less fat, 13 per cent fewer calories and 10 per cent less cholesterol than 30 years ago. In one study, overweight women had eggs or a bagel for breakfast.", + "And if you are also eating a diet high in saturated fat, the cholesterol in eggs can have a more profound effect on your bad “LDL” cholesterol levels. Eating the same foods day after day may help you maintain your weight. “It’s about limiting choices,” explains Smith.", + "Eggs are well known for their protein but they also contain vitamins B-12 and A. One large egg has 78 calories and 6.3 grams of quality protein. This means that women get 14 percent and men gain 11 percent of their recommended daily allowance of protein.", + "I know they contain cholesterol, but I’m currently eating six a day while cutting.”. A: Whoa, there! Six eggs a day is far too many, no matter how you cut it. An egg has 187 mg of cholesterol, and the recommended limit is 300 mg per day—or only 200 mg if you have diabetes or risk factors for heart disease.", + "The Department of Health now says we can eat as many eggs as we like, as long as they form part of a healthy, balanced diet. There is no upper limit, says Bond, unless you have inherited high cholesterol. Of the Canadian study, she says that carotid plaque rises anyway with age after 40.", + "If you're healthy, one whole egg a day seems perfectly safe. If you're a male with diabetes, it's prudent to limit egg yolks to four per week. Send dietitian Leslie Beck your questions at dietitian@globeandmail.com. She will answer select questions, which could appear in The Globe and Mail and/or on The Globe and Mail web site." + ], + "url": [ + "http://www.theglobeandmail.com/life/health-and-fitness/ask-a-health-expert/how-many-eggs-should-i-eat-in-a-week/article573714/", + "http://www.dailymail.co.uk/health/article-2184650/Eggs-Are-bad-cholesterol-I-have.html", + "http://www.theglobeandmail.com/life/health-and-fitness/ask-a-health-expert/how-many-eggs-should-i-eat-in-a-week/article573714/", + "http://www.theglobeandmail.com/life/health-and-fitness/ask-a-health-expert/how-many-eggs-should-i-eat-in-a-week/article573714/", + "http://www.dailymail.co.uk/health/article-2184650/Eggs-Are-bad-cholesterol-I-have.html", + "http://www.mensfitness.com/nutrition/what-to-eat/eating-too-many-eggs", + "http://www.livestrong.com/article/530941-how-many-eggs-can-i-eat-a-day-without-adverse-effects/", + "http://www.mensfitness.com/nutrition/what-to-eat/eating-too-many-eggs", + "http://www.dailymail.co.uk/health/article-2184650/Eggs-Are-bad-cholesterol-I-have.html", + "http://www.theglobeandmail.com/life/health-and-fitness/ask-a-health-expert/how-many-eggs-should-i-eat-in-a-week/article573714/" + ] + }, + "query": "how many eggs a week can i eat", + "query_id": 282771, + "query_type": "NUMERIC", + "wellFormedAnswers": [] + }, + "truncated_cells": [] + }, + { + "row_idx": 402, + "row": { + "answers": [ + "No Answer Present." + ], + "passages": { + "is_selected": [ + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0 + ], + "passage_text": [ + "**Average National SAT Scores for 2014**. Answer: Your SAT score can range anywhere from a 600 on the very lowest end, to a 2400 on the very highest end since each SAT section (Critical Reading, Writing, and Mathematics) is worth between 200 and 800 points a piece.", + "Average SAT scores for the Class of 2014 stayed about the same as previous years, hitting just below 1500 for all three portions of the college admissions exam, according to data released by College Board.", + "The scores from each section can range from 200 to 800, so the best possible total score is 2400. The average score for each section is roughly 500, so the average total score is about 1500. For the 1.66 million test-takers in 2013, the mean scores were 496 critical reading, 514 math, and 488 writing.", + "So what is a good SAT score? The exam consists of three parts: Critical Reading, Mathematics and Writing. The scores from each section can range from 200 to 800, so the best possible total score is 2400. The average score for each section is roughly 500, so the average total score is about 1500.", + "Above average SAT/ACT scores will improve your chances of getting into a more selective school. Scores below an 1100 on the SAT or a 15 on ACT are considered low at just about any four-year college. You can overcome low scores with good grades or an outstanding application.", + "So you've taken the SAT and gotten your score back, and you want to know how you did. Or maybe you're planning for the SAT, and want to know what score to aim for. Here we answer that question, with an idea of the national average and what a generally good score is.", + "Well, it all depends on the colleges you are considering. A 23 on the ACT or a 1800 on the SAT may be above average at one university but below average at another. The higher your score, the more options are open to you.", + "Your SAT score can range anywhere from a 600 on the very lowest end, to a 2400 on the very highest end since each SAT section (Critical Reading, Writing, and Mathematics) is worth between 200 and 800 points a piece. The average overall score (50th percentile) in the United States for 2014 was a 1497:", + "A mother recently asked me what constitutes a good SAT scores. I told her that it depends on the caliber of the school. At some colleges a 1600 out of a 2400 score is above average while at other schools, applicants with that kind of score wouldn’t even be seriously considered.", + "Is 2100 good? Or would only a perfect 2400 be considered a good score? However, instead of asking what score is a good one, perhaps the more important question is to ask, “Which college do you want to go to?” Different colleges have different SAT score ranges amongst their admitted applicants." + ], + "url": [ + "http://testprep.about.com/od/sat/f/SATFAQ_GoodSAT.htm", + "http://www.businessinsider.com/average-sat-score-2014-2014-10", + "http://collegeapps.about.com/od/sat/f/goodsatscore.htm", + "http://collegeapps.about.com/od/sat/f/goodsatscore.htm", + "http://www.princetonreview.com/college-advice/good-sat-score-act-score", + "http://blog.prepscholar.com/what-is-a-good-sat-score-a-bad-sat-score-an-excellent-sat-score", + "http://www.princetonreview.com/college-advice/good-sat-score-act-score", + "http://testprep.about.com/od/sat/f/SATFAQ_GoodSAT.htm", + "http://www.thecollegesolution.com/comparing-your-teenagers-sat-scores/", + "http://www.princetontutoring.com/blog/2014/06/what-is-a-good-sat-score/" + ] + }, + "query": "what is a good sat score for june 2014", + "query_id": 685449, + "query_type": "DESCRIPTION", + "wellFormedAnswers": [] + }, + "truncated_cells": [] + }, + { + "row_idx": 403, + "row": { + "answers": [ + "1-800-829-1040" + ], + "passages": { + "is_selected": [ + 1, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0 + ], + "passage_text": [ + "160 people found this helpful. Call the IRS: 1-800-829-1040 hours 7 AM - 7 PM local time Monday-Friday. When calling the IRS do NOT choose the first option re: Refund, or it will send you to an automated phone line. So after first choosing your language, then do NOT choose Option 1 (refund info). Choose option 2 for personal income tax instead. Then press 1 for form, tax history, or payment.", + "This is the Official Main IRS 800 # Toll Free Phone Number To Call the Internal Revenue Services regarding your taxes. You can contact the IRS for free and speak to an IRS agent who can help you answer question about your taxes and your tax refund. [2220]", + "US IRS Phone Number. IRS Customer Service Phone Number: 1-800-829-1040. The IRS is a bureau of the Department of the Treasury and one of the world's most efficient tax administrators. In fiscal year 2012, the IRS collected more than $2.5 trillion in revenue and processed more than 237 million tax returns. IRS Main Office.", + "I am NOT able to rate Customer Service at this time. After 4 hours of telephoning every number that I can locate (numerous!), each referred me via recording to irs.gov. This website doesn't address the issue that I need assistance with at all. The site is more than frustrating. It's amazing that my information is available to them, but service is not available to me.", + "IRS Phone Number. Save time before you call IRS. GetHuman collects the best phone numbers and shortcuts for companies, but we also have how-to guides for common customer issues. Or you can hire us to call IRS for you and help with your issue.", + "Hope Hotline: 888-995- 4673 (HOPE) Hearing impaired: 877-304-9709 TTY Call the Hope Hotline if you are experiencing problems with your lender in relation to any Making Home Affordable programs. Visit MakingHomeAffordabe.gov for information on all Making Home Affordable programs and eligibility information.", + "Here are some other useful numbers: IRS E-file Help Desk Phone number: 1-866-255-0654 - Call this number for e-filing assistance. Tax Practitioner Hotline: 1-866-860-4259 - Tax assistance for Tax Preparers. This number is only for people who prepare taxes for other tax payers. Main Tax Assistance: 1-800-829-1040 - Tax assistance for Taxpayers. this is the IRS main number give i gave you above. IRS Business Assistance: 1-800-829-4933 - Call this number if you want to talk to an agent about your business, not your personal taxes.", + "We called IRS's phone number, tried the various choices in their interactive phone system, and recorded it for you. Click/tap on endpoints to see how to get to them, transcriptions of recorded messages, customer information required, and more. Fastest way to a human. 1English.", + "Where is my refund. The website states that most (electronic) will be processed within 21 days. However, I mailed mine on 2/4/15 and it was in review on 2/23/15 and to date no refund date is available. I used to always use electronic service until my information was used by someone other than myself.", + "The Internal Revenue Service (IRS) administers and enforces U.S. federal tax laws." + ], + "url": [ + "https://ttlc.intuit.com/questions/2647542-i-know-the-irs-phone-number-is-800-829-1040-but-how-to-do-you-get-someone-to-actually-answer-the-line", + "http://www.wallpaperama.com/forums/irs-internal-revenue-service-800-contact-phone-numbers-to-call-t5957.html", + "http://customerservicenumbers.com/co-us-irs", + "http://www.forlocations.com/1901/irsoffice-customer-service", + "https://gethuman.com/phone-number/IRS", + "https://www.treasury.gov/connect/Pages/contact-us.aspx", + "http://www.wallpaperama.com/forums/irs-internal-revenue-service-800-contact-phone-numbers-to-call-t5957.html", + "https://gethuman.com/phone-number/IRS", + "http://www.forlocations.com/1901/irsoffice-customer-service", + "https://www.usa.gov/federal-agencies/internal-revenue-service" + ] + }, + "query": "irs phone numbers customer service", + "query_id": 398813, + "query_type": "NUMERIC", + "wellFormedAnswers": [] + }, + "truncated_cells": [] + }, + { + "row_idx": 404, + "row": { + "answers": [ + "No Answer Present." + ], + "passages": { + "is_selected": [ + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0 + ], + "passage_text": [ + "The Latest. August 18, 2017. Learn How You Can Help Victims of Animal Fighting! You can help pass the HEART Act, a bill that would speed up the rehabilitation and rehoming processes for animals seized in federal animal fighting cases, enabling them to find new homes sooner.", + "Join Team ASPCA. With Team ASPCA, it’s easier than ever to raise funds for animals.", + "Royal Society for the Prevention of Cruelty to Animals. The Royal Society for the Prevention of Cruelty to Animals (RSPCA) is a charity operating in England and Wales that promotes animal welfare. In 2012, the RSPCA investigated 150,833 cruelty complaints.", + "The organisation was founded as the Society for the Prevention of Cruelty to Animals. Broome was appointed as the society's first honorary secretary. The foundation is marked by a plaque on the modern day building at 77–78 St. Martin's Lane. The society was the first animal welfare charity to be founded in the world. In 1824 it brought sixty three offenders before the courts. It was granted its royal status by Queen Victoria in 1840 to become the Royal Society for the Prevention of Cruelty to Animals, as it is today.", + "Learn more about the ASPCA's work to rescue animals from abuse, pass humane laws and share resources with shelters nationwide. Join our fight today!", + "Every dollar can make a difference for an animal in need. Join the ASPCA by making a gift today.", + "The ASPCA prepares for the search-and-rescue and sheltering of displaced animals in the historic rainfall and flooding in Texas and Louisiana. See the latest updates on our disaster response efforts.", + "The charity's work has inspired the creation of similar groups in other jurisdictions, starting with the Ulster Society for the Prevention of Cruelty to Animals (founded in 1836), and including the Scottish Society for Prevention of Cruelty to Animals (1839), the Dublin Society for the Prevention of Cruelty to Animals (1840), the American Society for the Prevention of Cruelty to Animals (1866), the Royal New Zealand Society for the Prevention of Cruelty to Animals (1882), and various groups ...", + "© 2018 American Society for the Prevention of Cruelty to Animals. All rights reserved. The ASPCA is a 501(c)(3) non-for-profit organization. Privacy Policy Legal Info", + "https://www.aspca.org/news/nypd-explorers-come-aid-community-cats-help-aspca NYPD Explorers Come to the Aid of Community Cats with Help from the ASPCA Help the ASPCA Put a Stop to Animal Cruelty" + ], + "url": [ + "https://www.aspca.org/", + "https://www.aspca.org/", + "https://en.wikipedia.org/wiki/Royal_Society_for_the_Prevention_of_Cruelty_to_Animals", + "https://en.wikipedia.org/wiki/Royal_Society_for_the_Prevention_of_Cruelty_to_Animals", + "https://www.aspca.org/", + "https://www.aspca.org/", + "https://www.aspca.org/", + "https://en.wikipedia.org/wiki/Royal_Society_for_the_Prevention_of_Cruelty_to_Animals", + "https://www.aspca.org/", + "https://www.aspca.org/" + ] + }, + "query": "is the society of the prevention of cruelty to animals a good charity", + "query_id": 1174723, + "query_type": "DESCRIPTION", + "wellFormedAnswers": [] + }, + "truncated_cells": [] + }, + { + "row_idx": 405, + "row": { + "answers": [ + "Salt water gargle may loosen thick mucus and help to remove irritants like allergens, bacteria and fungi from the throat." + ], + "passages": { + "is_selected": [ + 0, + 0, + 0, + 1, + 0, + 0, + 0, + 0, + 0, + 0 + ], + "passage_text": [ + "A simple saltwater gargle is prepared by dissolving 1/4 to 1/2 teaspoons of salt in an 8-ounce glass of warm water and use it as you would any mouthwash, by throwing your head back and gargling right before it hits the cartilaginous flap in the back of your throat.", + "How JustAnswer Works: 1 Ask an Expert Experts are full of valuable knowledge and are ready to help with any question. 2 Get a Professional Answer Via email, text message, or notification as you wait on our site. 3 100% Satisfaction Guarantee Rate the answer you receive.", + "I woke up with a sore throat 10 hours ago and immediately began gargling with salt water. But gargling's really a nuisance. If it's mostly to relieve discomfort, then I have other alternatives.", + "Salt water gargle may also loosen thick mucus and help to remove irritants like allergens, bacteria and fungi from the throat. If the gargle has a higher salt concentration than patient cells' salt concentration, it will tend to draw out some of the fluid from the swollen mucosa of the throat. Some of the symptoms will improve, but salt water gargle can’t cure the infection and remove the cause of the sore throat.", + "Gargling salt water may help with a sore, itchy throat and respiratory congestion. Problems with throat are actually caused by inflammation of the tissues. A sense of fullness and difficulty swallowing are both related to swelling of the tissue lining the throat, known as mucosa.", + "A new study shows people who gargled every day with water had fewer colds than those who didn't gargle or those who gargled with an antiseptic mouth rinse containing iodine.", + "What are the benefits of gargling with salt water? - Answered by a verified Health Professional", + "Hello, Gargling with salt water helps to relieve the discomfort of sore throat. Salt water gargling can help to flush out the area of the throat. Due to salt there can be an osmotic effect on the inflammed tissues & bacteria to draw out fluid & help in inflammation. I hope this information helps. I will be happy to assist, if you need any clarification.", + "Related Health Questions. 1 Question Date Submitted. 2 I hurt my back trying to ski. The lower lower back. 3 I have been taking 0.5 mg of Xanax to help with my panic 7/3/2017 7/3/2017 tazechip. 4 4 days after unprotected oral with sex worker red bumps on 7/3/2017 7/3/2017 tazechip.", + "Related Health Questions. 1 Question Date Submitted. 2 I hurt my back trying to ski. The lower lower back. I'm in a 7/4/2017 7/4/2017 Onlinedoc. 3 I have been taking 0.5 mg of Xanax to help with my panic 7/3/2017 7/3/2017 tazechip. 4 4 days after unprotected oral with sex worker red bumps on 7/3/2017 7/3/2017 tazechip." + ], + "url": [ + "https://ic.steadyhealth.com/gargling-salt-water-benefits", + "https://www.justanswer.com/health/5zd75-benefits-gargling-salt-water.html", + "https://www.justanswer.com/health/5zd75-benefits-gargling-salt-water.html", + "https://ic.steadyhealth.com/gargling-salt-water-benefits", + "https://ic.steadyhealth.com/gargling-salt-water-benefits", + "https://www.webmd.com/cold-and-flu/news/20051020/does-gargling-with-water-prevent-colds", + "https://www.justanswer.com/health/5zd75-benefits-gargling-salt-water.html", + "https://www.justanswer.com/health/5zd75-benefits-gargling-salt-water.html", + "https://www.justanswer.com/health/5zd75-benefits-gargling-salt-water.html", + "https://www.justanswer.com/health/5zd75-benefits-gargling-salt-water.html" + ] + }, + "query": "benefits of salt water gargle", + "query_id": 51196, + "query_type": "DESCRIPTION", + "wellFormedAnswers": [] + }, + "truncated_cells": [] + }, + { + "row_idx": 406, + "row": { + "answers": [ + "No Answer Present." + ], + "passages": { + "is_selected": [ + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0 + ], + "passage_text": [ + "Prince George’s County Correctional Center Visiting Hours and Visitation Schedule. The information below provides complete instructions regarding Prince George’s County Correctional Center Visiting Hours and Visitation Schedule, Visiting Rules, Inmate Video Visits and Jail Visitation process in Upper Marlboro, Maryland.", + "All visitors must be 18 years of age or older. If you want to visit an inmate, you must register at the Reception Center at the Correctional Center. Visiting hours from 4:30 p.m to 9 p.m. Monday through Friday and on weekends from 8 a.m. to 1:30 p.m. and 4:30 p.m. to 9 p.m. Registration begins one-half hour before the start of visiting hours, or at 7:30 a.m.,1 p.m., and 3:30 p.m.", + "If you need information on bonds, visitation, inmate calling, mail, inmate accounts, commissary or anything else, you can call the facility at (301) 952-4800 (301) 952-7102 (301) 952-7164. You can also send an email at SheriffInfo@co.pg.md.us. inmate Search links for Prince George’s County Correctional Center can be found below.", + "Beds: 1300. The information below provides complete instructions regarding Prince George’s County Correctional Center Visiting Hours and Visitation Schedule, Visiting Rules, Inmate Video Visits and Jail Visitation process in Upper Marlboro, Maryland.", + "Prince George's County - County Jail - Maryland. Prince George's County Correctional Center is located in the city of Upper Marlboro, Maryland which has a population of 631 (as of 2016) residents. This prison has a capacity of 1300 inmates, which means this is the maximum amount of beds per facility.", + "Here is jail inmate information for the Prince George’s County Correctional Center. Prince George’s County Correctional Center is located at 13400 Dille Drive, in Prince George's, Maryland and has the capacity of 1300 beds.", + "All visitors must be 18 years of age or older. If you want to visit an inmate, you must register at the Reception Center at the Correctional Center. Visiting hours are from 4:30 p.m. to 9 p.m. Monday through Friday and on weekends from 8 a.m. to 1:30 p.m. and 4:30 p.m. to 9 p.m.", + "About Prince George's County. The Prince George’s County Correctional Center in Upper Marlboro, Prince George's County, Maryland, like all jails is a maximum security facility.", + "Here is information on how to find someone in this jail. The first thing you should consider is that family members have rights for inmate visitation, inmate mail address and policies, and the commissary in Prince George’s County Correctional Center facility.", + "Inmates in the Prince George’s County Correctional Center are fed three meals a day totaling 2,500 calories, are allowed access to phones to contact friends and family members, are allowed at least one hour a day for exercise, have access to books, bathroom and shower facilities." + ], + "url": [ + "http://www.jailexchange.com/countyjails/maryland/prince-georges/prince-georges-co-correctional-ctr-inmate-visitation.aspx", + "http://www.prisonpath.com/county/prince-georges-co-correctional-center/", + "http://www.inmatesearcher.com/maryland/prince-georges-county-correctional-center-inmate-locator/", + "http://www.jailexchange.com/countyjails/maryland/prince-georges/prince-georges-co-correctional-ctr-inmate-visitation.aspx", + "https://www.jaildata.com/prison/prince-georges-county-correctional-center", + "http://www.inmatesearcher.com/maryland/prince-georges-county-correctional-center-inmate-locator/", + "http://www.princegeorgescountymd.gov/200/Visitation", + "http://jail.com/arrest-records/prince-georges-county-md", + "http://www.inmatesearcher.com/maryland/prince-georges-county-correctional-center-inmate-locator/", + "http://jail.com/arrest-records/prince-georges-county-md" + ] + }, + "query": "visiting hours in upper marlboro jail", + "query_id": 537571, + "query_type": "NUMERIC", + "wellFormedAnswers": [] + }, + "truncated_cells": [] + }, + { + "row_idx": 407, + "row": { + "answers": [ + "No Answer Present." + ], + "passages": { + "is_selected": [ + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0 + ], + "passage_text": [ + "You should take statins if your LDL cholesterol is 190 mg/dL or higher. You should also take statins if your LDL cholesterol is between 70 and 189 mg/dL and: 1 You have diabetes and are between ages 40 and 75. 2 You have diabetes and a high risk of heart disease.", + "Your LDL level also could be optimal if you are taking a statin medication. Please check with your doctor to get your complete lipid profile and see if you may need additional treatment. In the meantime, find more information on WebMD's Cholesterol Health Center. Your total cholesterol level is High.", + "You should take statins if your LDL cholesterol is 190 mg/dL or higher. You should also take statins if your LDL cholesterol is between 70 and 189 mg/dL and: 1 You have diabetes and are between ages 40 and 75. 2 You have diabetes and a high risk of heart disease. 3 You have a high risk of heart disease.", + "Like other drugs, however, statins have potentially serious side effects, and there are instances in which they should not be taken. Here is a rundown of things you should look out for if you are taking a statin, and times when you should steer clear of the drugs altogether.", + "Statins are a group of medicines that can help lower the level of low-density lipoprotein (LDL) cholesterol in the blood. LDL cholesterol is often referred to as bad cholesterol, and statins reduce the production of it inside the liver.", + "Introduction. Statins are a group of medicines that can help lower the level of low-density lipoprotein (LDL) cholesterol in the blood. LDL cholesterol is often referred to as bad cholesterol, and statins reduce the production of it inside the liver.", + "Most statins are taken at night, as this is when most of your cholesterol is produced. Check with your doctor or pharmacist when you should be taking your statin. Most statins come as tablets. The most common one is simvastatin.", + "Like other drugs, however, statins have potentially serious side effects, and there are instances in which they should not be taken. Here is a rundown of things you should look out for if you are taking a statin, and times when you should steer clear of the drugs altogether. Next: Muscle pain and weakness.", + "In other words, anyone at high enough risk who stands to benefit from a statin should be taking one. It doesn’t matter so much what his or her actual cholesterol level is to begin with. And there’s no proof that an LDL cholesterol of 70 mg/dL is better than 80 or 90 mg/dL.", + "It’s important to take your medication regularly as prescribed. Most statins are taken at night, as this is when most of your cholesterol is produced. Check with your doctor or pharmacist when you should be taking your statin. Most statins come as tablets." + ], + "url": [ + "https://www.nlm.nih.gov/medlineplus/ency/patientinstructions/000314.htm", + "http://www.webmd.com/cholesterol-management/features/when-your-doctor-orders-cholesterol-lowering-medications?page=3", + "https://www.nlm.nih.gov/medlineplus/ency/patientinstructions/000314.htm", + "http://www.health.com/health/gallery/0,,20552165,00.html", + "http://www.nhs.uk/Conditions/Cholesterol-lowering-medicines-statins/Pages/Introduction.aspx", + "http://www.nhs.uk/Conditions/Cholesterol-lowering-medicines-statins/Pages/Introduction.aspx", + "https://www.bhf.org.uk/heart-health/treatments/statins", + "http://www.health.com/health/gallery/0,,20552165,00.html", + "http://www.health.harvard.edu/blog/cholesterol-and-statins-its-no-longer-just-about-the-numbers-201311136868", + "https://www.bhf.org.uk/heart-health/treatments/statins" + ] + }, + "query": "should i be taking statins ldl 7.1", + "query_id": 496374, + "query_type": "DESCRIPTION", + "wellFormedAnswers": [] + }, + "truncated_cells": [] + }, + { + "row_idx": 408, + "row": { + "answers": [ + "Ravalli County" + ], + "passages": { + "is_selected": [ + 1, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0 + ], + "passage_text": [ + "Homefacts City Report. Stevensville is located in Ravalli County, MT. The population is 2,280, making Stevensville the 2nd largest city in Ravalli County. There are 5 public schools in Stevensville with an average Homefacts rating of B. The total crime rate for Stevensville is very low, and there are 22 registered sex offenders residing in the city.", + "About the area. You can count on it, it's official; Stevensville is the first permanent settlement in the state of Montana. Even several years before Montana became a state; Jesuit Missionaries settled the town to tend to the Bitter Root Salish Indians at their request.", + "Find Stevensville Montana clerk, including county, city, and circuit clerk, and clerk of court. Clerks provide information on public court records and legal documents, criminal, jail, and arrest records, marriage licenses, divorce, judicial, and probate records, businesses liens, notary services, real estate taxes and voter registration services. Name. Ravalli County Clerk. Address. 205 Bedford Street, Hamilton, Montana, 59840.", + "Stevensville, MT. Sponsored Topics. Stevensville is a town in Ravalli County, Montana, United States. The population was 1,553 at the 2000 census. Stevensville is officially recognized as the first permanent settlement in the state of Montana.", + "Stevensville City Court. Stevensville Court is in the Twenty-First judicial district of Montana. SR 203 and SR 269 meet at the Northern tip of Stevensville. US 93 runs through the Western parts of the town. of the town. You can count on it, it's official; Stevensville is the first permanent settlement in the state of Montana.", + "2016 Real Property Tax Bills. 12/10/16 - 1st Half Real Property tax is now past due. and you will not be able to pay them on-line. 2nd half taxes are due May 31, 2017.", + "Stevensville, Montana. Stevensville (Salish: ɫq̓éɫmlš) is a town in Ravalli County, Montana, United States. The population was 1,809 at the 2010 census.", + "By analyzing information on thousands of single family homes for sale in Stevensville, Montana and across the United States, we calculate home values (Zestimates) and the Zillow Home Value Price Index for Stevensville proper, its neighborhoods, and surrounding areas .", + "Depending on local laws and specific court policies, exemptions MAY include persons over age 70, and those having recently served on a jury (usually within 1-3 years depending on county policy). In the state of Montana, there are no automatic professional or government employee exemptions.", + "Real Estate. 1 Tax bill mailed by November 1st of tax year. 2 First half payable by November 30th. 3 Second half payable by May 31 of the following year. Real Estate Taxes are paid in arrears." + ], + "url": [ + "http://www.homefacts.com/city/Montana/Ravalli-County/Stevensville.html", + "http://www.town-court.com/MT/ravalli-county/stevensville-city-court", + "http://www.countyoffice.org/stevensville-mt-clerk/", + "https://www.mapquest.com/us/mt/stevensville-282033734", + "http://www.town-court.com/MT/ravalli-county/stevensville-city-court", + "http://ravalli.us/196/Property-Tax", + "https://en.wikipedia.org/wiki/Stevensville,_Montana", + "https://www.zillow.com/stevensville-mt/county-road_att/", + "http://www.county-courthouse.com/mt/stevensville/stevensville-limited-jurisidiction-court", + "http://ravalli.us/196/Property-Tax" + ] + }, + "query": "what county is stevensville mt in", + "query_id": 613252, + "query_type": "LOCATION", + "wellFormedAnswers": [ + "Stevensville is in Ravalli County, Montana. " + ] + }, + "truncated_cells": [] + }, + { + "row_idx": 409, + "row": { + "answers": [ + "A unit of angular measurement equal to one-sixtieth (1⁄60) of one degree." + ], + "passages": { + "is_selected": [ + 0, + 1, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0 + ], + "passage_text": [ + "Investigate your GPS options and if you can get the display into decimal degrees like 117.4974 degrees, then you do not need to use this calculator. Test by clicking to calculate the result with the default numbers. The answer should be 117.4974 decimal degrees. i.e. just under 117 and a half degrees.", + "A minute of arc (MOA), arcminute (arcmin) or minute arc is a unit of angular measurement equal to one-sixtieth (1⁄60) of one degree. As one degree is 1⁄360 of a circle, one minute of arc is 1⁄21600 of a circle (or, in radians, π⁄10800). It is used in fields that involve very small angles, such as astronomy, optometry, ophthalmology, optics, navigation, land surveying and marksmanship.", + "Knowing that 1 radian = 57.29578 degrees we can now find the conversion factor for converting back. Dividing both sides of the equation by 57.29578 we get about 0.01745329 radians = 1 degrees. So, the conversion factor to multiply by to convert from degrees to radians is about 0.01745329.", + "Degrees, Minutes, Seconds to Decimal Degrees calculator and vice-versa. Overwrite the default numbers in the bright blue boxes below with the latitude or longitude of your location. Input positive numbers only (e.g. 0 to 360 deg).", + "Decimal degrees. 6 decimal places. The calculation equation is simply: Decimal degrees = whole number of degrees, plus minutes divided by 60, plus seconds divided by 3600. Reverse process: Input decimal degrees and the result is given in deg/min/sec format.", + "Say you want to convert from radians to degrees. Since you can multiply anything by 1 and still retain the original value, but in different units, set it up so that radian will cancel out leaving you with degree. Since: 1 degree = 0.01745329 radians, 1 degree / 0.01745329 radians = 1. We can write the conversion as: 1 radian = 1 radian * (1 degree / 0.01745329 radians) = 57.29578 degrees. And we now have our factor for conversion from radians to degrees since 1 * 57.29578 = 57.29578. Note that there are rounding errors in these values.", + "The angle would be this many degrees, (* means times.): That is, we have 40 full degrees, 20 minutes-each 1/60 of a degree, and 50 seconds-each 1/60 of 1/60 of a degree. Work that out and you will get a decimal number of degrees. It's 40.34722... Going the other way is a bit more difficult. Suppose we start with 40.3472 degrees.", + "Each degree is split up into 60 parts, each part being 1/60 of a degree. These parts are called minutes. Each minute is split up into 60 parts, each part being 1/60 of a minute. These parts are called seconds. The size of an angle could be stated this way: 40 degrees, 20 minutes, 50 seconds. There are symbols that are used when stating angles using degrees, minutes, and seconds.", + "286.4789 degrees / 57.29578 [degrees / radian] = 5 radians. To convert among any units in the left column, say from A to B, you can multiply by the factor for A to convert A into degrees then divide by the factor for B to convert out of degrees.", + "If you have a GPS receiver display like 117 degrees and 29 minutes and 50.5 seconds then put the numbers in all three blue boxes above in the same manner as shown with the default numbers." + ], + "url": [ + "http://www.satsig.net/degrees-minutes-seconds-calculator.htm", + "https://en.wikipedia.org/wiki/Minute_of_arc", + "http://www.calculatorsoup.com/calculators/conversions/angle.php", + "http://www.satsig.net/degrees-minutes-seconds-calculator.htm", + "http://www.satsig.net/degrees-minutes-seconds-calculator.htm", + "http://www.calculatorsoup.com/calculators/conversions/angle.php", + "http://zonalandeducation.com/mmts/trigonometryRealms/degMinSec/degMinSec.htm", + "http://zonalandeducation.com/mmts/trigonometryRealms/degMinSec/degMinSec.htm", + "http://www.calculatorsoup.com/calculators/conversions/angle.php", + "http://www.satsig.net/degrees-minutes-seconds-calculator.htm" + ] + }, + "query": "angular minute to degree", + "query_id": 18268, + "query_type": "NUMERIC", + "wellFormedAnswers": [] + }, + "truncated_cells": [] + }, + { + "row_idx": 410, + "row": { + "answers": [ + "It is a variant of rugby union in which teams are made up of seven players, instead of the usual 15, with shorter matches." + ], + "passages": { + "is_selected": [ + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 1, + 0, + 0 + ], + "passage_text": [ + "This article deals with rugby sevens at the 2016 Summer Olympics. For the 15-a-side version of the game at the Olympics until discontinued in 1924, see Rugby union at the Summer Olympics. Rugby sevens at the 2016 Summer Olympics is scheduled to be held in August in Rio de Janeiro. The competition will take two days. The 2016 Summer Olympics marks the debut for rugby sevens at the Summer Olympics, though rugby union was last played at the 1924 Summer Olympics.", + "Catch up on all the action from the HSBC Sevens World Series in Las Vegas, USA. 1 HSBC Sevens-Las Vegas Super Bowl champion Ebner praises USA Sevens Former USA player Nate Ebner returned to the USA Sevens in Las Vegas as a Super Bowl champion having won with the Patriots, but his love for sevens still shines.", + "Sevens is one of the most well distributed forms of rugby, and is popular in parts of Africa, Asia, Europe, and the Americas, and especially in the South Pacific. Notable international competitions include the HSBC Sevens World Series and the Rugby World Cup Sevens.", + "1 HSBC Sevens-Las Vegas Fiji take the Cup final at the USA Sevens Fiji turned on the heat against New Zealand running out convincing 35-19 winners in the Cup final at the USA Sevens in Las Vegas. 2 15/02/2015.", + "After impressive wins for South Africa and Australia on Saturday, do you think a Northern Hemisphere side has any chance of winning this year's World Cup?", + "1 HSBC Sevens-Las Vegas Records broken at outstanding USA Sevens TV commentators Gareth Rees and Karl Te Nana give their thoughts on round five of the HSBC Sevens World Series in Las Vegas.", + "After their fourth placed finish at the USA Sevens, crowd favourite Zack Test spoke about their recent form on the HSBC Sevens World Series.", + "Rugby Sevens redirects here. For the rugby league derivative, see Rugby league sevens. Rugby sevens, also known as seven-a-side, Sevens or VIIs, is a variant of rugby union in which teams are made up of seven players, instead of the usual 15, with shorter matches.", + "1 HSBC Sevens-Las Vegas Super Bowl champion Ebner praises USA Sevens Former USA player Nate Ebner returned to the USA Sevens in Las Vegas as a Super Bowl champion having won with the Patriots, but his love for sevens still shines.", + "There are several variations in laws which apply to Rugby sevens, primarily to speed up the game and to account for the reduced number of players. The main changes can be summarised as follows: 1 7 players per team on field (instead of 15). 2 Five substitutes, with five interchanges (instead of 7 and 7)." + ], + "url": [ + "https://en.wikipedia.org/wiki/Rugby_sevens_at_the_2016_Summer_Olympics", + "http://www.worldrugby.org/sevens-series/stage/1547", + "https://en.wikipedia.org/wiki/Rugby_sevens", + "http://www.worldrugby.org/sevens-series/stage/1547", + "http://www.supersport.com/rugby/sevens", + "http://www.worldrugby.org/sevens-series/stage/1547", + "http://www.worldrugby.org/sevens-series/stage/1547", + "https://en.wikipedia.org/wiki/Rugby_sevens", + "http://www.worldrugby.org/sevens-series/stage/1547", + "https://en.wikipedia.org/wiki/Rugby_sevens" + ] + }, + "query": "what are rugby sevens", + "query_id": 564389, + "query_type": "DESCRIPTION", + "wellFormedAnswers": [] + }, + "truncated_cells": [] + }, + { + "row_idx": 411, + "row": { + "answers": [ + "No Answer Present." + ], + "passages": { + "is_selected": [ + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0 + ], + "passage_text": [ + "i am sidhu usually punjabi speaker.i have some problems with comprehension English help me in easy way how to understand reading and how to manage time i am taking test of ielts time management and understanding is my biggest problem.and you can contact me through my email hny302@gmail.com i have alot of questions.", + "Learning English requires action. You may know all the learning tips, but if you don’t start doing things, you will achieve nothing. The fact is, if you want to learn to speak English well, you must change your life. Here are some examples of things you will have to do: read a book in English for an hour every day, analyzing the grammar in sentences and looking up words in an English dictionary. listen to an audiobook or other recording in English, stopping it frequently, trying to understand what is being said, and trying to imitate the speaker’s pronunciation.", + "The importance of reading. Reading is an extremely important skill. It is by reading that you learn much of what you need to know for your different school subjects. Reading is also an excellent way to improve your general English. You can only learn from reading, however, if what you read is not too difficult.", + "Here are some suggestions: 1 1. Know your reading purpose - The way you read a book or a text depends very much on your reasons for reading it. 2 2. Choose the appropriate reading speed - ESL students often take a long time to do their work because they read everything slowly and carefully.", + "Look at the library notice and do the exercises to practise and improve your reading skills. Read the tips for keeping your desk tidy and then do the exercises to practise and improve your reading skills. Look at the menu and do the exercises to practise and improve your reading skills. Read the swimming pool poster and do the exercises to improve your reading skills. Look at the train ticket and do the exercises to practise and improve your reading skills. Read the poster and then do the exercises to practise and improve your reading skills.", + "For most people, it is easy to learn to read faster. Your reading rate is often just a matter of habit. But to begin, you may need to try to change some habits and try these tips: 1. Pay attention when you read and read as if it really matters.", + "For most people, it is easy to learn to read faster. Your reading rate is often just a matter of habit. 1. Pay attention when you read and read as if it really matters. Most people read in the same way that they watch television, i.e. in an inattentive, passive way. Reading takes effort and you must make the effort.", + "Most of what a paragraph is trying to say is in the opening sentence. The closing sentence usually summarises what the paragraph has said. So, for the purposes of getting through (a lot of) reading he advised. 1. read the first sentence.", + "Learning English by reading books. Learning English by reading books. Reading books can be a great way to pick up new vocabulary, see grammar in action and develop your understanding of a language. The key to success is choosing the right book for you. For beginners, I would recommend starting with something short and simple.", + "thank you very much James you are doing a great by helping people to understand English well . my question is, how you can help me for my reading skill ,because i can not read quickly.looking forward to getting your reply. hi Rebecca, hi James." + ], + "url": [ + "https://www.engvid.com/reading-comprehension-understand-what-you-read-in-english/", + "http://www.antimoon.com/how/motiv-intro.htm", + "http://esl.fis.edu/learners/advice/read.htm", + "http://esl.fis.edu/learners/advice/read.htm", + "http://learnenglishteens.britishcouncil.org/skills/reading-skills-practice", + "http://english.glendale.cc.ca.us/Speed1.html", + "http://english.glendale.cc.ca.us/Speed1.html", + "https://www.engvid.com/reading-comprehension-understand-what-you-read-in-english/", + "https://learnenglishteens.britishcouncil.org/magazine/life-around-world/learning-english-reading-books", + "https://www.engvid.com/reading-comprehension-understand-what-you-read-in-english/" + ] + }, + "query": "reading english what to understand to do well", + "query_id": 485593, + "query_type": "DESCRIPTION", + "wellFormedAnswers": [] + }, + "truncated_cells": [] + }, + { + "row_idx": 412, + "row": { + "answers": [ + "No Answer Present." + ], + "passages": { + "is_selected": [ + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0 + ], + "passage_text": [ + "Sailors and civilians at Chief of Naval Personnel sign a proclamation vowing to help address and prevent sexual assault during a sexual assault awareness a... Sign up today for America's Armed Forces Kids Run -- May 20 at military bases worldwide. Visit http://americaskidsrun.org/ to see if your installation MWR...", + "Established in 1989 as a balance to the emphasis on increased family-oriented programming, installation BOSS programs are governed by Army Regulation 215-1, Morale, Welfare and Recreation Activities and Nonappropriated Fund Instrumentalities, and Department of the Army Circular 608-01-01, Better Opportunities for Single Soldiers Program.", + "Better Opportunities for Single Soldiers (BOSS) is a program that helps commanders address the well-being and morale issues of the single and unaccompanied soldiers in their units.", + "The Games, which are being co-hosted by the Navy and the city of Chicago, will be held June 30-July 8, 2017. The 2017 DoD Warrior Games will include eight sports, 600 family members, 1,000 volunteers, more than 50 distinguished visitors, thousands of spectators, and 250 athletes.", + "BOSS includes trips to regional attractions, going bungee. jumping, paintballing, sporting events and more. BOSS is. responsible for the Designated Driver program at JBLM, of -. fered Fri & Sat nights, 9 p.m. to 3 a.m., a free, no-questions-.", + "Navy Fitness The goal of the Navy Fitness Program is to create “Fitness for Life” for the entire Navy population, including active-duty Sailors, family members, military retirees and DoD civilians.", + "Chord Field to register your child for quality child care, outstanding school age and teen programs, challeng-. ing youth sports, SKIESUnlimited instructional class-. es and more. Go to JBLMmwr.com/cys for program. listings, calendars and WebTrac online registration.", + "Morale, Welfare and Recreation, abbreviated MWR, is a network of support and leisure services designed for use by Soldiers (active, Reserve, and Guard), their Families, civilian employees, military retirees and other eligible participants.", + "Army Family Action Plan. Army Family Action Plan is the Army's grassroots process to identify and elevate the most significant quality of life issues impacting Soldiers, retirees, civilians, and Families to senior leaders for action. The AFAP is a year-round process that begins at the installation or unit level. Army Family Covenant.", + "BOSS has programs at 48 installations in the continental US and 47 installations outside the US. Each installation has an MWR advisor for BOSS programs, who is in the Directorate of Community [and Family] Activities (DCA or DCFA)." + ], + "url": [ + "http://www.navymwr.org/", + "http://www.armystudyguide.com/content/army_board_study_guide_topics/army_programs/about-better-opportunitie.shtml", + "http://www.armystudyguide.com/content/army_board_study_guide_topics/army_programs/about-better-opportunitie.shtml", + "http://www.navymwr.org/", + "http://www.jblmmwr.com/pdf/newcomers/NewcomersInsertHighRes13.pdf", + "http://www.navymwr.org/", + "http://www.jblmmwr.com/pdf/newcomers/NewcomersInsertHighRes13.pdf", + "https://www.armymwr.com/about-us/army-glossary", + "https://www.armymwr.com/about-us/army-glossary", + "http://www.armystudyguide.com/content/army_board_study_guide_topics/army_programs/about-better-opportunitie.shtml" + ] + }, + "query": "what family and mwr functional area does boss fall under", + "query_id": 659057, + "query_type": "DESCRIPTION", + "wellFormedAnswers": [] + }, + "truncated_cells": [] + }, + { + "row_idx": 413, + "row": { + "answers": [ + "$66,530" + ], + "passages": { + "is_selected": [ + 0, + 0, + 0, + 0, + 0, + 1, + 0, + 0, + 0, + 0 + ], + "passage_text": [ + "According to the Bureau of Labor Statistics, median salaries for registered nurses nationwide exceed $62,000 annually. Among the highest paid registered nurses are orthopedic nurse practitioners. These specialists average more than $81,000 annually, and it’s not uncommon for them to earn up to $94,000 per year.", + "As per the Bureau of Labor Statistics, the average income for registered nurses was $68,910 per annum, in May 2013. The mean hourly wages was reported to be $33.13. The total number of RNs employed throughout the USA was 2,661,890.", + "According to the U.S Department of Labor and current Bureau Statistics, nursing careers are valued among the fastest growing occupations between 2008 - 2018. Pay scales reveal that average hourly rates for experienced RNs are tipping at $30.85, with annual nursing salary averaging $67,525.", + "The average salary is around $85,000 per year according to the US BLS. The average Registered Nurse Practitioner Salary is calculated by the US Government Bureau of Labor Statistics from a variety of sources. Nurse Practitioners work in a number of settings including hospitals, clinics and rural settings.", + "As per the Bureau of Labor Statistics, the average income for registered nurses was $68,910 per annum, in May 2013. The mean hourly wages was reported to be $33.13.", + "According to the Bureau of Labor Statistics, as of 2010, registered nurses specializing in occupational health earned average salaries of $66,530, while those with the highest salaries make $77,970 or more per year.", + "Nurse Practitioners often perform referral management and family practice roles. The average salary is around $85,000 per year according to the US BLS. The average Registered Nurse Practitioner Salary is calculated by the US Government Bureau of Labor Statistics from a variety of sources.", + "According to the Bureau of Labor Statistics, as of 2010, registered nurses specializing in occupational health earned average salaries of $66,530, while those with the highest salaries make $77,970 or more per year. It’s not uncommon for experienced occupational health nurses to earn even more.", + "Nurse Practitioner Salary. Nurse Practitioners often perform referral management and family practice roles. The average salary is around $85,000 per year according to the US BLS. The average Registered Nurse Practitioner Salary is calculated by the US Government Bureau of Labor Statistics from a variety of sources.", + "According to the Bureau of Labor Statistics, as of 2010, mental health nurses earned salaries averaging $66,530 per year. According to the American Psychiatric Nurses Association (APNA), advanced practice mental health nurses average about $64,000 per year." + ], + "url": [ + "http://www.collegeatlas.org/nurse-salaries.html", + "http://www.topregisterednurse.com/salary/", + "https://www.americantraveler.com/nurse-salary", + "http://www.healthcaresalaryonline.com/nurse-practitioner-salary.html", + "http://www.topregisterednurse.com/salary/", + "http://www.collegeatlas.org/nurse-salaries.html", + "http://www.healthcaresalaryonline.com/nurse-practitioner-salary.html", + "http://www.collegeatlas.org/nurse-salaries.html", + "http://www.healthcaresalaryonline.com/nurse-practitioner-salary.html", + "http://www.collegeatlas.org/nurse-salaries.html" + ] + }, + "query": "average nursing salary bureau of labor", + "query_id": 39534, + "query_type": "NUMERIC", + "wellFormedAnswers": [ + "The average nursing salary in the Bureau of Labor is $66,530." + ] + }, + "truncated_cells": [] + }, + { + "row_idx": 414, + "row": { + "answers": [ + "Follower of Christ." + ], + "passages": { + "is_selected": [ + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 1 + ], + "passage_text": [ + "Kristy. 1 Share Kristy on Facebook Share on Facebook. 2 Share Kristy on Twitter Share on Twitter. 3 Share Kristy on Google Plus Share on Google+. Love the name Kristy 1 Love. Dislike the name Kristy Dislike. Follow Kristy Follow Follow Kristy.", + "Dangerously attractive and intelligent. A real femefatale and master of seducing men. All men want her and all men get eaten by her. Dude, that chic is so hott, she must be a Kristy. #femefatale#dangerous#hott#kris#killer. by swinger09 October 23, 2008.", + "People with this name have a deep inner desire to serve humanity and to give to others by sharing money, knowledge and experience, or creative and artistic ability.", + "What Does Name Kristy Mean. EXTREMES in fortune, health and spirituality. You are very versatile, idealistic and intuitive. You either enjoy great success or suffer abject misery. The solution is service to others. Use your leadership abilities for humanity and not for self-glorification.You are intuitive and might be interested in the arts, drama or science.Creative and outgoing, you are always looking for an opportunity to show your abilities, especially before audience.", + "Gender: Female. Usage: Kristy, of Latin origin, is a very popular first name. It is more often used as a girl (female) name. People having the name Kristy are in general originating from Australia, Estonia, Greece, Netherlands, United Kingdom, United States of America.", + "The name Kirsty is a Greek baby name. In Greek the meaning of the name Kirsty is: Christian. The name Kirsty is a Latin baby name. In Latin the meaning of the name Kirsty is: Christian. The name Kirsty is a Scottish baby name. In Scottish the meaning of the name Kirsty is: Christian.", + "C, Ch, or K, at the beginning, i or y in the middle, then there's i, ie, y or ey at the end! No wonder it's ALWAYS spelled wrong! Kristi is one of my friends > its a beautiful name. Kristi is way better then plan old Christy.", + "Instead, we recommend that you pay a greater attention to the origin and meaning of the name Kirsty. Read our baby name articles for useful tips regarding baby names and naming your baby. If you are thinking of giving your baby the beautiful name Kirsty, spread the love and share this with your friends.", + "Share this: The meaning of the name Kristy is Diminutive Form Of Names Beginning With Krist. The origin of the name Kristy is English. This is the culture in which the name originated, or in the case of a word, the language. Variations: Kristi, Kristie.", + "Kristy is a female name of Latin origin, meaning follower of Christ. The name can be the shortform, or related to, several names including Christine, Kristina, Kristine, Kristian, or Kristin, the common link being Kris meaning Christ." + ], + "url": [ + "https://nameberry.com/babyname/Kristy", + "http://www.urbandictionary.com/define.php?term=Kristy", + "http://www.sheknows.com/baby-names/name/kirsty", + "http://www.sevenreflections.com/name-numerology/kristy/", + "https://themeaningofthename.com/kristy/", + "http://www.sheknows.com/baby-names/name/kirsty", + "http://www.babynamewizard.com/baby-name/girl/kristi", + "http://www.thenamemeaning.com/kirsty/", + "https://www.babynames.com/name/kristy", + "https://themeaningofthename.com/kristy/" + ] + }, + "query": "kristy name meaning", + "query_id": 434918, + "query_type": "DESCRIPTION", + "wellFormedAnswers": [ + "The meaning of the name Kristy is \"Follower of Christ\"." + ] + }, + "truncated_cells": [] + }, + { + "row_idx": 415, + "row": { + "answers": [ + "No Answer Present." + ], + "passages": { + "is_selected": [ + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0 + ], + "passage_text": [ + "As for the paddles, their response is a bit slow and inconsistent, and the gearbox will automatically upshift at redline, which always seems to arrive more quickly than anticipated. Elsewhere behind the wheel, the Stinger GT presents an excellent driver’s seat with adjustable side bolsters.", + "Powerful all-new Fastback Sport Sedan Redefines the Kia Brand. 1 Kia Motors follows through on the promise of a production model of the GT concept. 2 Designed in Frankfurt, developed on the Nurburgring, industry-leading quality by Kia.", + "Setting the manufacturing hard-points of the body-in-white would define Stinger and the engineers looked carefully across a landscape dotted with contenders. At 114.4 inches, the Stinger’s wheelbase is longer than the Audi A5 Sportback, Infiniti Q50, Lexus IS, BMW 4 Gran Coupe and the Lexus GS 5. It’s also longer overall (190.2 inches) and wider (73.6 inches) than several others in the segment. With a generous 23.3 cu.-ft. of cargo space, the Stinger’s cargo area is also larger than many of its competitors, with enough space for full-size luggage or golf bags and a power liftgate with Smart Trunk functionality is available.", + "Some aspects of the car are deliberately softened to make it more pleasant in real-world driving, though not so much as to hurt its sporty character on a back road. Rather than take on an M4 or C63, the Stinger GT hopes to muscle in on the 440i M Sport and C43 AMG.", + "I was thinking about all of this just before setting out on the Nürburgring Nordscheife in the 2018 Kia Stinger GT, less than four hours’ drive from the Scorpions hometown in Hanover, wondering if this wildly out of character Kia would inspire any feelings similar to the first time I heard that song.", + "Being Kia’s second-ever rear-drive sedan, it’s first-ever sport sedan, and the quickest car the company has ever sold, placing the Stinger and Stinger GT in the automotive world can be difficult.", + "Larger and heavier than most cars Kia benchmarked, such as the 3 Series, A4, and C-Class, the Stinger GT is incredibly neutral on track. Weight transfers smoothly while mid-corner bumps are absorbed skillfully and without upsetting the chassis.", + "Setting the manufacturing hard-points of the body-in-white would define Stinger and the engineers looked carefully across a landscape dotted with contenders. At 114.4 inches, the Stinger’s wheelbase is longer than the Audi A4, Infiniti Q50, Lexus IS, BMW 4 Gran Coupe and even the Lexus GS and Mercedes CLS1. It’s also longer overall (190.2 inches) and wider (73.6 inches) than the others in the segment, allowing for spacious accommodations.", + "2018 Kia Stinger GT Track Drive Review. “Rock You Like A Hurricane” is the song that got me into rock ’n’ roll, the first song I learned on the cheap Squire Stratocaster copy I begged my mom to buy me, and the reason every Motor Trend test car has SiriusXM’s Hair Nation stored in its radio presets.", + "The Stinger’s stance and visual balance are designed to lend the car an air of elegance and athleticism, rather than boy-racer aggression. The wide front and rear track, along with the recessed contours along the doors, enhance the visual power of the Stinger’s shoulder line as well as its fastback silhouette." + ], + "url": [ + "http://www.motortrend.com/cars/kia/stinger/2018/2018-kia-stinger-gt-track-drive-review/", + "http://www.kiamedia.com/us/en/models/stinger/2018", + "http://www.kiamedia.com/us/en/models/stinger/2018", + "http://www.motortrend.com/cars/kia/stinger/2018/2018-kia-stinger-gt-track-drive-review/", + "http://www.motortrend.com/cars/kia/stinger/2018/2018-kia-stinger-gt-track-drive-review/", + "http://www.motortrend.com/cars/kia/stinger/2018/2018-kia-stinger-gt-track-drive-review/", + "http://www.motortrend.com/cars/kia/stinger/2018/2018-kia-stinger-gt-track-drive-review/", + "http://www.kiamedia.com/us/en/models/stinger/2018", + "http://www.motortrend.com/cars/kia/stinger/2018/2018-kia-stinger-gt-track-drive-review/", + "http://www.kiamedia.com/us/en/models/stinger/2018" + ] + }, + "query": "is the stinger longer than the optima", + "query_id": 1174722, + "query_type": "DESCRIPTION", + "wellFormedAnswers": [] + }, + "truncated_cells": [] + }, + { + "row_idx": 416, + "row": { + "answers": [ + "Two convenient locations in Sioux Falls are on the west side at the corner of 41st & Kiwanis and on the east side in front of Menards on Arrowhead Parkway." + ], + "passages": { + "is_selected": [ + 0, + 1, + 0, + 0, + 0, + 0, + 0, + 0 + ], + "passage_text": [ + "Start from Swap start/end points. 1 Edit W 41st & Kiwanis. 2 Get Directions. 3 Phone number (605) 334-8292. Business website wirelessworld. 1 com. Message the business. Send to your Phone New.", + "Award Winner In. Experience the Wireless World Difference. Wireless World is a Verizon Premium Wireless Retailer with 36 locations in South Dakota, Minnesota, Iowa, Nebraska and Wisconsin. Two convenient locations in Sioux Falls are on the west side at the corner of 41st & Kiwanis and on the east side in front of Menards on Arrowhead Parkway.", + "The year was 1997. This is the year when Wireless World started. Wireless World strives to 'Do What's Right to be #1 While Improving Lives'. We use our Core Values to get us there. One of our main Core Values is 'Guest Experience is Everything We are'. Come to Wireless World to get the experience you deserve.", + "Please select a store near you. 1 A Wireless - 26th & Marion (W. Sioux Falls) Authorized Retailer 5247 W 26TH ST. 2 A Wireless Louise 57th Authorized Retailer 4904 S. LOUISE AVE. 3 Best Buy #0017 Sioux Falls Authorized Retailer 2101 W 41st St. Western Mall. Best Buy #2763 Sioux Falls SAS Authorized Retailer 4001 W 41st St.", + "Start from Swap start/end points. 1 Edit W 41st & Kiwanis. Sioux Falls, SD 57103. 2 Get Directions. 3 Phone number (605) 334-8292. Business website wirelessworld. 1 com. Message the business. Send to your Phone New.", + "Sioux Falls, SD Wireless World. About Search Results. About Search Results. YP - The Real Yellow PagesSM - helps you find the right local businesses to meet your specific needs. Search results are sorted by a combination of factors to give you a set of choices in response to your search criteria.", + "Start your search by typing in the business name below. Sioux Falls, SD Wireless World. YP - The Real Yellow PagesSM - helps you find the right local businesses to meet your specific needs. Search results are sorted by a combination of factors to give you a set of choices in response to your search criteria.", + "From Our Editors. At Wireless World, phone techs help customers connect to the world with a wide assortment of cell phones from brands such as Samsung, Nokia, and Droid. With phones activated, they can then assist customers in sprucing up their vastly updated string-and-can with accessories such as cases, hands-free headsets, and screen protectors." + ], + "url": [ + "https://www.yelp.com/biz/wireless-world-verizon-wireless-premium-retailer-sioux-falls-2", + "https://thelocalbest.com/sioux-falls/winner/87709/", + "http://www.wirelessworld.com/", + "https://www.verizonwireless.com/stores/south-dakota/sioux-falls/", + "https://www.yelp.com/biz/wireless-world-verizon-wireless-premium-retailer-sioux-falls-2", + "https://www.yellowpages.com/sioux-falls-sd/wireless-world", + "https://www.yellowpages.com/sioux-falls-sd/wireless-world", + "https://www.groupon.com/biz/sioux-falls/wireless-world-2" + ] + }, + "query": "sioux falls wireless world", + "query_id": 498676, + "query_type": "DESCRIPTION", + "wellFormedAnswers": [] + }, + "truncated_cells": [] + }, + { + "row_idx": 417, + "row": { + "answers": [ + "Yes" + ], + "passages": { + "is_selected": [ + 0, + 1, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0 + ], + "passage_text": [ + "Though there are dozens, if not hundreds, of lake monsters around the world, one superstar marine denizen outshines them all: Nessie, the beast said to inhabit Scotland's Loch Ness. Some say it's a myth; others say it's a living dinosaur or even a sea serpent that swam into the lake before it became landlocked.", + "Besides, Loch Ness is landlocked and well above sea level, so there is no way for a large sea creature to get there, especially since we know plesiosaurs could not crawl on land. Cultural: As Daniel Loxton and I showed in our book, the “plesiosaur” meme about the Loch Ness monster is a recent invention.", + "The Loch Ness monster story is buoyed by occasional photographs and sightings, though there is no hard evidence of Nessie's existence: no bodies (or even parts of bodies) have been found on the lake bottom or washed ashore.", + "The Loch Ness Monster, better known as “Nessie”, is located in Loch Ness in the Highlands of Scotland. The lake is 23 miles long, about 1 mile wide, and it runs southwest to northeast.", + "Dozens of inconclusive and ambiguous photos, films, and videos have surfaced over the years, but the monster apparently has not. Loch Ness itself has been repeatedly searched for more than 70 years, using everything from miniature submarines to divers.", + "The legend of the Loch Ness monster is one of the most popular and enduring of all the tall tales of cryptozoology—and ironically, one of the most easily debunked as well. In our book Abominable Science! , Daniel Loxton and I laid the entire myth to rest about as conclusively as one can debunk something.", + "Though there are dozens, if not hundreds, of lake monsters around the world, one superstar marine denizen outshines them all: Nessie, the beast said to inhabit Scotland's Loch Ness.", + "Many have tried and failed to prove the existence of the Loch Ness Monster-now Google has joined the search. On the banks of Loch Ness (Photo: Google). The firm has, with the help of divers and local experts, used its Street View cameras to capture parts of the Scottish loch, the reputed home of the famous cryptid.", + "If I had a million quid .. what I would do at Loch Ness! The Nessie search has always been underfunded and reliant on donors. That doesn't mean nothing worthy has not been done but too many have presumed lack of results is not due to funding issues but ... because nothing is there.", + "From the royal stable of thoroughbreds to her loft of racing pigeons, the Queen’s fascination with creatures great and small is a lifelong affair. But until now nothing has been known of the monarch’s passion for another sizeable beast of her dominion-the Loch Ness Monster." + ], + "url": [ + "http://www.livescience.com/26341-loch-ness-monster.html", + "http://www.skeptic.com/insight/loch-ness-silliness/", + "http://www.livescience.com/26341-loch-ness-monster.html", + "http://ruby.fgcu.edu/Courses/rschnack/Spring_2005_Classes/Topic%201%20Papers/Group_4_Loch_Ness_Monster.doc", + "http://www.livescience.com/26341-loch-ness-monster.html", + "http://www.skeptic.com/insight/loch-ness-silliness/", + "http://www.livescience.com/26341-loch-ness-monster.html", + "http://www.telegraph.co.uk/travel/destinations/europe/uk/scotland/11549549/Has-Google-found-the-Loch-Ness-Monster.html", + "http://lochnessmystery.blogspot.com/2013/07/the-latest-nessie-pictures.html", + "http://www.independent.co.uk/news/uk/home-news/loch-ness-monster-how-the-queens-private-secretary-planned-to-name-nessie-after-her-10487309.html" + ] + }, + "query": "is loch ness landlocked", + "query_id": 416613, + "query_type": "DESCRIPTION", + "wellFormedAnswers": [] + }, + "truncated_cells": [] + }, + { + "row_idx": 418, + "row": { + "answers": [ + "No Answer Present." + ], + "passages": { + "is_selected": [ + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0 + ], + "passage_text": [ + "DURABAK regular for indoor use ( Quarts and Gallons ) DURABAK 18 for outdoor use UV protection ( Quarts and Gallons ) DURABAK and DURABAK 18 in Smooth - add the letter S to any color. All colors available for smooth. Color Chart and Order Number. These colors are general and approximate to the actual color, for any real sample feel free to contact us.", + "Contact Us for Details. Durabak is a one-part, moisture cured, polyurethane protective coating with unlimited applications. This product is tough, totally flexible, slip-resistant, and waterproof.", + "DURABAK regular for indoor use ( Quarts and Gallons ) DURABAK and DURABAK 18 in Smooth - add the letter S to any color. All colors available for smooth. Color Chart and Order Number. These colors are general and approximate to the actual color, for any real sample feel free to contact us.", + "1001 Possible Uses! Durabak is a one-part, moisture cured, polyurethane protective coating with unlimited applications. This product is tough, totally flexible, slip-resistant, and waterproof. Durabak is an outstanding product that provides a non-slip coating and professional grade finish to do-it-yourself projects.", + "DURABAK regular for indoor use ( Quarts and Gallons ) DURABAK 18 for outdoor use UV protection ( Quarts and Gallons ) DURABAK and DURABAK 18 in Smooth - add the letter S to any color. All colors available for smooth. (Quarts and Gallons)", + "Color Chart and Order Number. These colors are general and approximate to the actual color, for any real sample feel free to contact us. For SMOOTH surface Durabak - add the S after the color number when ordering. For example, for Light Grey Durabak 18 smooth - #236L-S.", + "1 Durabak coating is available in 17 standard colors and is available in a smooth or textured finish. 2 We can also manufacture custom colors for larger orders. Durabak will not flake, chip, or peel even when subjected to impact, vibration, or bending, and it is known for its durability and multitude of uses.", + "DURABAK - M26™ and DURABAK 18-M26™. will chemically bond to most clean and dry surfaces. These include, but are not limited to, metal, concrete, wood, fiberglass, rubber, and most painted surfaces.", + "Manufacturers Representative: Durabak, Ceasefire, Safti-Trax, INTERCHARGER, Colmet, Enviro Save, TRANSIT PARTS. DURABAK is a polyurethane skid-resistant, one part coating which bonds to wood, fiberglass, concrete, rubber and primed metal. It is an extremely flexible coating which can withstand the movement of the surface to which it has been properly applied and will not flake, chip or peel. DURABAK18 is designed for UV protection and outdoor installations.", + "Before applying Durabak, always do a small test for adhesion: 1 clean surface, rinse with water, and let dry. 2 roughen surface with 40-grit sandpaper. wipe with Xylene, Aromatic 100 (ARO 100) or Oxsol 100 on a rag to remove any residue left from cleaning." + ], + "url": [ + "http://www.trancertmarketing.com/durabak%20order.htm", + "http://www.durabakdepot.com/", + "http://www.trancertmarketing.com/durabak%20order.htm", + "http://www.durabakdepot.com/", + "http://www.trancertmarketing.com/durabak%20order.htm", + "http://www.trancertmarketing.com/durabak.htm", + "http://www.durabakdepot.com/", + "http://durabakm26.com/", + "http://www.trancertmarketing.com/durabak.htm", + "http://www.durabakdepot.com/faq.php" + ] + }, + "query": "what is ceasefire for durabak", + "query_id": 728821, + "query_type": "DESCRIPTION", + "wellFormedAnswers": [] + }, + "truncated_cells": [] + }, + { + "row_idx": 419, + "row": { + "answers": [ + "Two years" + ], + "passages": { + "is_selected": [ + 0, + 0, + 0, + 1, + 0, + 0, + 0, + 0, + 0, + 0 + ], + "passage_text": [ + "Hard credit pulls. Helpful to 145 out of 162 people. Hard pulls stay on your credit report for 2 years, but they do not affect your score after 12 months. As a practical matter, they really don't have all that much of an impact on your credit IF the rest of your profile is good.I have had 12 (you read right!) hard inquiries in the past 13 months.ard credit pulls. Helpful to 145 out of 162 people. Hard pulls stay on your credit report for 2 years, but they do not affect your score after 12 months. As a practical matter, they really don't have all that much of an impact on your credit IF the rest of your profile is good.", + "There are two types of inquiries: Hard Inquiries and Soft Inquiries. Hard inquiries can affect your FICO score for up to 12 months, and stay on your credit report for 2 years. Soft inquiries stay on your report for 2 years but do not affect your credit score.Hard inquiries hurt your credit. Soft inquiries do not.If you have a lot of hard inquiries on your credit report it can actually have significant negative impact on your credit.oft inquiries stay on your report for 2 years but do not affect your credit score. Hard inquiries hurt your credit. Soft inquiries do not. If you have a lot of hard inquiries on your credit report it can actually have significant negative impact on your credit.", + "Hard inquiries stay on credit reports for two years, but the length of time they impact the score depends on the scoring model used. VantageScore takes them into account generally as long as they remain on the consumer's credit file, according to Davies.ard inquiries stay on credit reports for two years, but the length of time they impact the score depends on the scoring model used. VantageScore takes them into account generally as long as they remain on the consumer's credit file, according to Davies.", + "Although the hard inquiries remain on your credit report for two years, they have the most impact during the first six months. After a year has passed an inquiry will no longer be counted your FICO score, but it will still be visible to those who view your reports.ith “soft” inquiries, there is absolutely no negative impact to your credit score, so they should not be a concern. On the other hand, “hard” inquiries (also known as “hard pulls”) will usually ding your credit score to some extent.", + "How long do inquiries stay on my credit report? Inquiries remain on your credit report for two years, although FICO® scores only consider inquiries from the last 12 months. FICO scores do a good job of distinguishing between a search for many new credit accounts and rate shopping for one new account.nquiries remain on your credit report for two years, although FICO® scores only consider inquiries from the last 12 months.", + "Inquiries remain on your credit report for two years, although FICO® scores only consider inquiries from the last 12 months.FICO scores do a good job of distinguishing between a search for many new credit accounts and rate shopping for one new account.nquiries remain on your credit report for two years, although FICO® scores only consider inquiries from the last 12 months.", + "Instead of asking how long credit inquiries stay on your credit report, you really should be more concerned with how long they affect your credit score. With “soft” inquiries, there is absolutely no negative impact to your credit score, so they should not be a concern.On the other hand, “hard” inquiries (also known as “hard pulls”) will usually ding your credit score to some extent.ith “soft” inquiries, there is absolutely no negative impact to your credit score, so they should not be a concern. On the other hand, “hard” inquiries (also known as “hard pulls”) will usually ding your credit score to some extent.", + "Elexi21 wrote:I have 3 hard inquiries on my credit report dated 9/13/05...I thought I heard somewhere that they drop off your credit report after two years.Is that correct?09-12-2007 02:03 PM. I have 3 hard inquiries on my credit report dated 9/13/05...I thought I heard somewhere that they drop off your credit report after two years.", + "So, if you find a loan within 30 days, the inquiries won't affect your scores while you're rate shopping. In addition, FICO Scores look on your credit report for mortgage, auto, and student loan inquiries older than 30 days.o, if you find a loan within 30 days, the inquiries won't affect your scores while you're rate shopping. In addition, FICO Scores look on your credit report for mortgage, auto, and student loan inquiries older than 30 days.", + "They count against your score for 1 year and drop off after 2 years (tomorrow). Elexi21 wrote: I have 3 hard inquiries on my credit report dated 9/13/05...I thought I heard somewhere that they drop off your credit report after two years.09-12-2007 02:03 PM. I have 3 hard inquiries on my credit report dated 9/13/05...I thought I heard somewhere that they drop off your credit report after two years." + ], + "url": [ + "https://www.creditkarma.com/question/how-long-do-hard-inquiries-stay-on-your-report", + "http://www.creditrepairpublishing.com/how-to-remove-inquiries-from-your-credit-report", + "http://www.bankrate.com/finance/credit-cards/how-credit-inquiries-affect-credit-score.aspx", + "http://creditcardforum.com/blog/how-long-do-credit-inquiries-stay-on-your-credit-report/", + "http://myfico.custhelp.com/app/answers/detail/a_id/200/~/inquiries", + "http://myfico.custhelp.com/app/answers/detail/a_id/200/~/inquiries", + "http://creditcardforum.com/blog/how-long-do-credit-inquiries-stay-on-your-credit-report/", + "http://ficoforums.myfico.com/t5/Understanding-FICO-Scoring/How-long-do-hard-inquiries-stay-on-your-credit-report/td-p/65027", + "http://www.myfico.com/CreditEducation/CreditChecks/Inquiries.aspx", + "http://ficoforums.myfico.com/t5/Understanding-FICO-Scoring/How-long-do-hard-inquiries-stay-on-your-credit-report/td-p/65027" + ] + }, + "query": "how long do hard inquiries stay on your credit report", + "query_id": 245276, + "query_type": "NUMERIC", + "wellFormedAnswers": [] + }, + "truncated_cells": [] + }, + { + "row_idx": 420, + "row": { + "answers": [ + "A brand name for a line of spinning top toys." + ], + "passages": { + "is_selected": [ + 1, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0 + ], + "passage_text": [ + "Beyblade is a brand name for a line of spinning top toys originally developed and manufactured by Takara Tomy, first released in 2000.The toys usually include a 'launcher' – a device for bringing the spinning top up to speed, with either a separate or integral rip-cord. Blade Base (BB) : The Blade Base determines how the Beyblade spins, and also affects its movement pattern. 2 The Blade Base determines the direction of the Beyblade's rotation; either clockwise (right) or counterclockwise (left) dependent on what Spin Gear is used.", + "Beyblade refers to the manga series in Japan or the toys that came along with it as merchandise.This particular manga or comic book series has 14 volumes and became widely popular among Japanese kids since the first release in 1999.he main character of the series is Takao Kinomiya, which is renamed to Tyson Granger for the American market. He has a beyblade named Dragoon and a sidekick named Kyonuju, which is Kenny in the Amercian version.", + "Beyblade are toys based on ancient spinning tops. There are 3 main parts: Launcher, Rip Cord, and Blade. For the plastics blades there are: Bit beast, attack ring, defense ring, and base. The series coming in Spring 2010 have 4 parts: Face, MetalWheel (Clear Wheel Sometimes), track, and tip.The point of the game is to have the last blade standing. Oh and there is 4 types: Attack, Defense, Endurance/Stamina, and Balance.eyblades are modifyed tops with a facebolt,energy ring,fusion wheel,spin track, and tip(in order). In the show they are tops that have special powers in battle. The real ones … are tops with a code for the online wedpage.", + "The introduction of the toy corresponded with the broadcast of the Beyblade anime television series of the same name. In 2002, Hasbro began to sell Beyblade toys internationally (under license from, and produced by, Takara) along with a coordinated country-by-country rollout of localized versions of the TV series. Blade Base (BB) : The Blade Base determines how the Beyblade spins, and also affects its movement pattern. 2 The Blade Base determines the direction of the Beyblade's rotation; either clockwise (right) or counterclockwise (left) dependent on what Spin Gear is used.", + "2. beyblade. A customizable spinning battle top (or high preformance) with a spin blade base, spin gear, weight disk, attack ring, aqnd usually a but chip with a bit-beast used in a beystadium against other beyblade. It is also a show about some kids who beyblade called the baldebreakers.Kai is the hottest ^_^. customizable spinning battle top (or high preformance) with a spin blade base, spin gear, weight disk, attack ring, aqnd usually a but chip with a bit-beast used in a beystadium against other beyblade.", + "beyblade. A customizable spinning battle top (or high preformance) with a spin blade base, spin gear, weight disk, attack ring, aqnd usually a but chip with a bit-beast used in a beystadium against other beyblade.It is also a show about some kids who beyblade called the baldebreakers. Kai is the hottest ^_^. customizable spinning battle top (or high preformance) with a spin blade base, spin gear, weight disk, attack ring, aqnd usually a but chip with a bit-beast used in a beystadium against other beyblade.", + "The main character of the series is Takao Kinomiya, which is renamed to Tyson Granger for the American market. He has a beyblade named Dragoon and a sidekick named Kyonuju, which is Kenny in the Amercian version.In the early part of the story, Takao/Tyson’s dream is to become the best beyblader in the world and he strives hard to achieve this goal all throughout the series.he main character of the series is Takao Kinomiya, which is renamed to Tyson Granger for the American market. He has a beyblade named Dragoon and a sidekick named Kyonuju, which is Kenny in the Amercian version.", + "The introduction of the toy corresponded with the broadcast. of the Beyblade anime television series of the same name. In 2002, Hasbro began to sell Beyblade toys internationally (under license from, and produced by, Takara) along with a coordinated country-by-country rollout of localized versions of the TV series.pin Track: The Spin Track is the component of the Beyblade that connects the Fusion Wheel and Performance Tip. The Spin Track determines the height of the Beyblade. Their names (when read with a decimal before the last digit) determine their height in millimeters.", + "Beyblade HMS (Hard Metal System) is a line of Beyblade toys released after the Engine Gear line of blades in respect to the anime series. This series, unlike ones in the past, use smaller pieces made mostly of metal. Blade Base (BB) : The Blade Base determines how the Beyblade spins, and also affects its movement pattern. 2 The Blade Base determines the direction of the Beyblade's rotation; either clockwise (right) or counterclockwise (left) dependent on what Spin Gear is used.", + "Beyblade toys and merchandise also became a big hit for die-hard “beyblading” fans. There are also online communities and fan sites to interact with other beybladers around the globe and to play the online version of the game. If you like this article or our site. Please spread the word.he main character of the series is Takao Kinomiya, which is renamed to Tyson Granger for the American market. He has a beyblade named Dragoon and a sidekick named Kyonuju, which is Kenny in the Amercian version." + ], + "url": [ + "https://en.wikipedia.org/wiki/Beyblade_(toy)", + "http://www.qwhatis.com/what-is-a-beyblade/", + "http://www.answers.com/Q/What_is_beyblade", + "https://en.wikipedia.org/wiki/Beyblade_(toy)", + "http://www.urbandictionary.com/define.php?term=beyblade", + "http://www.urbandictionary.com/define.php?term=beyblade", + "http://www.qwhatis.com/what-is-a-beyblade/", + "http://beyblade.wikia.com/wiki/Beyblade_(toy)", + "https://en.wikipedia.org/wiki/Beyblade_(toy)", + "http://www.qwhatis.com/what-is-a-beyblade/" + ] + }, + "query": "what is beyblade", + "query_id": 723677, + "query_type": "DESCRIPTION", + "wellFormedAnswers": [] + }, + "truncated_cells": [] + }, + { + "row_idx": 421, + "row": { + "answers": [ + "Yes, Vatican City State is governed as an absolute monarchy." + ], + "passages": { + "is_selected": [ + 0, + 0, + 0, + 0, + 1, + 0, + 0, + 0, + 0, + 0 + ], + "passage_text": [ + "Vatican City is distinct from the Holy See (Latin: Sancta Sedes), which dates back to early Christianity and is the main episcopal see of 1.2 billion Latin and Eastern Catholic adherents around the globe.", + "Vatican City - Politics, government, and taxation. The Holy See is a monarchical-sacerdotal state, which is to say that it operates as a monarchy in which the Pope is the king (monarchical), with senior members of the church hierarchy, appointed by the Pope, as the governing body (sacerdotal).", + "The name Vatican City was first used in the Lateran Treaty, signed on 11 February 1929, which established the modern city-state. The name is taken from Vatican Hill, the geographic location of the state.", + "Vatican City (/ˈvætᵻkən ˈsɪti/; Italian: Città del Vaticano [tʃitˈta ddel vatiˈkaːno]; Latin: Civitas Vaticana), officially Vatican City State or the State of Vatican City (Italian: Stato della Città del Vaticano; Latin: Status Civitatis Vaticanae), is a walled enclave within the city of Rome.", + "State Departments. Vatican City State is governed as an absolute monarchy. The Head of State is the Pope who holds full legislative, executive and judicial powers. During a sede vacante (between the death of a Pope and the election of his successor), these powers are exercised by the College of Cardinals.", + "Transcript of Vatican City: a Modern Theocracy. Where Is It? Vatican City (Vatican City State) ia a walled enclave within the city of Rome and is the smallest internationally recongnized independant state in the world by both area and population.", + "Vatican City is the smallest country in the world. Encircled by a 2-mile border with Italy, Vatican City is an independent city-state that covers just over 100 acres, making it one-eighth the size of New York’s Central Park. Vatican City is governed as an absolute monarchy with the pope at its head. The Vatican mints its own euros, prints its own stamps, issues passports and license plates, operates media outlets and has its own flag and anthem. One government function it lacks: taxation.", + "It is as the Holy See rather than the State of the Vatican that the country sends and receives diplomatic representatives to and from around the world. The head of government, generally a cardinal or archbishop whose appointment and authority is conferred by the Pope, is the secretary of state.", + "Vatican City Explained. Script. Vatican City: capitol of the Catholic Church, home to the pope, owner of impressive collections of art and history all contained within the borders of the world's smallest country: conveniently circumnavigateable on foot in only 40 minutes.", + "Now back to the King. The King of Vatican City has absolute, unchecked power within the country's borders and his presence makes Vatican City one of only six remanning absolute monarchies in the world, including Brunei, Oman, Qatar, Saudi Arabia, and Swaziland." + ], + "url": [ + "https://en.wikipedia.org/wiki/Vatican_City", + "http://www.nationsencyclopedia.com/economies/Europe/Vatican-City-POLITICS-GOVERNMENT-AND-TAXATION.html", + "https://en.wikipedia.org/wiki/Vatican_City", + "https://en.wikipedia.org/wiki/Vatican_City", + "http://www.vaticanstate.va/content/vaticanstate/en/stato-e-governo/organi-dello-stato.html", + "https://prezi.com/txtwbjkwtofe/vatican-city-a-modern-theocracy/", + "http://www.history.com/news/10-things-you-may-not-know-about-the-vatican", + "http://www.nationsencyclopedia.com/economies/Europe/Vatican-City-POLITICS-GOVERNMENT-AND-TAXATION.html", + "http://www.cgpgrey.com/blog/vatican-city-explained", + "http://www.cgpgrey.com/blog/vatican-city-explained" + ] + }, + "query": "is vatican city a monarchy", + "query_id": 430700, + "query_type": "DESCRIPTION", + "wellFormedAnswers": [] + }, + "truncated_cells": [] + }, + { + "row_idx": 422, + "row": { + "answers": [ + "The political background of Europe at the time of the birth of the League was not very conducive to a peace organization and an important cause of the Second World War." + ], + "passages": { + "is_selected": [ + 1, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 1, + 0 + ], + "passage_text": [ + "Causes of its Failure: The League of Nations was the first major attempt as an international organization of state to maintain peace and promote international co-operation. But it failed. 1. The political background of Europe at the time of the birth of the League was not very conducive to a peace organization.", + "Weaknesses and Failure of the League of the Nations Weaknesses and Failure of the League of the Nations The onset of the Second World War demonstrated that the... League had failed in its primary purpose, which was to avoid any future world war.", + "Teschen, Upper Silesia, Memel, Mosul, Leticia, Greece Bulgaria border dispute, aaland isalnds, yugoslavia albania border dispute. what were the political successes of the League of Nations. the league was able to arbitrate the dispute and and split the region between Poland and czechoslovakia. how was Teschen a success. the league decided divide the region of silesia between poland and germany and both of the countries agreed.", + "Failure of the League of Nations that the covenant of the League of Nations was made a part parcel of the peace settlement. It would have been better if it had... kept separate. There were many states which consider the Treaty Of Versailles as a treaty of revenge, and were not prepared to ratify the same.", + "The failure of the League of Nations also contributed significantly to the Second World War. After WWI ended, countries such as Canada, France and Britain. formed the League of Nations, an international organization intended to maintain world peace.", + "how was the treaty of riga a failure. the league was forced not to take action because all votes of the council had to be unanimous. how was the invasion of the ruhr a failure. it demonstrated lack of power on behalf of the league of nations when confronted by a greater power.", + "Failure Of The League Of Nations LEAGUE OF NATIONS [FAILURES]- While the League of Nations could celebrate its... successes, the League had every reason to examine its failures and where it went wrong.", + "But it failed. Some of the causes of its failure are briefly mentioned as follows:—. 1. The political background of Europe at the time of the birth of the League was not very conducive to a peace organization. World War I had been fought ostensibly to make the world safe for democracy, to end all future wars, etc.", + "Therefore, the failure of the League of Nations was an important cause of the Second World War. Another important cause of the Second World War was the policy of appeasement. The policy of appeasement was basically the policy to give into the demands of an unfriendly power—Germany—to prevent hostilities.", + "Causes of WWII— Treaty of Versailles, Failure of the League of Nations, and Policy of Appeasement. The Treaty of Versailles made at the end of WWI was a major cause of the Second World War. The Treaty of Versailles had severe conditions and demanded Germany to pay a huge amount of money for the damages that they had done to the victorious countries." + ], + "url": [ + "http://www.preservearticles.com/201106258589/what-are-the-causes-for-the-failure-of-league-of-nations.html", + "http://www.studymode.com/subjects/failure-of-the-league-of-nations-page1.html", + "https://quizlet.com/57342761/successes-and-failures-of-the-league-of-nations-flash-cards/", + "http://www.studymode.com/subjects/failure-of-the-league-of-nations-page1.html", + "http://randuff.blogspot.com/2011/06/causes-of-wwii-treaty-of-versailles.html", + "https://quizlet.com/57342761/successes-and-failures-of-the-league-of-nations-flash-cards/", + "http://www.studymode.com/subjects/failure-of-the-league-of-nations-page1.html", + "http://www.preservearticles.com/201106258589/what-are-the-causes-for-the-failure-of-league-of-nations.html", + "http://randuff.blogspot.com/2011/06/causes-of-wwii-treaty-of-versailles.html", + "http://randuff.blogspot.com/2011/06/causes-of-wwii-treaty-of-versailles.html" + ] + }, + "query": "cause of failure of league of nation", + "query_id": 84320, + "query_type": "DESCRIPTION", + "wellFormedAnswers": [] + }, + "truncated_cells": [] + }, + { + "row_idx": 423, + "row": { + "answers": [ + "RNs tend to have more responsibilities and independence in the workplace than LPNs. RNs must usually complete more training than LPNs. LPNs are in higher demand than RNs, nationally speaking. RNs tend to earn more than LPNs." + ], + "passages": { + "is_selected": [ + 0, + 0, + 0, + 0, + 0, + 0, + 1, + 0, + 0, + 0 + ], + "passage_text": [ + "The argument is nothing new. The LPN is quick to tell you she does so much more than make beds, give back rubs, and take vital signs. And the RN counters that she has more education and medical training and is called upon for more advanced procedures.", + "As someone with RN training and no LPN experience, I'm still honestly confused by these two different nurse licenses.... so here goes... Many say a nurse is a nurse but that's not always the case. There is different designation and licensing for RNs and LPNs.", + "However, under licensure, the LPN cannot interpret data, or make decisions for the patient. She has to report these findings to the RN or MD and they will make the decisions and delegate care. Because of the scope of their practice is limited by their license, it may seem like LPNs do less than RNs. The fact is, the LPN may only perform her job as far as she is legally allowed to.", + "LPN vs. RN: What's the Difference? The decision to apply to nursing school is perhaps the most important career decision nurses make, but it is only the first. The second? Deciding whether to become a licensed practical nurse (LPN) or a registered nurse (RN).", + "RN training requirements. The BLS notes that RNs can typically choose one of three education paths, namely: a diploma from an accredited nursing program, an associate degree in nursing (ADN) or a bachelor's of science degree in nursing (BSN).", + "They both work under RNs and doctors. LPN and LVN programs prepare you to take the NCLEX-PN. Passing the NCLEX-PN is required for licensure of both LPNs and LVNs. The biggest difference between a Licensed Vocational Nurse (LVN) and a Licensed Practical Nurse (LPN) is actually the name.", + "Among them: 1 RNs tend to have more responsibilities and independence in the workplace than LPNs. 2 RNs must usually complete more training than LPNs. 3 LPNs are in higher demand than RNs, nationally speaking. RNs tend to earn more than LPNs.", + "Within the nursing field are a number of titles, including Licensed Practical Nurse (LPN), Licensed Vocational Nurse (LVN) and Registered Nurse (RN). This post will help clarify some of the differences, qualifications and responsibilities of LPNs and LVNs. Licensed Vocational Nurses vs. Licensed Practical Nurses.", + "LPNs vs. RNs. Licensed practical or vocational nurses represent the entry level of the profession. Their duties are confined to the basics of patient care, such as monitoring vital signs; helping patients bathe and addressing personal hygiene; assisting as needed at mealtime; and updating charts.", + "The nursing profession is one of the most diverse in the health-care industry. Direct patient care is the nurse's primary responsibility, but this care takes many forms. At the entry level, licensed practical nurses and inexperienced registered nurses spend much of their time performing basic care of the bedpans and bathing variety." + ], + "url": [ + "http://nursinglink.monster.com/education/articles/21460-the-difference-between-lpns-and-rns", + "http://allnurses.com/lpn-lvn-corner/lpn-vs-rn-230306.html", + "http://nursinglink.monster.com/education/articles/21460-the-difference-between-lpns-and-rns", + "http://www.alliedhealthworld.com/lpn-vs-rn.html", + "http://www.alliedhealthworld.com/lpn-vs-rn.html", + "https://www.concorde.edu/blog/lvn-vs-lpn", + "http://www.alliedhealthworld.com/lpn-vs-rn.html", + "https://www.concorde.edu/blog/lvn-vs-lpn", + "http://work.chron.com/lpn-salary-vs-rn-salary-4197.html", + "http://work.chron.com/lpn-salary-vs-rn-salary-4197.html" + ] + }, + "query": "what are lpns vs rn", + "query_id": 561290, + "query_type": "DESCRIPTION", + "wellFormedAnswers": [] + }, + "truncated_cells": [] + }, + { + "row_idx": 424, + "row": { + "answers": [ + "No Answer Present." + ], + "passages": { + "is_selected": [ + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0 + ], + "passage_text": [ + "A few questions about a staple down/Gypcrete installation. The way Ive done this in the past is have the homeowner double the sill plates so there is a nailer for the sheet rock. The gypcrete company doing the pour wants the sheetrock installed before the pour without doubling the plates.I have also put the heat on only one day after the pour but Im told by this company it should cure a minimum of 14 days before applying heat. Ive read in the past where the heat was on during the pour. have also put the heat on only one day after the pour but Im told by this company it should cure a minimum of 14 days before applying heat. Ive read in the past where the heat was on during the pour.", + "I live in a 6 y.o. condo w/ gypcrete floors on the second level of the house-which is over a garage. I wanted to install wood floor but the gypcrete was very unlevel across the floor. We ended up having a company do a gypsum pour across the entire leve 450 sq ft. about 5 weeks ago and the floor is completely level.I am concerned about moisture though. wanted to install wood floor but the gypcrete was very unlevel across the floor. We ended up having a company do a gypsum pour across the entire leve 450 sq ft. about 5 weeks ago and the floor is completely level.", + "Pour 1/2 inch of gypcrete onto concrete, or 3/4 inch of gypcrete over tongue-and-groove wooden subfloor with 16-inch to 24-inch truss or beam spacings. Sweep a float trowel over the gypcrete until the floor has an even surface.ypcrete is a mixture of gypsum, sand and Portland cement. Installation of gypcrete is done by experienced professionals who level the material over the surface based on the type of subflooring in the room.", + "Instructions. Install gypcrete after placing up the drywall. Brush off any dirt, dust or other materials from the floor with the broom. Use a vacuum or portable dry-vac to siphon any particles from the corners of the room.Replace any damaged boards if installing gypcrete on a wood subfloor.Remove doorway baseplates.ypcrete is a mixture of gypsum, sand and Portland cement. Installation of gypcrete is done by experienced professionals who level the material over the surface based on the type of subflooring in the room.", + "During the course they compaired their propuct with gypcrete. One of the downsides of gypcrete, according to Ardex, is that gypcrete has a starch in it and when it gets wet, it is a perfect breeding environment for mold.The starch is food for mold.SLC has no starch.ne of the downsides of gypcrete, according to Ardex, is that gypcrete has a starch in it and when it gets wet, it is a perfect breeding environment for mold. The starch is food for mold.", + "Our floors are concrete with no insulation--just slab. We want to install radiant heat to run off our PV system, and have a finish layer poured over. We've read about the energy loss if the slab is not insulated.onding of the upper finish layer of concrete and the lower existing layer is not as important on an interior application where the slab is contained. There are a few items which you should consider in making your decision prior to proceeding.", + "Before, during and after installation of a Maxxon underlayment, building interior shall be enclosed and maintained at a temperature above 50 F (10 C) until structure and subfloor temperatures are stabilized.Maxxon gypsum underlayments are inorganic and provide no source of nutrients to sustain mold growth.oisture can be introduced by other trades through spillage, tracked in mud and rain, plumbing leaks, etc. Often stored in damp conditions, building products may arrive on site laden with moisture that releases after installation. Outside sources such as rain, snow, wind, etc. can also increase moisture levels.", + "A contractor I'm working with has recommended installation of drywall prior to pouring of lightweight concrete on a custom wood-framed house currently under construction.ou can hang, finish and prime the rock to the top of the ledger before the pour if you like... Gypcrete is soft and doesn't wear well. Sealers are available to help you out here. It's easier and more gooder to cover the floor with 1/8 sheet goods or HD cardboard taped into place including the seams..", + "You can hang, finish and prime the rock to the top of the ledger before the pour if you like... Gypcrete is soft and doesn't wear well. Sealers are available to help you out here. It's easier and more gooder to cover the floor with 1/8 sheet goods or HD cardboard taped into place including the seams..ou can hang, finish and prime the rock to the top of the ledger before the pour if you like... Gypcrete is soft and doesn't wear well. Sealers are available to help you out here. It's easier and more gooder to cover the floor with 1/8 sheet goods or HD cardboard taped into place including the seams..", + "Gypcrete is a mixture of gypsum, sand and Portland cement. Installation of gypcrete is done by experienced professionals who level the material over the surface based on the type of subflooring in the room.ypcrete is a mixture of gypsum, sand and Portland cement. Installation of gypcrete is done by experienced professionals who level the material over the surface based on the type of subflooring in the room." + ], + "url": [ + "http://forum.heatinghelp.com/discussion/152052/gypcrete-installation", + "http://www.hardwoodflooringtalk.com/forum/moisture-gypsum-how-much-too-much-t2808.html", + "http://www.ehow.com/how_8788968_install-gypcrete.html", + "http://www.ehow.com/how_8788968_install-gypcrete.html", + "http://forums.finehomebuilding.com/breaktime/general-discussion/does-h2o-ruin-gypcrete", + "http://www.greenhomeguide.com/askapro/question/we-want-to-install-radiant-heating-how-do-we-insulate-the-concrete-slab-floor", + "http://www.bhgroupllc.com/gypcrete/drying-conditions.aspx", + "http://forums.finehomebuilding.com/breaktime/construction-techniques/lightweight-concrete-after-drywall", + "http://forums.finehomebuilding.com/breaktime/construction-techniques/lightweight-concrete-after-drywall", + "http://www.ehow.com/how_8788968_install-gypcrete.html" + ] + }, + "query": "sheetrock growing mold after pouring gypcrete", + "query_id": 495639, + "query_type": "DESCRIPTION", + "wellFormedAnswers": [] + }, + "truncated_cells": [] + }, + { + "row_idx": 425, + "row": { + "answers": [ + "Alzheimer's patient could progress to the point that damage from the disease to the centers of the brain that control breathing could cause death." + ], + "passages": { + "is_selected": [ + 0, + 0, + 0, + 0, + 0, + 0, + 1, + 0, + 0, + 0 + ], + "passage_text": [ + "Alzheimer's disease and other forms of dementia are cruel diseases that progress over time and eventually lead to death. Alzheimer's disease is the sixth leading cause of death in the United States. Dementia is a progressive disease that affects the brain. Early stages of dementia might show up as memory problems, confusion, and sundowning (confusion starting late in the day, lasting into the night).", + "In 1998, Alzheimer's disease was the 12th-leading cause of death in the United States, with 22,725 deaths, and the ninth-leading cause for people 65 and over. That number is expected to increase when statistics for 1999 are released.", + "Doctors do not understand why most cases of early onset Alzheimer's appear at such a young age. But in a few hundred families worldwide, scientists have pinpointed several rare genes that directly cause Alzheimer's. People who inherit these rare genes tend to develop symptoms in their 30s, 40s and 50s.", + "Alzheimer's is not just a disease of old age. Younger-onset (also known as early-onset) Alzheimer's affects people younger than age 65. Up to 5 percent of the more than 5 million Americans with Alzheimer’s have younger-onset.", + "Question: What are the Causes of Death in People with Alzheimer's Disease? The Alzheimer's Association notes that Alzheimer's disease is the sixth leading cause of death in the United States. It also points out that out of the top ten causes of death, it's the only one without an effective treatment or cure.", + "People who have early onset Alzheimer's may be in any stage of dementia – early stage, middle stage or late stage. The disease affects each person differently and symptoms will vary. If you are experiencing memory problems: Have a comprehensive medical evaluation with a doctor who specializes in Alzheimer's disease.", + "Such incapacitation again sets the stage for deadly infections. Doctors say it is possible that an Alzheimer's patient could progress to the point that damage from the disease to the centers of the brain that control breathing could cause death, but patients rarely get that far without an infection setting in.", + "Early-onset Alzheimer's disease. Early-onset Alzheimer's disease, also called early-onset Alzheimer's, or early-onset AD, is Alzheimer's disease diagnosed before the age of 65. It is an uncommon form of Alzheimer's, accounting for only 5-10% of all Alzheimer's cases.", + "See our explainers here. Summitt, 64, died Tuesday morning, five years after being diagnosed with early-onset Alzheimer’s disease. While her death was reported as a result of the disease, Alzheimer’s in and of itself does not kill a person. Yet last year nearly 100,000 people in the United States died because of it.", + "Another study that examined autopsy reports of people with dementia found the main causes of death were pneumonia, cardiovascular diseases, pulmonary embolism, cachexia, and dehydration. Other factors that impact the death rate in Alzheimer's disease include advanced age, increased falls and delirium." + ], + "url": [ + "https://www.verywell.com/what-is-it-like-to-die-of-dementia-1132331", + "http://www.slate.com/articles/news_and_politics/explainer/2001/04/how_does_alzheimers_kill.html", + "http://www.alz.org/alzheimers_disease_early_onset.asp", + "http://www.alz.org/alzheimers_disease_early_onset.asp", + "https://www.verywell.com/what-causes-death-in-people-with-alzheimers-disease-98215", + "http://www.alz.org/alzheimers_disease_early_onset.asp", + "http://www.slate.com/articles/news_and_politics/explainer/2001/04/how_does_alzheimers_kill.html", + "https://en.wikipedia.org/wiki/Early-onset_Alzheimer%27s_disease", + "http://www.ajc.com/news/national/how-does-alzheimer-disease-kill-you/G86og0asuVjgPhv5nSto8N/", + "https://www.verywell.com/what-causes-death-in-people-with-alzheimers-disease-98215" + ] + }, + "query": "how does early onset alzheimer's cause death", + "query_id": 226069, + "query_type": "DESCRIPTION", + "wellFormedAnswers": [] + }, + "truncated_cells": [] + }, + { + "row_idx": 426, + "row": { + "answers": [ + "No Answer Present." + ], + "passages": { + "is_selected": [ + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0 + ], + "passage_text": [ + "Clan/Family Histories. - Muir/Moore. Since the Scots word muir means a moor or a heath and there are a multiplicity of place names incorporating the word, it is not surprising that the surname is found all over Scotland. It is particularly prolific in west-central Scotland and in Orkney the name is one of the top ten most commonly found names.", + "Origins in Ulster: Plantation Scottish. The surname derives from the old English personal name Arcebald, Arcenbald or even Ercenbald meaning either “right bold” or “holy prince”. The first of the name in Scotland was Archebaldus filius Swani de Forgrunde in the reign of William the Lion.", + "Famous People with the Surname MOORE. 1 Demi Moore - American actress. 2 Clement C. Moore - author of A Visit from St. Nicholas. 3 Ann Moore - Inventor of the Snugli baby carrier. 4 Mandy Moore - pop singer and actress. 5 Gordon Moore - co-founder of Intel which introduced the world's first single chip microprocessor.", + "Last name: Moore. This distinguished British surname recorded in a wide range of spellings including: More, Mores, Moor, Moores, Moors, and in Scotland Muir, has a number of possible origins.", + "‘Jenkin Moore, Deemster, a.d. 1499.’ More is the usual form till the end of the sixteenth century. It is a common name in Ireland, Scotland, and the North of England, as well as in the Isle of Man.", + "The De La Mare surname from French Normandy was progressively anglicized in England as de la Mare (Walter de la Mare), De La More, More, and Moore in England. Frequency. In the United States, Moore ranked 16th among all surnames in the 2000 census, accounting for 0.26% of the population, falling from 9th in the 1990 census.", + "Of thirteen families of Moore recorded in Burke’s Landed Gentry of Ireland (1912), twelve claim to have come to Ireland as settlers from England or Scotland and only one to be an offshoot of the O’Mores.", + "Clan affiliation by spelling variation. 1 Muir/Mure/Moore - more common in Clan Campbell. 2 Moir/Moire - more common in Clan Gordon. 3 Moore - more common in Clan Leslie. 4 More - more common in Clan Grant. 5 Langmoore/Longmuir - more common in Clan Boyd.", + "View the Moore surname, family crest and coat of arms. Discover the Moore family history for the Scottish Origin. What is the origin of the name Moore?", + "select.surnames.website. 1 O'More Clan. O'Mores/Moores in Ireland. 2 The Moores of Moore House. Moores in County Mayo. 3 The Moores of Appleby Magna in Leicestershire. Contents - Moores in Appleby Magna. 4 The Moore Family. Moores in New England. 5 Susan Moore A Moore family in Alabama." + ], + "url": [ + "http://www.rampantscotland.com/clans/blclanmuir.htm", + "http://www.ulsterancestry.com/irish-surnames.html", + "https://www.thoughtco.com/moore-last-name-meaning-and-origin-1422566", + "http://www.surnamedb.com/Surname/Moore", + "http://forebears.co.uk/surnames/moore", + "https://en.wikipedia.org/wiki/Moore_(surname)", + "http://www.mooreclans.com/family-history/", + "https://en.wikipedia.org/wiki/Clan_Muir", + "https://www.houseofnames.com/moore-family-crest/Scottish", + "http://selectsurnames.com/moore.html" + ] + }, + "query": "is the surname moore scottish", + "query_id": 1174721, + "query_type": "DESCRIPTION", + "wellFormedAnswers": [] + }, + "truncated_cells": [] + }, + { + "row_idx": 427, + "row": { + "answers": [ + "No Answer Present." + ], + "passages": { + "is_selected": [ + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0 + ], + "passage_text": [ + "Freudian slip (a slip-up that (according to Sigmund Freud) results from the operation of unconscious wishes or conflicts and can reveal unconscious processes in normal healthy individuals).", + "Universal Fit. A seat cover that has a universal fit will, as its name implies, work on any bucket seat. It does not fit the exact contours of your particular year, make and model's seats, but it does make an excellent cover to pull out of your trunk in an emergency.", + "A summary of words used in London Theatre and on this site. Overseas visitors may also like to see Broadway / London translations for further information. Those seeking definitions of technical terms might like to visit www.theatrecrafts.com for more information.", + "Theatremonkey defines 'average comfort' as being when it can sit in the seat for one hour without needing to move about to re-start circulation. Comfort is good when the monkey could sit for the whole performance without needing to move. A rare occurrence.", + "Pink Slip. A pink slip is an American slang term that means the title of a vehicle. Often, street racers wager their pink slips on a race, which is to say that the winner keeps the losers vehicle. Most DMVs recommend that you do not drive with your pink slip in the glove box, just in case your vehicle is ever stolen.", + "When the seats returned to the box office are called Mark backs this means they were returned by an agency who was unable to sell them. These tickets are often high quality, and can be returned right up until 7pm on the day of performance.", + "Rake In the Stalls the floor has a gentle slope from the back of the theatre down towards the stage. This ensures rear rows of seats are raised slightly, improving, hopefully, the view. In the Circles, the rows of seats are arranges on steps. The higher the steps for each row the better the view. Unfortunately, the higher the steps, the more vertigo inducing the view! The word 'rake' also applies to the slope of the stage towards the audience.", + "The stock seats suck! What we do is remove the cover off the seat and re-shape the foam to be more comfortable. The motorcycle manufacturers use allot of foam in there but their design lacks comfort for a long ride. Most people say they can ride about 30-40 min's before they start getting butt burn.", + "MCC shapes the seat to fit you, whether you're 5 foot tall or well over 6 feet tall we can help make you comfortable on your motorcycle. We fit your seat to you and make it comfortable so you can ride all day. We proudly offer Impact Gel Pads and memory foam-to take your seat to a new level of comfort. I want to thank all of our customers for spreading the word about MCC.", + "Welcome to Mean City Cycles. We offer custom seat modifications to make your motorcycle as comfortable as possible without breaking the bank to do so. Take some time and look around. The Web site is being updated frequently so check back often to keep up with all the new and improved modifications we offer." + ], + "url": [ + "http://www.audioenglish.org/dictionary/slip-up.htm", + "http://www.autoanything.com/seat-covers/52A4.aspx", + "http://www.theatremonkey.com/termsused.htm", + "http://www.theatremonkey.com/termsused.htm", + "http://www.autoanything.com/seat-covers/52A4.aspx", + "http://www.theatremonkey.com/termsused.htm", + "http://www.theatremonkey.com/termsused.htm", + "http://www.meancitycycles.com/", + "http://www.meancitycycles.com/", + "http://www.meancitycycles.com/" + ] + }, + "query": "what does slip seat mean", + "query_id": 648046, + "query_type": "DESCRIPTION", + "wellFormedAnswers": [] + }, + "truncated_cells": [] + }, + { + "row_idx": 428, + "row": { + "answers": [ + "Yes, it safe to eat salmon every day." + ], + "passages": { + "is_selected": [ + 0, + 1, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0 + ], + "passage_text": [ + "If the salmon is farmed, it is not an issue. If it is wild salmon, the fish live much longer and get much larger (and by consequence have far more stored mercury within their fat/flesh). Farmed salmon are raised and killed long before they amass a worrisome amount of mercury. Also, it depends on your gender.", + "Salmon is rich in omega-3 fatty acids, which help reduce the risk of heart attack and stroke and may reduce coronary artery disease and help lower blood pressure. MayoClinic.com recommends eating salmon or other omega-rich fish twice weekly. Although seafood is often contaminated, salmon is a low-mercury choice. Therefore, Consumer Reports deems it safe to eat salmon every day -- unlike swordfish and fresh tuna, which have dangerous mercury levels.", + "Eating tuna every day may increase mercury levels in your body. Photo Credit fotomania_17/iStock/Getty Images. The American Heart Association recommends eating omega-3-rich fish, such as tuna, twice a week for good health. It's wise, however, to vary what you choose. Because tuna is a source of mercury, you should avoid eating it daily, especially higher-mercury varieties like albacore tuna.", + "The 5 Safest Fish to Eat - Salmon, tilapia, rainbow trout and more. More people than ever are asking what seafood is safe for dinner. As parents, we also want fish that’s delicious and stocked with the nutrients our kids need. Here are the five best fish for the environment, growing brains and bodies, and finicky taste buds. Salmon.", + "Dangers of Too Much Mercury from Tuna. Mercury is a poisonous metal that can have serious health consequences, such as injury to the brain, heart, kidneys and lungs. It's especially harmful to children and pregnant women because it can affect development of the child and growing fetus.", + "I figure this is as good a subreddit as any to ask this. I've been doing keto for about a month and have been getting killer results! There is a killer sushi place where I get sashimi on a bed of spinach everyday for lunch. My coworkers have expressed concern over mercury poisoning etc.", + "Salmon is low in calories and high in nutrients. Salmon has no magical fat-burning properties, and eating it won't directly affect your weight. However, salmon is a lean protein that fits nicely into a healthy diet plan. Replacing fatty red meats and junk food in your diet with salmon may reduce overall calorie intake, eventually helping you lose body fat.", + "Also, to get your weekly seafood needs for good health, mix it up. Include different types of fish in your diet that have less mercury but are good sources of omega-3s, such as salmon, anchovies and sardines. Also include other types of seafood or fish, such as shrimp, scallops, tilapia and haddock.", + "A friend tried warning me about mercury poisoning because I eat tuna (canned albacore) more than 3x/week. It still doesn't worry me. I don't plan on getting pregnant and I guess albacore is a bit higher in mercury than other canned fish.", + "Nowadays, the situation is a bit more complicated, but canned or fresh, tuna is still one of the top fish to feed children. It has a fantastic roster of nutrients – plenty of omega 3s, yes, but also lots of vitamin A and magnesium." + ], + "url": [ + "https://www.reddit.com/r/keto/comments/2urutt/i_eat_salmon_everyday_is_it_an_issue/", + "http://healthyeating.sfgate.com/eating-salmon-lose-weight-7727.html", + "http://www.livestrong.com/article/519323-can-eating-tuna-every-day-be-harmful/", + "https://www.babble.com/best-recipes/safe-to-eat-fish-recipes-facts-5/", + "http://www.livestrong.com/article/519323-can-eating-tuna-every-day-be-harmful/", + "https://www.reddit.com/r/keto/comments/2urutt/i_eat_salmon_everyday_is_it_an_issue/", + "http://healthyeating.sfgate.com/eating-salmon-lose-weight-7727.html", + "http://www.livestrong.com/article/519323-can-eating-tuna-every-day-be-harmful/", + "https://www.reddit.com/r/keto/comments/2urutt/i_eat_salmon_everyday_is_it_an_issue/", + "https://www.babble.com/best-recipes/safe-to-eat-fish-recipes-facts-5/" + ] + }, + "query": "is it safe to eat fish every day", + "query_id": 414563, + "query_type": "DESCRIPTION", + "wellFormedAnswers": [] + }, + "truncated_cells": [] + }, + { + "row_idx": 429, + "row": { + "answers": [ + "No Answer Present." + ], + "passages": { + "is_selected": [ + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0 + ], + "passage_text": [ + "There are several different copper fungicides approved for use in organically-produced crops. Copper fungicides are important tools for managing diseases that cannot be effectively managed with cultural practices alone. They have broad-spectrum activity, acting on bacteria as well as fungi.", + "Some advanced organic gardeners don't even use any natural pesticides or fungicides, because their soil structure and garden techniques encourage massive populations of beneficials. However, there are exceptions where a few ideas are needed to control pests.", + "2 Comments on 5 Organic Fungicides for the Vegetable Garden. 1 I do not comment, however after looking at a few of the. 2 Just a quick question… I started an Avocado Tree this summer, and it's PINK! I was told it is a Fungus that causes this discoloration, so I'm adding Baking soda to it's daily water.", + "Following many years of use, there is a lot more information on efficacy of copper fungicides than the newer biological products. Manufacturers of some biologicals recommend that they be used in a management program with copper fungicides (often in alternation or at low label rate).", + "Damping-off is less of a problem if the seed are planted in soil within the desirable temperature range for a particular vegetable. For example, garden peas and potatoes may be planted in relatively cool soil, whereas squash, beans, or cucumbers must be planted in fairly warm soil.", + "Broad-spectrum fungicides for vegetables. Check out these broad-spectrum fungicide options available for use on multiple vegetable crops. Chlorothalonil (Bravo/Echo/Equus) is a FRAC M5 fungicide that is well known for its ease of use as a stand-alone product or tank mix partner for protecting against a range of pathogens of vegetable crops.", + "For example, if a short-season vegetable that is susceptible to root-knot nematodes is grown in one area of the garden, you can often produce a fall crop (such as a resistant variety of tomato or sweet corn) in the same soil without a yield loss. Plan a rotational program by dividing the garden site into thirds.", + "Spray the plants weekly—either with a natural fungicide, compost tea (home made or one of the super-charged compost teas being brewed at larger garden centers) or The Cornell Formula: A table spoon each of baking soda and vegetable or horticultural oil, plus two drops of dish washing soap, in a gallon of water.", + "Soil Guardian for Soilbourne Diseases. Soil Guardian is a preventive biological fungicide that can be used on fruiting vegetables, herbs and leafy vegetables. The active ingredient is a microbe that provides protection to plant roots against soilbourne diseases.", + "5 Organic Fungicides for the Vegetable Garden. There are many times that vegetable gardeners may run into issues with blights, mildews, leaf spots and other fungi that attack plants. These fungi can quickly damage a vegetable plant causing it to become unproductive or even dead." + ], + "url": [ + "http://extension.psu.edu/plants/vegetable-fruit/news/2013/copper-fungicides-for-organic-disease-management-in-vegetables", + "http://faq.gardenweb.com/discussions/2766356/what-are-some-great-natural-pesticidal-and-fungicidal-recipes", + "http://www.veggiegardener.com/5-natural-fungicides-vegetable-garden/", + "http://extension.psu.edu/plants/vegetable-fruit/news/2013/copper-fungicides-for-organic-disease-management-in-vegetables", + "https://content.ces.ncsu.edu/managing-diseases-in-the-home-vegetable-garden", + "http://msue.anr.msu.edu/news/broad_spectrum_fungicides_for_vegetables", + "https://content.ces.ncsu.edu/managing-diseases-in-the-home-vegetable-garden", + "http://www.gardensalive.com/product/protecting-tomatoes-from-dread-diseases/you_bet_your_garden", + "http://www.veggiegardener.com/5-natural-fungicides-vegetable-garden/", + "http://www.veggiegardener.com/5-natural-fungicides-vegetable-garden/" + ] + }, + "query": "what is a fungicide for a vegetable garden", + "query_id": 684195, + "query_type": "DESCRIPTION", + "wellFormedAnswers": [] + }, + "truncated_cells": [] + }, + { + "row_idx": 430, + "row": { + "answers": [ + "In Cuyahoga County" + ], + "passages": { + "is_selected": [ + 0, + 0, + 0, + 0, + 0, + 0, + 1, + 0, + 0, + 0 + ], + "passage_text": [ + "Find Westlake Ohio assessor, assessment, auditor's, and appraiser's office, revenue commissions, GIS, and tax equalization departments. Assessors provide information on property and land tax assessment, property listings, values, valuations, property search, and records. Name.", + "Find Westlake Ohio assessor, assessment, auditor's, and appraiser's office, revenue commissions, GIS, and tax equalization departments. Assessors provide information on property and land tax assessment, property listings, values, valuations, property search, and records. Westlake Assessor.", + "Lakewood Country Club 2613 Bradley Road, Westlake, OH 44145. Phone: (440) 871-0400 x123 | Fax: (440) 871-7524 | Email: membership@lakewoodcountryclub.com |.", + "Westlake OH Police Jail. Cuyahoga County. Police Department Jail. The security for Westlake OH Police Jail is classified as medium as the intake for prisoners is in the actual police department of Westlake. The entire police force operates in the building where the cells are located, security is high.", + "Westlake OH Police Jail. Westlake OH Police Jail. The security for Westlake OH Police Jail is classified as medium as the intake for prisoners is in the actual police department of Westlake. The entire police force operates in the building where the cells are located, security is high.", + "Cleveland's a big-league foodie town and we've got the news and reviews you need to navigate all of the area's dining-out options, plus a growing collection of essential dining guides. 1 A-List: Cleveland's Top 100 Restaurants. 2 Best of Downtown. 3 Best of Ohio City. Best of Little 1 Italy. Best of Tremont.", + "Westlake, Ohio. Westlake is a city in Cuyahoga County, Ohio, United States. The population was 32,729 at the 2010 census. It is an affluent suburb of Cleveland located 12 miles west of downtown Cleveland.", + "Rescue animal companions provide 'boundless love and laughter' for couple: Send us your animal rescue stories, photos. Rescue animal companions provide 'boundless love and laughter' for couple: Send us your animal rescue stories, photos. House full of rescue pets makes for couple's happy life.", + "Lakewood Country Club. Lakewood Country Club was established in 1921 as a premiere private country club offering its members unparalleled amenities and services. The Club offers its distinguished members the environment, facilities and services that satisfy their sports, social and business needs and interests.", + "Cleveland.com Fish Fry Guide 2017: Non-profit fish fry listings for the sixth Friday of Lent. Cleveland.com Fish Fry Guide 2017: Non-profit fish fry listings for the sixth Friday of Lent. Cleveland.com Fish Fry Guide 2017: Non-profit fish fry listings for the sixth Friday of Lent." + ], + "url": [ + "http://www.countyoffice.org/westlake-oh-assessor/", + "http://www.countyoffice.org/westlake-oh-assessor/", + "http://www.lakewoodcountryclub.com/", + "https://www.inmateaid.com/prisons/westlake-oh-police-jail", + "https://www.inmateaid.com/prisons/westlake-oh-police-jail", + "https://www.cleveland.com/westlake/", + "https://en.wikipedia.org/wiki/Westlake,_Ohio", + "https://www.cleveland.com/westlake/", + "http://www.lakewoodcountryclub.com/", + "https://www.cleveland.com/westlake/" + ] + }, + "query": "what county is westlake, oh in", + "query_id": 614536, + "query_type": "LOCATION", + "wellFormedAnswers": [ + "Westlake is in Cuyahoga County, Ohio." + ] + }, + "truncated_cells": [] + }, + { + "row_idx": 431, + "row": { + "answers": [ + "Aggrieved Person means either a person who is, or was at any time, eligible to." + ], + "passages": { + "is_selected": [ + 0, + 0, + 0, + 0, + 0, + 1, + 0, + 0, + 0, + 0 + ], + "passage_text": [ + "aggrieved person or to order the performance of an act or a series of acts designed to eliminate the effect of any unlawful practice found. (5) The commissioner may order the respondent to eliminate the effects of any unlawful", + "Related to person: Person of interest, Pearson, third person, Live person, Oldest Person Person In general usage, a human being; by statute, however, the term can include firms, labor organizations, partnerships, associations, corporations, legal representatives, trustees, trustees in Bankruptcy, or receivers.", + "The phrase interested person refers to heirs, devisees, children, spouses, creditors, beneficiaries, and any others having a property right in, or a claim against, a trust estate or the estate of a decedent, ward, or protected person.", + "Nothing in this rule will be construed to limit or alter the statutory powers of the. commissioner to protect the rights of persons similarly situated to the [complainant] aggrieved person or to order the performance of an act or a series of acts designed to. eliminate the effect of any unlawful practice found.", + "PERSON. This word is applied to men, women and children, who are called natural persons. In law, man and person are not exactly synonymous terms. Any human being is a man, whether he be a member of society or not, whatever may be the rank he holds, or whatever may be his age, sex, &c. A person is a man considered according to the rank he holds in society, with all the rights to which the place he holds entitles him, and the duties which it imposes. 1 Bouv. Inst. n. 137. 2.", + "Labor and Industries or a designee of the administrator. (2) “Aggrieved Person” means either a person who is, or was at any time, eligible to. file a complaint under ORS 659A.820 or who is otherwise similarly situated or it. means a person who files a complaint under ORS 659A.825. (2) Bureau means the Bureau of Labor and Industries.", + "Associated concepts: adult person, artificial person, compeeent person, credible person, disorderly person, fictitious person, injured person, natural person, person aggrieved, person in need of supervision, poor person, third person, unauthorized person", + "Definitions For purposes of these rules: (1)Administrator means the Administrator of the Civil Rights Division of the Bureau of Labor and Industries or a designee of the administrator. (2) “Aggrieved Person” means either a person who is, or was at any time, eligible to file a complaint under ORS 659A.820 or who is otherwise similarly situated or it means a person who files a complaint under ORS 659A.825. (2) Bureau means the Bureau of Labor and Industries.", + "(C) The causal connection between the [complainant's] aggrieved person’s protected class and the alleged harm. (2) A person alleging discrimination for reporting or opposing unsafe or unhealthy work", + "Related Legal Terms and Definitions: 1 Aggrieved Party One whose legal right is invaded by an act complained of, and who has suffered an injury to person or property. A party entitled to resort to a remedy. 2 Accommodated party See accommodation party....... 3 Admission of party See admission......." + ], + "url": [ + "http://www.oregon.gov/boli/docs/Division_3_Final_Proposed_Draft_Rules.pdf", + "https://legal-dictionary.thefreedictionary.com/person", + "https://legal-dictionary.thefreedictionary.com/person", + "http://www.oregon.gov/boli/docs/Division_3_Final_Proposed_Draft_Rules.pdf", + "https://legal-dictionary.thefreedictionary.com/person", + "http://www.oregon.gov/boli/docs/Division_3_Final_Proposed_Draft_Rules.pdf", + "https://legal-dictionary.thefreedictionary.com/person", + "http://www.oregon.gov/boli/docs/Division_3_Final_Proposed_Draft_Rules.pdf", + "http://www.oregon.gov/boli/docs/Division_3_Final_Proposed_Draft_Rules.pdf", + "http://legaldictionary.lawin.org/aggrieved-party-or-person/" + ] + }, + "query": "nh definition of any person aggrieved", + "query_id": 464277, + "query_type": "DESCRIPTION", + "wellFormedAnswers": [] + }, + "truncated_cells": [] + }, + { + "row_idx": 432, + "row": { + "answers": [ + "Leasburg is in Caswell County, North Carolina." + ], + "passages": { + "is_selected": [ + 1, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0 + ], + "passage_text": [ + "Home » Directory » North Carolina » Caswell County » Leasburg » Leasburg Volunteer Fire Department is located in Leasburg, NC. View a fire dept photo, logo, contact info, map, volunteer info, mission statement, fire equipment, firefighters and statistics. Home", + "Vance County Tax Collector's Office 122 Young Street Henderson NC 27536 42.1 miles from Leasburg 252-738-2040. Guilford County Tax Collector's Office PO Box 3138 Greensboro NC 27402 42.8 miles from Leasburg 336-641-3362. Chatham County Tax Collector's Office PO Box 697 Pittsboro NC 27312 46.2 miles from Leasburg 919-542-8261", + "leasburg, caswell county, piedmont, north carolina land for sale: 1 - 15 of 17 listings", + "Weather Underground provides local & long range weather forecasts, weather reports, maps & tropical weather conditions for locations worldwide. My Profile Main Menu", + "Leasburg; Find Leasburg North Carolina treasurer, tax collector, tax assessor, and property assessor offices. Treasurers and tax collectors provide information on property searches, tax bills, property liens, tax assessed values, and deductions.", + "239.1 Acres Leasburg, Caswell County, NC. $549,930. Large wooded tract, almost a mile of frontage on Hyco Creek, rolling hills, many trails for access, open areas for food plots and great privacy offer the opportunity to develop an excellent hunting property.", + "Leasburg, Caswell County, North Carolina: Browse Thousands of Acres of Land for Sale in Leasburg, Caswell County, North Carolina.", + "If you work at Leasburg Volunteer Fire Department and have the authority to update fire dept. info, you can apply to manage this profile. To find additional fire departments in your region please use the following links:", + "Leasburg Treasurer & Tax Collector. Find Leasburg North Carolina treasurer, tax collector, tax assessor, and property assessor. Treasurers and tax collectors provide information on property searches, tax bills, property liens, tax assessed values, and deductions. Leasburg Treasurer & Tax Collector.", + "LEASBURG, CASWELL COUNTY, PIEDMONT, NORTH CAROLINA LAND FOR SALE: 1 - 15 of 16 listings. 106.69 Acres Milton, Caswell County, NC 199000 Land is mostly wooded with good road frontage on 2 roads. There... Reach a larger audience and drive more leads by participating in the Showcase Property program." + ], + "url": [ + "https://www.firedepartment.net/directory/north-carolina/caswell-county/leasburg/leasburg-volunteer-fire-department", + "http://www.countyoffice.org/leasburg-nc-treasurer-tax-collector/", + "http://www.landwatch.com/North_Carolina_land_for_sale/Leasburg", + "https://www.wunderground.com/weather/us/nc/leasburg", + "http://www.countyoffice.org/leasburg-nc-treasurer-tax-collector/", + "http://www.landwatch.com/North_Carolina_land_for_sale/Leasburg", + "http://www.landwatch.com/North_Carolina_land_for_sale/Leasburg", + "https://www.firedepartment.net/directory/north-carolina/caswell-county/leasburg/leasburg-volunteer-fire-department", + "http://www.countyoffice.org/leasburg-nc-treasurer-tax-collector/", + "http://www.landwatch.com/North_Carolina_land_for_sale/Leasburg" + ] + }, + "query": "what county is leasburg nc in", + "query_id": 608467, + "query_type": "LOCATION", + "wellFormedAnswers": [] + }, + "truncated_cells": [] + }, + { + "row_idx": 433, + "row": { + "answers": [ + "No Answer Present." + ], + "passages": { + "is_selected": [ + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0 + ], + "passage_text": [ + "Your neck is flexible and supports the weight of your head, so it can be vulnerable to injuries and conditions that cause pain and restrict motion. Neck pain causes include: Muscle strains. Overuse, such as too many hours hunched over your computer or smartphone, often triggers muscle strains.", + "Arthritis is one cause of cervical radiculopathy. Cervical spondylosis is caused by degenerative changes in the bones and intervertebral discs of the neck. A less technical name for this condition is osteoarthritis of the neck, or degenerative disc disease of the neck. Typically, arthritis in the neck starts at about 40 years of age, and as you get older it will likely continue to progress. Men tend to develop cervical spondylosis at a younger age than women.", + "Thyroid cancer Thyroid cancer is cancer of the thyroid gland and can cause a cough, hoarseness, a lump in the neck, and more. Thyroid nodules Thyroid nodules usually don't cause symptoms, but can cause a visible lump, neck pain, hoarseness, and more.", + "Overview of Cervical Spondylosis and Arthritis of the Neck. Arthritis is one cause of cervical radiculopathy. CNRI/Science Photo Library/Getty Images. Cervical spondylosis is caused by degenerative changes in the bones and intervertebral discs of the neck.", + "The rotator cuff develops wear and tear with age, and can be easily injured. When this happens, we compensate by using different muscles to pick things up or reach for them. “This may cause both shoulder and neck pain,” says Dr. Ricchetti. You may have a rotator cuff injury or other shoulder problem if pain:", + "Neck pain is a common complaint. Neck muscles can be strained from poor posture — whether it's leaning over your computer or hunching over your workbench. Osteoarthritis also is a common cause of neck pain. Rarely, neck pain can be a symptom of a more serious problem. Seek medical care if your neck pain is accompanied by numbness or loss of strength in your arms or hands or if you have shooting pain into your shoulder or down your arm.", + "Osteoarthritis causes the cushions (cartilage) between your bones (vertebrae) to deteriorate. Your body then forms bone spurs that affect joint motion and cause pain. Nerve compression. Herniated disks or bone spurs in the vertebrae of your neck can press on the nerves branching out from the spinal cord. Injuries.", + "Your neck is flexible and supports the weight of your head, so it can be vulnerable to injuries and conditions that cause pain and restrict motion. Neck pain causes include: Muscle strains. Overuse, such as too many hours hunched over your computer or smartphone, often triggers muscle strains.", + "Broken (fractured) collarbone Broken collarbones are usually caused by a blow to the shoulder and causes pain and swelling in that area. Whiplash Whiplash, a severe neck injury, can cause stiffness and pain in the neck, headache, dizziness, and more. Hypothyroidism (adult) Hypothyroidism your body functions slow down, making you gain weight and feel tired all the time.", + "When the neck is the likely culprit. Inflammation of any of the 14 nerves or eight pairs of joints in the neck can cause neck pain. The joints — or vertebrae — serve as a hinge that lets us nod or shake our heads during conversation (no wonder they wear out)." + ], + "url": [ + "http://www.mayoclinic.org/diseases-conditions/neck-pain/basics/causes/CON-20028772", + "https://www.verywell.com/arthritis-in-the-neck-cervical-spondylosis-296658", + "http://symptomchecker.webmd.com/multiple-symptoms?symptoms=change-in-bowel-habits|pain-or-discomfort|stiff-neck&symptomids=274|1|157&locations=22|22|10", + "https://www.verywell.com/arthritis-in-the-neck-cervical-spondylosis-296658", + "https://health.clevelandclinic.org/2015/06/is-your-shoulder-pain-actually-caused-by-a-neck-problem/", + "https://www.drugs.com/mcd/neck-pain", + "http://www.mayoclinic.org/diseases-conditions/neck-pain/basics/causes/CON-20028772", + "https://www.drugs.com/mcd/neck-pain", + "http://symptomchecker.webmd.com/multiple-symptoms?symptoms=change-in-bowel-habits|pain-or-discomfort|stiff-neck&symptomids=274|1|157&locations=22|22|10", + "https://health.clevelandclinic.org/2015/06/is-your-shoulder-pain-actually-caused-by-a-neck-problem/" + ] + }, + "query": "can hibiscus cause pain on the neck?", + "query_id": 68057, + "query_type": "DESCRIPTION", + "wellFormedAnswers": [] + }, + "truncated_cells": [] + }, + { + "row_idx": 434, + "row": { + "answers": [ + "Consider adding helium to the shielding gas mixture for its ability to provide a hotter, more penetrating arc on thicker sections." + ], + "passages": { + "is_selected": [ + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 1, + 0 + ], + "passage_text": [ + "Inductance, in particular, plays an important part in obtaining proper puddle fluidity. The shielding gas recommended for short-circuiting welding of stainless-steel contains 90% helium, 7.5% argon, and 2.5% carbon dioxide.The gas gives the most desirable bead contour while keeping the CO2 level low enough so that it does not influence the corrosion resistance of the metal. current of approximately 300-350 amperes is required for a 1/16-in. electrode, depending on the shielding gas and type of stainless wire being used. The degree of spatter is dependent upon the composition and flow rate of the shielding gas, wire-feed speed, and the characteristics of the welding power supply.", + "The basic gas for MIG/MAG welding is argon (Ar). Helium (He) can be added to increase penetration and fluidity of the weld pool. Argon or argon/helium mixtures can be used for welding all grades.or stainless steels there are also gases available containing small amounts of hydrogen (H 2). The table indicates the appropriate choice of shielding gas for MIG/MAG welding, taking account of different types of stainless steel and arc types.", + "The normal gas for TIG welding is argon (Ar). Helium (He) can be added to increase penetration and fluidity of the weld pool. Argon or argon/helium mixtures can be used for welding all grades.In some cases nitrogen (N 2) and/or hydrogen (H 2) can be added in order to achieve special properties.or stainless steels there are also gases available containing small amounts of hydrogen (H 2). The table indicates the appropriate choice of shielding gas for MIG/MAG welding, taking account of different types of stainless steel and arc types.", + "While Ar, He and CO2 may be used by themselves (i.e. 100%) for certain applications, in other cases the four gases are mixed together in different combinations to form shielding gas blends. These blends are expressed as a percentage (e.g. 75% Ar / 25% CO2 or 75Ar/25CO2).ther gases (e.g. hydrogen) and many other gas mixes of different percentages and combination of gases are also used in the welding industry. Table 1 is simply meant to be a quick summary of the most common gases used for common types of base materials in the U.S, welding market.", + "Argon is a major component of shielding gas when spraylike, high-productivity welding is desired in GMAW or FCAW for joining steel and stainless steel. Helium. Helium is considerably lighter than air, which means higher flow rates are required than for argon or carbon dioxide.ou can choose from a variety of gas blends for gas metal arc welding (GMAW), gas tungsten arc welding (GTAW), or flux cored arc welding (FCAW). For each of these processes, the shielding gas performs multiple tasks.", + "Choosing The Right Gas. Many MIG welding applications lend themselves to a variety of shielding gas choices, and you need to evaluate your welding goals in order to choose the correct one for your specific application.IG Welding Shielding Gas Basics. MIG (GMAW) welding with shielding gas and a solid wire electrode produces a clean, slag-free weld without the need to continually stop welding to replace the electrode, as in Stick welding.", + "A current of approximately 300-350 amperes is required for a 1/16-in. electrode, depending on the shielding gas and type of stainless wire being used. The degree of spatter is dependent upon the composition and flow rate of the shielding gas, wire-feed speed, and the characteristics of the welding power supply. current of approximately 300-350 amperes is required for a 1/16-in. electrode, depending on the shielding gas and type of stainless wire being used. The degree of spatter is dependent upon the composition and flow rate of the shielding gas, wire-feed speed, and the characteristics of the welding power supply.", + "Shielding Gas and Cost-effective Joining. Shielding gas selection is critical to achieving cost-effective joining of carbon steel, stainless steel, and aluminum. You can select one gas, such as argon for aluminum welding, to provide suitable arc stability, minimum spatter, and good bead shape.ou can choose from a variety of gas blends for gas metal arc welding (GMAW), gas tungsten arc welding (GTAW), or flux cored arc welding (FCAW). For each of these processes, the shielding gas performs multiple tasks.", + "In some instances, consider adding helium to the shielding gas mixture for its ability to provide a hotter, more penetrating arc on thicker sections. For the GMAW process, a mixture of 75 percent helium balanced with 25 percent argon is a good option.inally, consider purchasing low-dew-point shielding gases as protection against porosity. Follow all recommended welding procedures for shielding gas flow rates and purge cycles. As with any welding process on any material, following some basic guidelines is critical to obtaining the best results.", + "For stainless steels there are also gases available containing small amounts of hydrogen (H 2). The table indicates the appropriate choice of shielding gas for MIG/MAG welding, taking account of different types of stainless steel and arc types.or stainless steels there are also gases available containing small amounts of hydrogen (H 2). The table indicates the appropriate choice of shielding gas for MIG/MAG welding, taking account of different types of stainless steel and arc types." + ], + "url": [ + "http://www.lincolnelectric.com/en-us/support/process-and-theory/Pages/mig-welding-stainless-detail.aspx", + "http://smt.sandvik.com/en/products/welding-products/shielding-gases/", + "http://smt.sandvik.com/en/products/welding-products/shielding-gases/", + "http://www.lincolnelectric.com/en-us/support/process-and-theory/Pages/common-shielding-gases-for-arc-welding.aspx", + "http://www.thefabricator.com/article/consumables/simplifying-shielding-gas-selection", + "http://www.bernardwelds.com/mig-welding-shielding-gas-basics-p152080", + "http://www.lincolnelectric.com/en-us/support/process-and-theory/Pages/mig-welding-stainless-detail.aspx", + "http://www.thefabricator.com/article/consumables/simplifying-shielding-gas-selection", + "http://www.thefabricator.com/article/aluminumwelding/best-practices-for-welding-aluminum", + "http://smt.sandvik.com/en/products/welding-products/shielding-gases/" + ] + }, + "query": "recommended practices for shielding gases", + "query_id": 486131, + "query_type": "DESCRIPTION", + "wellFormedAnswers": [ + "The recommended practices for shielding gases is consider adding helium to the shielding gas mixture for its ability to provide a hotter, more penetrating arc on thicker sections." + ] + }, + "truncated_cells": [] + }, + { + "row_idx": 435, + "row": { + "answers": [ + "A 150-g serving of boiled red potatoes has a glycemic index value of 89 and A 150-g, or 1.5-cup, serving of boiled white rice has a glycemic index value of 83." + ], + "passages": { + "is_selected": [ + 1, + 0, + 1, + 0, + 0, + 0, + 0, + 0, + 0, + 0 + ], + "passage_text": [ + "A 150-g serving of boiled red potatoes has a glycemic index value of 89, 21 g of carbohydrate per serving and a glycemic load of 19. Because rice and potatoes are high in carbohydrates that have a significant effect on blood sugar, they have a high glycemic load, as well as a high glycemic index.", + "The glycemic index of a food is the measure of how likely it is to raise your blood glucose levels. A lower glycemic index indicates a safer food for diabetics. This number varies greatly depending on the type of potato or rice you eat.", + "The glycemic load combines the glycemic index value of a food with the amount of carbohydrates in that food to determine that food’s glycemic potency. A 150-g, or 1.5-cup, serving of boiled white rice has a glycemic index value of 83, 36 g of carbohydrate per serving and a glycemic load of 30.", + "Using glucose to represent 100 on the glycemic index scale, boiled white potatoes have a glycemic index of 82, instant mashed potatoes have a value of 85, and sweet potatoes a value of 70.", + "Similar to most types of white rice, potato, in general, has a high glycemic index, which means it is quickly broken down into glucose, and can cause blood sugar and insulin levels to rise, making you feel hungry soon after.", + "Glycemic Index and Diabetes. The glycemic index, or GI, measures how a carbohydrate-containing food raises blood glucose. Foods are ranked based on how they compare to a reference food — either glucose or white bread. A food with a high GI raises blood glucose more than a food with a medium or low GI.", + "Similar to most types of white rice, potato, in general, has a high glycemic index, which means it is quickly broken down into glucose, and can cause blood sugar and insulin levels to rise, making you feel hungry soon after. Potato is also associated with an increased risk of type 2 diabetes.", + "Because rice and potatoes are high in carbohydrates that have a significant effect on blood sugar, they have a high glycemic load, as well as a high glycemic index. By comparison, a 120-g apple has a glycemic index value of 34, 16 g of carbohydrate per serving and a glycemic load of 5.", + "This number varies greatly depending on the type of potato or rice you eat. According to Harvard University Medical Center, a medium-sized white potato has a glycemic index of 50, while a russet potato has a glycemic index of 85. White rice and brown rice fall between these figures, with glycemic indexes of 64 and 55.", + "The glycemic index, or GI, measures how a carbohydrate-containing food raises blood glucose. Foods are ranked based on how they compare to a reference food — either glucose or white bread. A food with a high GI raises blood glucose more than a food with a medium or low GI." + ], + "url": [ + "http://www.livestrong.com/article/374813-rice-and-potatoes-on-the-glycemic-index/", + "http://healthyeating.sfgate.com/nutrients-rice-vs-potatoes-2871.html", + "http://www.livestrong.com/article/374813-rice-and-potatoes-on-the-glycemic-index/", + "http://livewell.jillianmichaels.com/glycemic-index-potatoes-4887.html", + "http://www.healthxchange.com.sg/healthyliving/DietandNutrition/Pages/Potatoes-vs-Rice.aspx", + "http://www.diabetes.org/food-and-fitness/food/what-can-i-eat/understanding-carbohydrates/glycemic-index-and-diabetes.html", + "http://www.healthxchange.com.sg/healthyliving/DietandNutrition/Pages/Potatoes-vs-Rice.aspx", + "http://www.livestrong.com/article/374813-rice-and-potatoes-on-the-glycemic-index/", + "http://healthyeating.sfgate.com/nutrients-rice-vs-potatoes-2871.html", + "http://www.diabetes.org/food-and-fitness/food/what-can-i-eat/understanding-carbohydrates/glycemic-index-and-diabetes.html" + ] + }, + "query": "glycemic index potatoes vs rice", + "query_id": 195372, + "query_type": "NUMERIC", + "wellFormedAnswers": [] + }, + "truncated_cells": [] + }, + { + "row_idx": 436, + "row": { + "answers": [ + "Unilever", + "The multinational corporation Unilever." + ], + "passages": { + "is_selected": [ + 1, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0 + ], + "passage_text": [ + "Pond's print advertisement for vanishing cream, 1910. Pond's is a brand of beauty and health care products, currently owned by parent company the multinational corporation Unilever.ith this merger, Pond's Creams became sisters with the Cutex nail polish brand and the Matchabelli perfumes. With the Chesebrough Manufacturing Company in command, Pond's Creams became available at many supermarkets across the United States.", + "Pond's Cream is a brand of beauty and health care products that is produced by the Ponds Institute which is owned by the multinational company Unilever.y 1914, mentions of Pond's Healing were taken off the ads, and the Pond's company began to advertise Pond's Vanishing Cream and Pond's Cold Cream together, making sure to explain each cream's different purposes on the new ads.", + "The first Pond's product was created in 1846, since then the brand has flourished in Unilever's fifth most profitable Personal care property globally. In 1886, Pond's was relaunched as Pond's Extract and in 1914 Pond's Cold Cream and Vanishing Cream marked the brand's evolution to a beauty icon.y 1914, mentions of Pond's Healing were taken off the ads, and the Pond's company began to advertise Pond's Vanishing Cream and Pond's Cold Cream together, making sure to explain each cream's different purposes on the new ads.", + "Pond's Company was merged in 1955 with the Chesebrough Manufacturing Company, which had a good percentage of brands in the facial care field. With this merger, Pond's Creams became sisters with the Cutex nail polish brand and the Matchabelli perfumes.With the Chesebrough Manufacturing Company in command, Pond's Creams became available at many supermarkets across the United States.ith this merger, Pond's Creams became sisters with the Cutex nail polish brand and the Matchabelli perfumes. With the Chesebrough Manufacturing Company in command, Pond's Creams became available at many supermarkets across the United States.", + "By the twentieth century, the company's main strategy was geared towards selling cosmetics products, and so the Pond's Vanishing Cream and the Pond's Cold Cream were created, marking the entrance of Pond's products into the facial care industry.Today Ponds is sold around the world.y 1914, mentions of Pond's Healing were taken off the ads, and the Pond's company began to advertise Pond's Vanishing Cream and Pond's Cold Cream together, making sure to explain each cream's different purposes on the new ads.", + "By the twentieth century, the company's main emphasis was selling cosmetics products. The Pond's Vanishing Cream and the Pond's Cold Cream were created, marking the entrance of Pond's products into the facial care industry. Today Ponds is sold around the world.ith this merger, Pond's Creams became sisters with the Cutex nail polish brand and the Matchabelli perfumes. With the Chesebrough Manufacturing Company in command, Pond's Creams became available at many supermarkets across the United States.", + "By 1910, Pond's was a well established brand among Americans. Concentrating mostly on their vanishing cream, the Pond's company began an ad campaign that would become notorious because of the celebrities involved in it.ith this merger, Pond's Creams became sisters with the Cutex nail polish brand and the Matchabelli perfumes. With the Chesebrough Manufacturing Company in command, Pond's Creams became available at many supermarkets across the United States.", + "In 1849 Pond and several partners formed the T. T. Pond Company. Mr. Pond soon sold out and died in 1852. The company moved its manufacturing facilities to Connecticut, then moved its sales offices to New York City. The company incorporated in 1914 with the name Pond's Extract Company.round that time, owing the broader availability of witch hazel at a lower price, it became clear that Pond's Extract had no future. Among the products the company developed early in the new century were Pond's Vanishing Cream and Pond's Cold Cream.", + "Part of a brochure for the Pond’s Extract Company showing products made. 1911 Pond’s Extract and Pond’s Vanishing Cream. Four products from a Pond’s brochure titled ‘Creams for the Skin’ probably dated 1916.The products mentioned are Pond’s Extract Face Powder, Talcum Powder, Complexion Soap and Toothpaste.n 1904, Pond’s began selling Pond’s Extract Cold Cream and Pond’s Extract Vanishing Cream that had been developed by William Wallbridge, a chemist who worked in the Pond’s factory.", + "In 1849, Theron Pond, Alexander Hart, and Edmund Munson formed the T. T. Pond Company to make and sell Golden Treasure which was renamed as Pond’s Extract.n 1904, Pond’s began selling Pond’s Extract Cold Cream and Pond’s Extract Vanishing Cream that had been developed by William Wallbridge, a chemist who worked in the Pond’s factory." + ], + "url": [ + "https://en.wikipedia.org/wiki/Pond%27s", + "http://allbrandhistory.blogspot.com/p/ponds.html", + "http://allbrandhistory.blogspot.com/p/ponds.html", + "https://en.wikipedia.org/wiki/Pond%27s", + "http://allbrandhistory.blogspot.com/p/ponds.html", + "https://en.wikipedia.org/wiki/Pond%27s", + "https://en.wikipedia.org/wiki/Pond%27s", + "http://library.duke.edu/rubenstein/scriptorium/eaa/ponds.html", + "http://www.cosmeticsandskin.com/companies/ponds.php", + "http://www.cosmeticsandskin.com/companies/ponds.php" + ] + }, + "query": "ponds brand is which company", + "query_id": 476749, + "query_type": "PERSON", + "wellFormedAnswers": [ + "Ponds brand is from the Unilever company." + ] + }, + "truncated_cells": [] + }, + { + "row_idx": 437, + "row": { + "answers": [ + "No Answer Present." + ], + "passages": { + "is_selected": [ + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0 + ], + "passage_text": [ + "In Part 2 of MyBrainNotes.com, as part of a discussion of the VIGILANCE system, we discuss Stress, attention, learning, and memory, including the effects of stress on neurocircuitry in what is called the prefrontal cortex, a larger area also illustrated in the image to the right (links to source).", + "The connections of the anterior nucleus of the thalamus contribute to part of the Papez circuit (see Fig. 25-4). The anterior nucleus receives inputs from the subicular cortex of the hippocampal formation and from the mammillary bodies via the mammillothalamic tract.", + "The reticular nucleus of the thalamus lies just medial to the internal capsule. It differs from other thalamic nuclei in that it does not project to the cerebral cortex. Instead, it contains inhibitory neurons, which modulate thalamic neurons that project to the cortex.", + "In a module taken from The Brain from Top to Bottom, you can find the following excellent summary of Brodmann's Areas: The cellular architecture differs sufficiently from one part of the neocortex to another to be used as a criterion for defining cortical areas that are functionally distinct.", + "Association Nuclei. Association nuclei receive few, if any, afferents from ascending sensory pathways. They do, however, receive inputs from regions such as the cerebral cortex, limbic nuclei, basal ganglia, and nonspecific thalamic nuclei. Association nuclei also project to specific regions of the cerebral cortex. Their functions appear to be complex and integrative in nature and, in many cases, are not entirely understood. Figure 26-5 depicts the anatomical arrangement of the thalamic nuclei and their output relationships with the cerebral cortex.", + "The Brain's Cerebral Cortex (Neocortex) In Evolving Brains (2000), John Allman explains that cortex means the outer shell or rind of an object. He explains that the prefix neo implies that it is new. The brain's neocortex:", + "Afferent Connections of the Cerebral Cortex The Thalamus Defining Characteristics of Thalamic Nuclei In brief, the major thalamic nuclei can be divided into the following groups: anterior, medial, lateral, midline, and intralaminar nuclei. In addition, the terms specific, association, and […]", + "The lobe designations are sometimes used to indicate the relative position of structures. For example, the amygdalae are nestled within the temporal lobes. While we will discuss specialized areas of the neocortex later in this narrative, we will discuss the lobes in brief below.", + "The characteristics of specific thalamic nuclei include the following: (1) they receive specific signals from sensory pathways such as the inferior colliculus (auditory), retina (visual), medial lemniscus, and spinothalamic and trigeminothalamic tracts (somatosensory); and (2) they project topographically to specific regions of the cerebral cortex (e.g., temporal neocortex, visual cortex, and primary somatosensory cortex).", + "The neocortex is a specialization in the telencephalon that parallels the formation of the dorsal ventricular ridge and wulst in reptiles and birds. The neocortex is just as much a unique defining feature of mammals as are the mammary glands or the malleus and incus in the middle ear. As with the other distinctive features of mammals, the neocortex probably evolved as a part of a set of adaptations related to temperature homeostasis." + ], + "url": [ + "http://www.mybrainnotes.com/memory-language-brain.html", + "http://what-when-how.com/neuroscience/the-thalamus-and-cerebral-cortex-integrative-systems-part-2/", + "http://what-when-how.com/neuroscience/the-thalamus-and-cerebral-cortex-integrative-systems-part-2/", + "http://www.mybrainnotes.com/memory-language-brain.html", + "http://what-when-how.com/neuroscience/the-thalamus-and-cerebral-cortex-integrative-systems-part-2/", + "http://www.mybrainnotes.com/memory-language-brain.html", + "http://what-when-how.com/neuroscience/the-thalamus-and-cerebral-cortex-integrative-systems-part-2/", + "http://www.mybrainnotes.com/memory-language-brain.html", + "http://what-when-how.com/neuroscience/the-thalamus-and-cerebral-cortex-integrative-systems-part-2/", + "http://www.mybrainnotes.com/memory-language-brain.html" + ] + }, + "query": "is the thalamus part of the neocortex", + "query_id": 1174720, + "query_type": "DESCRIPTION", + "wellFormedAnswers": [] + }, + "truncated_cells": [] + }, + { + "row_idx": 438, + "row": { + "answers": [ + "About 3/8 inch long and 1/8 inch in diameter." + ], + "passages": { + "is_selected": [ + 0, + 0, + 0, + 0, + 1, + 0, + 0, + 0, + 0, + 0 + ], + "passage_text": [ + "Pack Rat Infestation. Their dens are commonly located on the ground and measure 3 to 5 feet in height and diameter. One animal may inhabit several nests, and in good feeding areas a den may be occupied for several years or a lifetime. Pack rats live alone except when mating or rearing young. Circling of small trees and shrubs occurs but is not common.", + "Wood rats climb readily and are chiefly nocturnal; occasionally they are observed during daylight. Their food is largely determined by varying local conditions and consists mainly of a variety of green vegetation including grass, leaves, fruit, nuts, small bulbs, bark, dry seeds and fungi.", + "Rats are typically distinguished from mice by their size. Generally, when someone discovers a large muroid rodent, its common name includes the term rat, while if it is smaller, the name includes the term mouse. The muroid family is broad and complex, and the common terms rat and mouse are not taxonomically specific.", + "Fears are growing that the UK is headed for an epidemic of monstrous rodents as pictures of giant rats continue to emerge. One image, reportedly reportedly taken in Cornwall, shows a giant rat being held up by its tail - and the man holding it is 6ft 1in, giving a sense of its horrifying scale. It comes as a giant rat was caught in Liverpool, measuring two feet long from its nose to its tail. While the rats have been changing, humans have been using the same anticoagulant poisons since the 1950s. This photo shows a huge rat that was caught in Cornwall earlier this year.", + "Click here for my nationwide list of 100's of professional rat trappers serving all 50 states. RAT POOP DESCRIPTION: Skinny pellets, usually about 3/8 inch long and 1/8 inch in diameter, rounded tips and maybe slightly bulging in the center. with some size variance. Fresh ones are dark brown, but they get lighter with age. The above image of rat feces was photographed in the attic of a house with a rat problem.", + "This is a rat droppings page. For mice, Click here for photographs of mouse poop. The above image of rat feces was photographed in the attic of a house with a rat problem. I was able to identify the type of animal by inspecting the turds.", + "The best-known rat species are the black rat (Rattus rattus) and the brown rat (Rattus norvegicus). The group is generally known as the Old World rats or true rats, and originated in Asia. Rats are bigger than most Old World mice, which are their relatives, but seldom weigh over 500 grams (1.1 lb) in the wild. The term rat is also used in the names of other small mammals which are not true rats. Examples include the North American pack rats, a number of species loosely called kangaroo rats, and others.", + "Pack rat nests also harbor diseases other pests such as kissing bugs, brown spiders, mice and scorpions. Evidence that you have pack rats is gnawing and fecal pellets. When wood rats nest in buildings, they may utilize available foods within the building, but most often they continue to feed outside.", + "The Rat Terrier needs a good amount of exercise. This breed needs to be taken on a daily long walk or jog. It should have at least 20-30 minutes a day, but would enjoy much more. The breed enjoys challenging games and outdoor romps.", + "The smallest variety was derived from the Smooth Fox Terrier and Chihuahua. The Rat Terrier proved to be one of the best in the rat-baiting pits. One Rat Terrier is reported to have killed over 2,501 rats in a span of only seven hours in a rat infested barn. The Rat Terrier is a hard-working farm hand, able to rid an infested barn of vermin with no problem. The Rat Terrier was officially recognized by the AKC in 2013." + ], + "url": [ + "https://www.trulynolen.com/pest-identifier/rats/pack-rats/pack-rat-infestation.asp", + "https://www.trulynolen.com/pest-identifier/rats/pack-rats/pack-rat-infestation.asp", + "https://en.wikipedia.org/wiki/Rat", + "http://www.dailymail.co.uk/news/article-2605418/Is-plague-giant-rats-sweeping-Britain-Rodent-caught-Cornwall-measures-50cm-MORE-Kent.html", + "http://www.wildlife-removal.com/ratpoop.html", + "http://www.wildlife-removal.com/ratpoop.html", + "https://en.wikipedia.org/wiki/Rat", + "https://www.trulynolen.com/pest-identifier/rats/pack-rats/pack-rat-infestation.asp", + "https://www.dogbreedinfo.com/ratterrier.htm", + "https://www.dogbreedinfo.com/ratterrier.htm" + ] + }, + "query": "how big is a rat", + "query_id": 208868, + "query_type": "NUMERIC", + "wellFormedAnswers": [] + }, + "truncated_cells": [] + }, + { + "row_idx": 439, + "row": { + "answers": [ + "HIV antibody testing is used to screen for and diagnose HIV infections. Since there is no cure, early treatment of HIV infection and immune system monitoring can greatly improve long-term health and survival." + ], + "passages": { + "is_selected": [ + 0, + 0, + 0, + 0, + 1, + 0, + 0, + 0, + 0, + 0 + ], + "passage_text": [ + "1 Combination tests have been developed that detect HIV antibody and the HIV antigen called the p24 antigen. 2 Levels of p24 antigen are typically high early in the course of infection. 3 A combination test may be performed to increase the likelihood that HIV infection is detected sooner after exposure occurs. Verify a positive with a second HIV antibody test that differentiates between HIV-1 and HIV-2. 2 If results between the first and second test do not agree, then the next test to perform is a HIV-1 RNA test (nucleic acid amplification test, NAAT).", + "Prostate-specific antigen, or PSA, is a protein produced by cells of the prostate gland. The PSA test measures the level of PSA in a man’s blood.For this test, a blood sample is sent to a laboratory for analysis. The results are usually reported as nanograms of PSA per milliliter (ng/mL) of blood.he PSA test measures the level of PSA in a man’s blood. For this test, a blood sample is sent to a laboratory for analysis. The results are usually reported as nanograms of PSA per milliliter (ng/mL) of blood.", + "This test looks for hepatitis B surface antigens in your blood. The test is used to find out whether you have a recent or long-standing infection from the hepatitis B virus (HBV). HBV has proteins called antigens on its surface that cause your immune system to make antibodies.It can take 30 to 150 days to develop symptoms of hepatitis B after you become infected.he test is used to find out whether you have a recent or long-standing infection from the hepatitis B virus (HBV). HBV has proteins called antigens on its surface that cause your immune system to make antibodies. It can take 30 to 150 days to develop symptoms of hepatitis B after you become infected.", + "Antigen/antibody tests rely on the fact that there is a specific antibody for each antigen, thus, each one can be used to detect the presence of the other. For example, a known antigen may be added to a blood sample; if the corresponding antibody is present in the specimen, the two proteins will bind together.urpose of the Antigen/Antibody Tests for Infectious Disease. 1 To aid in the diagnosis of viral, bacterial, fungal, and parasitic infections. 2 To monitor the course of an infection or autoimmune process. 3 To evaluate how protected you are against a microorganism (your immunity).", + "HIV antibody testing is used to screen for and diagnose HIV infections. Since there is no cure, early treatment of HIV infection and immune system monitoring can greatly improve long-term health and survival. Also, if a person knows his HIV status, it may help change behaviors that can put him and others at risk. Verify a positive with a second HIV antibody test that differentiates between HIV-1 and HIV-2. 2 If results between the first and second test do not agree, then the next test to perform is a HIV-1 RNA test (nucleic acid amplification test, NAAT).", + "Hepatitis B virus (HBV) tests may be used for a variety of reasons. Some of the tests detect antibodies produced in response to HBV infection; some detect antigens produced by the virus, and others detect viral DNA.The main uses for HBV tests include: test is available to determine the specific type (strain) of hepatitis B virus that is causing a person's infection. This is called HBV genotyping. However, this testing is currently mainly used in research settings and not for clinical purposes.", + "Guide. A prostate-specific antigen (PSA) test measures the amount of prostate-specific antigen in the blood. PSA is released into a man's blood by his prostate gland. Healthy men have low amounts of PSA in the blood.The amount of PSA in the blood normally increases as a man's prostate enlarges with age.uide. A prostate-specific antigen (PSA) test measures the amount of prostate-specific antigen in the blood. PSA is released into a man's blood by his prostate gland. Healthy men have low amounts of PSA in the blood.", + "Interpretive Information. A positive result (antigen detected) is indicative of H pylori presence. A negative result (antigen not detected) indicates absence of H pylori or an antigenic level below the assay limit of detection.The test has a sensitivity and specificity of 96% for detecting H pylori infection.nterpretive Information. A positive result (antigen detected) is indicative of H pylori presence. A negative result (antigen not detected) indicates absence of H pylori or an antigenic level below the assay limit of detection.", + "Different types of antibody tests may be used for HIV screening: 1 All HIV tests used in the U.S. detect HIV-1, and some tests have been developed that can also detect HIV-2. 2 Combination tests have been developed that detect HIV antibody and the HIV antigen called the p24 antigen. Verify a positive with a second HIV antibody test that differentiates between HIV-1 and HIV-2. 2 If results between the first and second test do not agree, then the next test to perform is a HIV-1 RNA test (nucleic acid amplification test, NAAT).", + "The prostate-specific antigen (PSA) test is done to: 1 Screen men for prostate cancer. 2 Since other common medical conditions, such as benign prostatic hyperplasia (BPH) and prostatitis, can cause high PSA levels, a prostate biopsy may be done if your doctor is concerned about signs of prostate cancer.uide. A prostate-specific antigen (PSA) test measures the amount of prostate-specific antigen in the blood. PSA is released into a man's blood by his prostate gland. Healthy men have low amounts of PSA in the blood." + ], + "url": [ + "https://labtestsonline.org/understanding/analytes/hiv-antibody/tab/test", + "http://www.cancer.gov/types/prostate/psa-fact-sheet", + "http://www.urmc.rochester.edu/encyclopedia/content.aspx?ContentTypeID=167&ContentID=hepatitis_b_surface_antigen", + "http://www.healthcommunities.com/infectious-diseases/antigen-antibody-tests.shtml", + "https://labtestsonline.org/understanding/analytes/hiv-antibody/tab/test", + "https://labtestsonline.org/understanding/analytes/hepatitis-b/tab/test", + "http://www.webmd.com/men/prostate-specific-antigen-psa", + "http://www.questdiagnostics.com/testcenter/testguide.action?dc=TH_Hpylori_Ag", + "https://labtestsonline.org/understanding/analytes/hiv-antibody/tab/test", + "http://www.webmd.com/men/prostate-specific-antigen-psa" + ] + }, + "query": "what is a positive antigen test", + "query_id": 695534, + "query_type": "DESCRIPTION", + "wellFormedAnswers": [] + }, + "truncated_cells": [] + }, + { + "row_idx": 440, + "row": { + "answers": [ + "No Answer Present." + ], + "passages": { + "is_selected": [ + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0 + ], + "passage_text": [ + "It is also referred to as glycated hemoglobin, glycosylated hemoglobin, hemoglobin A1C and HbA1c. Your doctor can measure you A1C number with a blood test to determine your average blood sugar levels over the past two or three months. A normal A1C level falls between 4 and 6 percent.", + "It is also referred to as glycated hemoglobin, glycosylated hemoglobin, hemoglobin A1C and HbA1c. Your doctor can measure you A1C number with a blood test to determine your average blood sugar levels over the past two or three months.", + "Your doctor can measure you A1C number with a blood test to determine your average blood sugar levels over the past two or three months. A normal A1C level falls between 4 and 6 percent. If you have type 1 or type 2 diabetes, you should strive to keep your A1C number below 7 percent. Eating right can help you do that.", + "Your doctor can measure you A1C number with a blood test to determine your average blood sugar levels over the past two or three months. A normal A1C level falls between 4 and 6 percent. If you have type 1 or type 2 diabetes, you should strive to keep your A1C number below 7 percent.", + "The A1C test result reflects your average blood sugar level for the past two to three months. Specifically, the A1C test measures what percentage of your hemoglobin — a protein in red blood cells that carries oxygen — is coated with sugar (glycated). The higher your A1C level, the poorer your blood sugar control.", + "The A1C test result reflects your average blood sugar level for the past two to three months. Specifically, the A1C test measures what percentage of your hemoglobin — a protein in red blood cells that carries oxygen — is coated with sugar (glycated).", + "This is how to get a How To Reduce Hba1c Levels Naturally lower your blood sugar. Arizona Diabetes And Endocrinology. Apparently my co-worker heard may sound confusing. Home remedies to cure diabetes without drugs is that.", + "The A1C test is a common blood test used to diagnose type 1 and type 2 diabetes and then to gauge how well you’re managing your diabetes. The A1C test goes by many other names, including glycated hemoglobin, glycosylated hemoglobin, hemoglobin A1C and HbA1c.", + "The A1C test goes by many other names, including glycated hemoglobin, glycosylated hemoglobin, hemoglobin A1C and HbA1c. The A1C test result reflects your average blood sugar level for the past two to three months.", + "Perform at least 30 minutes of physical activity per day. Physical activity will naturally lower blood sugar levels, improve heart health and energy levels, and also contribute to weight loss. Diabetics who exercise regularly will often have better control of their blood sugar levels and exhibit healthier A1C levels." + ], + "url": [ + "http://www.livestrong.com/article/325400-food-that-lower-a1c-in-diabetes/", + "http://www.livestrong.com/article/325400-food-that-lower-a1c-in-diabetes/", + "http://www.livestrong.com/article/325400-food-that-lower-a1c-in-diabetes/", + "http://www.livestrong.com/article/325400-food-that-lower-a1c-in-diabetes/", + "http://daniwalker.com/diabetes/", + "http://daniwalker.com/diabetes/", + "http://diabetesendtimes.com/diabetes-skin-disorders/how-to-reduce-hba1c-levels-naturally/", + "http://daniwalker.com/diabetes/", + "http://daniwalker.com/diabetes/", + "http://www.wikihow.com/Lower-A1C-Levels" + ] + }, + "query": "reduce hba1c levels naturally", + "query_id": 486438, + "query_type": "DESCRIPTION", + "wellFormedAnswers": [] + }, + "truncated_cells": [] + }, + { + "row_idx": 441, + "row": { + "answers": [ + "No Answer Present." + ], + "passages": { + "is_selected": [ + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0 + ], + "passage_text": [ + "What is it? The AOS is a comprehensive, multi-component approach for community support and services to meet the diverse needs of Soldiers, Families, and employers throughout the deployment cycle. What has the Army done? The AOS is the single portal access for information, programs and services, and connectivity. Services are provided at installations, Army National Guard Family Assistance Centers for the geographically dispersed, and are available on the internet at www.armyonesource.com.", + "U.S. Army TACOM Life Cycle Management Command. The TACOM Life Cycle Management Command (LCMC) unites all of the organizations that focus on soldier and ground systems throughout the entire life cycle.", + "Under the new Army reorganization, instead of reporting directly to Department of the Army as a Major Army Command (MACOM), SDDC will now report to Army Materiel Command as one of their MSCs for administrative purposes.", + "The Army Commendation Medal is awarded to any member, other than General Officers, of the Armed Forces that distinguishes himself or herself by heroism, meritorious achievement or meritorious service which are of a lesser degree than that required for the Bronze Star Medal.", + "Advanced Combat Optical Gunsight. The United States Army fielded the TA31RCO variant of the ACOG which is designated as the M150 RCO. Advanced Combat Optical Gunsights (abbreviated ACOG) are a series of telescopic sights manufactured by Trijicon. The ACOG was originally designed to be used on the M16 rifle and M4 carbine, but Trijicon have also developed ACOG accessories for other firearms.", + "Army Commendation Medal. The Army Commendation Medal is awarded to any member of the Armed Forces of the United States other than General Officers who, while serving in any capacity with the U.S. Army after December 6, 1941, distinguished themselves by heroism, meritorious achievement or meritorious service.", + "For valorous actions in direct contact with an enemy, but of a lesser degree than required for the award of the Bronze Star Medal, a Commendation Medal with V Device or Combat V (Navy/Marine) is awarded; the V device may be authorized for wear on the service and suspension ribbon of the medal to denote valor.", + "The TACOM LCMC consists of the Army Contracting Command - Warren, Integrated Logistics Support Center, Program Executive Office Combat Support & Combat Service Support, Program Executive Office Ground Combat Systems, Program Executive Office Soldier, Joint Program Executive Office for Chemical and Biological Defense, System of Systems Engineering & ...", + "In a statement, the Lebanese Army Command said that four Israeli hostile warplanes violated Lebanese airspace over the frontier town of Rmeish, flying over the areas of Beirut and the south, before leaving via the airspace of the frontier town of Alma al-Shaab located to the north of the occupied Palestine.", + "However, under Decision Point 58 of the Army Command Plan, approved by the Secretary of the Army in October 2006, the Army eliminated the MACOM designation and replaced it with Army command." + ], + "url": [ + "https://www.army.mil/aps/09/information_papers/army_onesource.html", + "https://www.tacom.army.mil/", + "http://acronyms.thefreedictionary.com/Army+Command", + "https://www.thebalance.com/army-commendation-medal-3344923", + "https://en.wikipedia.org/wiki/Advanced_Combat_Optical_Gunsight", + "https://en.wikipedia.org/wiki/Commendation_Medal", + "https://en.wikipedia.org/wiki/Commendation_Medal", + "https://www.tacom.army.mil/", + "http://acronyms.thefreedictionary.com/Army+Command", + "http://acronyms.thefreedictionary.com/Army+Command" + ] + }, + "query": "what is acom army", + "query_id": 707575, + "query_type": "DESCRIPTION", + "wellFormedAnswers": [] + }, + "truncated_cells": [] + }, + { + "row_idx": 442, + "row": { + "answers": [ + "Wiping a hard drive is operating system independent, so long as you use one of the bootable tools from my list 2 That means that you can use this same general process to wipe a hard drive if you have Windows 10,Windows 8,Windows 7, Windows Vista,Windows XP,Linux,or any other PC operating system.If you're using a flash drive or other USB drive,this usually involves burning the ISO image to the USB device and then booting from that USB drive to get started." + ], + "passages": { + "is_selected": [ + 0, + 1, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0 + ], + "passage_text": [ + "A clean installation destroys the old copy of Windows and any data on the drive, so be sure to back up anything you may need before you do it. Step 1. Insert your Windows 7 installation disc or USB flash drive, and then reboot the computer. Step 2.Launch your computer’s boot device menu.The key combination varies among different computer manufacturers, but it displays briefly on the screen, so watch carefully for it. F12 is a common one.lick on Disk 0, and click “Next.” Windows repartitions the drive, formats it, and installs a fresh copy of Windows. The process could take up to an hour to complete, after which the system automatically reboots. Step 12. Select an account user name and computer name.", + "1 Wiping a hard drive is operating system independent, so long as you use one of the bootable tools from my list. 2 That means that you can use this same general process to wipe a hard drive if you have Windows 10, Windows 8, Windows 7, Windows Vista, Windows XP, Linux, or any other PC operating system. If you're using a flash drive or other USB drive, this usually involves burning the ISO image to the USB device and then booting from that USB drive to get started. 2 Wipe the hard drive according to the program's instructions.", + "2. Boot your PC with the DBAN disc. Boot your PC using the DBAN disc and press the [Enter] key to continue from the first menu screen. When the main DBAN screen appears, use the [J] and [K] keys to highlight the hard drive partition you want to erase (if there’s more than one) and select it by pressing the [Space bar] .3. Securely erase your hard drive.Then, when you’re ready to proceed, press the [F10] key to begin the secure erase.This will take some time and the process cannot be interrupted. 4. Reinstall Windows 10. When the secure erase has finished and you see a ‘Blancco’ ad, eject the DBAN disc and reset your PC.. Securely erase your hard drive. Then, when you’re ready to proceed, press the [F10] key to begin the secure erase. This will take some time and the process cannot be interrupted. 4. Reinstall Windows 10. When the secure erase has finished and you see a ‘Blancco’ ad, eject the DBAN disc and reset your PC.", + "In Windows. To format an external drive in Windows: 1 Plug your drive into the computer and, if necessary, into a wall outlet. 2 Open Windows Explorer, click the Computer section in the sidebar, and find your drive.3 Right-click on the drive and choose Format.. 4 Under File System, choose the file system you want to use.n OS X. To format an external drive on a Mac: 1 Open Finder and go to /Applications/Utilities and double-click on Disk Utility. 2 Select your drive in the left-hand sidebar and go to the Erase tab. 3 Under the Format menu, choose the file system you want to use.", + "1 Backup anything you want to keep. 2 When the hard drive wipe is complete, there will be no way to get anything on the drive back. 3 Important: Sometimes multiple drives exist on a single hard drive. 4 You can view the drives (volumes) that sit on a hard drive from the Disk Management tool in Windows. If you're using a flash drive or other USB drive, this usually involves burning the ISO image to the USB device and then booting from that USB drive to get started. 2 Wipe the hard drive according to the program's instructions.", + "1 When the hard drive wipe is complete, there will be no way to get anything on the drive back. 2 Important: Sometimes multiple drives exist on a single hard drive. 3 You can view the drives (volumes) that sit on a hard drive from the Disk Management tool in Windows. 4 Download a free data destruction program. If you're using a flash drive or other USB drive, this usually involves burning the ISO image to the USB device and then booting from that USB drive to get started. 2 Wipe the hard drive according to the program's instructions.", + "When you wipe your PC, on the other hand, everything on it is lost, so you’ll need to backup any files and documents you want to keep. The easiest way to do this is to drag the contents of your Documents folder (and any others you want to save) onto an external storage device, such as a hard drive or USB flash drive.. Securely erase your hard drive. Then, when you’re ready to proceed, press the [F10] key to begin the secure erase. This will take some time and the process cannot be interrupted. 4. Reinstall Windows 10. When the secure erase has finished and you see a ‘Blancco’ ad, eject the DBAN disc and reset your PC.", + "1 If you're using a flash drive or other USB drive, this usually involves burning the ISO image to the USB device and then booting from that USB drive to get started. 2 Wipe the hard drive according to the program's instructions. If you're using a flash drive or other USB drive, this usually involves burning the ISO image to the USB device and then booting from that USB drive to get started. 2 Wipe the hard drive according to the program's instructions.", + "Applies to: Windows 7. This video demonstrates how to securely wipe a Windows PC hard disk using the Disk Wipe Tool included in the Microsoft Diagnostics and Recovery Toolset (DaRT). Length: 1:01.his video demonstrates how to securely wipe a Windows PC hard disk using the Disk Wipe Tool included in the Microsoft Diagnostics and Recovery Toolset (DaRT). Length: 1:01.", + "Step 11. Click on Disk 0, and click “Next.” Windows repartitions the drive, formats it, and installs a fresh copy of Windows. The process could take up to an hour to complete, after which the system automatically reboots. Step 12. Select an account user name and computer name.lick on Disk 0, and click “Next.” Windows repartitions the drive, formats it, and installs a fresh copy of Windows. The process could take up to an hour to complete, after which the system automatically reboots. Step 12. Select an account user name and computer name." + ], + "url": [ + "http://smallbusiness.chron.com/wipe-hard-drive-clean-reinstall-windows-54129.html", + "http://pcsupport.about.com/od/fixtheproblem/ht/wipe-hard-drive.htm", + "http://home.bt.com/tech-gadgets/computing/how-to-wipe-your-pc-with-windows-10-11364002707321", + "http://lifehacker.com/how-to-erase-and-format-a-hard-drive-1525128357", + "http://pcsupport.about.com/od/fixtheproblem/ht/wipe-hard-drive.htm", + "http://pcsupport.about.com/od/fixtheproblem/ht/wipe-hard-drive.htm", + "http://home.bt.com/tech-gadgets/computing/how-to-wipe-your-pc-with-windows-10-11364002707321", + "http://pcsupport.about.com/od/fixtheproblem/ht/wipe-hard-drive.htm", + "https://technet.microsoft.com/en-us/windows/wiping-disks-using-the-diagnostics-and-recovery-toolset.aspx", + "http://smallbusiness.chron.com/wipe-hard-drive-clean-reinstall-windows-54129.html" + ] + }, + "query": "how to wipe hard drive windows 10", + "query_id": 386321, + "query_type": "DESCRIPTION", + "wellFormedAnswers": [] + }, + "truncated_cells": [] + }, + { + "row_idx": 443, + "row": { + "answers": [ + "One of the two bony projections on the proximal end of the femur that serve as the point of attachment of various muscles." + ], + "passages": { + "is_selected": [ + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 1, + 0, + 0 + ], + "passage_text": [ + "Definition of TROCHANTER. 1. : a rough prominence at the upper part of the femur of many vertebrates serving usually for the attachment of muscles.2. : the second segment of an insect's leg adjacent to the coxa. — tro·chan·ter·al \\-tə-rəl\\ adjective. — tro·chan·ter·ic \\ˌtrō-kən-ˈter-ik, -ˌkan-\\ adjective.. : a rough prominence at the upper part of the femur of many vertebrates serving usually for the attachment of muscles.", + "1 The greater trochanter-A powerful protrusion located at the proximal (near) and lateral (outside) part of the shaft of the femur. 2 The greater trochanter is also called the major trochanter, the outer trochanter, and the lateral process of the femur. The greater trochanter is also called the major trochanter, the outer trochanter, and the lateral process of the femur. 2 The lesser trochanter-A pyramidal prominence that projects from the proximal (near) and medial (inside) part of the shaft of the femur.", + "There are two trochanters: 1 The greater trochanter-A powerful protrusion located at the proximal (near) and lateral (outside) part of the shaft of the femur. 2 The greater trochanter is also called the major trochanter, the outer trochanter, and the lateral process of the femur. The greater trochanter is also called the major trochanter, the outer trochanter, and the lateral process of the femur. 2 The lesser trochanter-A pyramidal prominence that projects from the proximal (near) and medial (inside) part of the shaft of the femur.", + "trochanter. n. 1. (Anatomy) any of several processes on the upper part of the vertebrate femur, to which muscles are attached. 2. (Zoology) the third segment of an insect's leg.[C17: via French from Greek trokhantēr, from trekhein to run].oun. 1. trochanter-one of the bony prominences developed near the upper extremity of the femur to which muscles are attached. appendage, outgrowth, process-a natural prolongation or projection from a part of an organism either animal or plant; a bony process.", + "trochanter. (anatomy). A process on the proximal end of the femur in many vertebrates, which serves for muscle attachment and, in birds, for articulation with the ilium.(invertebrate zoology).The second segment of an insect leg, counting from the base.anatomy). A process on the proximal end of the femur in many vertebrates, which serves for muscle attachment and, in birds, for articulation with the ilium.", + "trochanter. n. 1. (Anatomy) any of several processes on the upper part of the vertebrate femur, to which muscles are attached.2. (Zoology) the third segment of an insect's leg. [C17: via French from Greek trokhantēr, from trekhein to run].. (in humans) either of two knobs at the top of the femur that serve for the attachment of muscles between the thigh and pelvis. 2. (in other vertebrates) any of two or more similar knobs at the top of the femur. 3. the second segment of an insect leg, between the coxa and femur.", + "one of three tuberosities on the femur, at the upper end of its lateral surface (greater trochanter), towards the upper end on its medial surface (lesser trochanter) and more distally on the lateral surface (third trochanter).The third trochanter is prominent in horses and rabbits.rochanter. a broad, flat process on the femur, at the upper end of its lateral surface (greater trochanter), or a short conical process on the posterior border of the base of its neck (lesser trochanter).", + "one of the two bony projections on the proximal end of the femur that serve as the point of attachment of various muscles. The two protuberances are the trochanter major and the trochanter minor.rochanter. a broad, flat process on the femur, at the upper end of its lateral surface (greater trochanter), or a short conical process on the posterior border of the base of its neck (lesser trochanter).", + "There are two trochanters: 1 The greater trochanter-A powerful protrusion located at the proximal (near) and lateral (outside) part of the shaft of the femur. 2 The lesser trochanter-A pyramidal prominence that projects from the proximal (near) and medial (inside) part of the shaft of the femur. The greater trochanter is also called the major trochanter, the outer trochanter, and the lateral process of the femur. 2 The lesser trochanter-A pyramidal prominence that projects from the proximal (near) and medial (inside) part of the shaft of the femur.", + "1. trochanter-one of the bony prominences developed near the upper extremity of the femur to which muscles are attached. appendage, outgrowth, process-a natural prolongation or projection from a part of an organism either animal or plant; a bony process.. (in humans) either of two knobs at the top of the femur that serve for the attachment of muscles between the thigh and pelvis. 2. (in other vertebrates) any of two or more similar knobs at the top of the femur. 3. the second segment of an insect leg, between the coxa and femur." + ], + "url": [ + "http://www.merriam-webster.com/dictionary/trochanter", + "http://www.medicinenet.com/script/main/art.asp?articlekey=10448", + "http://www.medicinenet.com/script/main/art.asp?articlekey=10448", + "http://www.thefreedictionary.com/Trochanters", + "http://encyclopedia2.thefreedictionary.com/trochanter", + "http://www.thefreedictionary.com/trochanter", + "http://medical-dictionary.thefreedictionary.com/trochanter", + "http://medical-dictionary.thefreedictionary.com/trochanter", + "http://www.medicinenet.com/script/main/art.asp?articlekey=10448", + "http://www.thefreedictionary.com/trochanter" + ] + }, + "query": "trochanter definition anatomy", + "query_id": 524851, + "query_type": "DESCRIPTION", + "wellFormedAnswers": [] + }, + "truncated_cells": [] + }, + { + "row_idx": 444, + "row": { + "answers": [ + "No Answer Present." + ], + "passages": { + "is_selected": [ + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0 + ], + "passage_text": [ + "In most cases, the pouches are located in the lower intestine, or the colon. Diverticulitis ». Diverticula often exist within the body without causing any additional problems, and become more common as you age. In fact, the pouches or bulges are rather common after age 40.", + "Diet for Diverticulitis. Gradually you can ease back into a regular diet. Your doctor may advise you to start with low-fiber foods (white bread, meat, poultry, fish, eggs, and dairy products) before introducing high-fiber foods.", + "The Diverticulitis Diet. It should be noted that there have also been studies that suggest eating too much fiber may lead to diverticular disease by causing more frequent bowel movements. The recommended amount of dietary fiber is 20 to 35 grams per day.", + "Read the Travelers' Diarrhea: What You Need to Know article > >. Many experts believe that a low-fiber diet can lead to diverticulosis and diverticulitis. This may be why people in Asia and Africa, where the diet tends to be higher in fiber, have a very low incidence of the condition.", + "However, on occasion, diverticula can become inflamed or infected, or they may tear. The inflammation can lead to a more chronic and serious condition known as diverticulitis. Once diverticulitis begins, it may cause serious health problems, including: nausea.", + "The daily adequate intake amount for fiber has been calculated by the U.S. Institute of Medicine. Men ages 19 and older should strive for 38 grams a day and women ages 19 and older should aim for 25 grams a day. Fiber is in many foods, including beans, peas, other vegetables, fruits, and whole grain products. You can figure out how much fiber is in a food by looking at the nutrition facts label . If a food has fiber, it will be listed under the total carbohydrate on the label. The food label assumes the daily value (DV) of fiber is 25 grams a day (g/day) for a 2,000 calorie diet. Be sure to increase the amount of fiber in your diet slowly so that your stomach can adjust to the change. Adding too much fiber too quickly may cause stomach upset and gas. Some doctors recommend adding bran to your diet to help boost the fiber content. If you do this, start slowly with 1 teaspoon a day.", + "Actually, no specific foods are known to trigger diverticulitis attacks. And no special diet has been proved to prevent attacks. In the past, people with small pouches in the lining of the colon (diverticula) were told to avoid nuts, seeds and popcorn. It was thought that these foods could lodge in diverticula and cause inflammation (diverticulitis). But there's no evidence that these foods cause diverticulitis. If you're trying to prevent diverticulitis attacks, focus on eating an overall healthy diet that's high in fiber. High-fiber foods, such as fruits, vegetables and whole grains, soften waste and help it pass more quickly through your colon.", + "If you’ve been diagnosed with diverticulitis, make sure to discuss your food needs and restrictions with your doctor. If you have not yet had that discussion, make a list of food-related questions before your next appointment.", + "A high-fiber diet is one of the first things a doctor will recommend. That’s because fiber, which is found naturally in healthier foods such as fruits, vegetables, and whole grains, can soften your body’s waste material. Softer stool passes through your intestines and colon more quickly and easily.", + "Sometimes, especially as they get older, people can develop little bulging pouches in the lining of the large intestine. These are called diverticula, and the condition is known as diverticulosis. When the pouches become inflamed or infected, it leads to a sometimes very painful condition called diverticulitis. In addition to having abdominal pain, people with diverticulitis may experience nausea, vomiting, bloating, fever, constipation, or diarrhea." + ], + "url": [ + "http://www.healthline.com/health/diverticulitis-diet-list-of-foods-to-avoid", + "http://www.webmd.com/digestive-disorders/diverticulitis-diet", + "http://www.everydayhealth.com/diverticulitis/guide/diet/", + "http://www.webmd.com/digestive-disorders/diverticulitis-diet", + "http://www.healthline.com/health/diverticulitis-diet-list-of-foods-to-avoid", + "http://www.webmd.com/digestive-disorders/tc/high-fiber-diet-to-prevent-or-treat-diverticulitis-topic-overview", + "http://www.mayoclinic.org/healthy-lifestyle/nutrition-and-healthy-eating/expert-answers/diverticulitis-diet/faq-20058293", + "http://www.healthline.com/health/diverticulitis-diet-list-of-foods-to-avoid", + "http://www.healthline.com/health/diverticulitis-diet-list-of-foods-to-avoid", + "http://www.webmd.com/digestive-disorders/diverticulitis-diet" + ] + }, + "query": "what food to avoid while having diverticulitis", + "query_id": 660729, + "query_type": "ENTITY", + "wellFormedAnswers": [] + }, + "truncated_cells": [] + }, + { + "row_idx": 445, + "row": { + "answers": [ + "No Answer Present." + ], + "passages": { + "is_selected": [ + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0 + ], + "passage_text": [ + "The name Porsche is ranked on the 8,246th position of the most used names. It means that this name is commonly used. We estimate that there are at least 32400 persons in the world having this name which is around 0.001% of the population. The name Porsche has seven characters.", + "In mid-2006, after years of the Boxster (and later the Cayenne) as the best selling Porsche in North America, the 911 regained its position as Porsche's best-seller in the region. The Cayenne and 911 have cycled as the top-selling model since. In Germany, the 911 outsells the Boxster/Cayman and Cayenne.", + "Less than 5 boys were given the name. In contrast, the year before less than 5 girls were given the name. Less than 5 boys were given the name. View the Porsche Name Popularity Page to see how the popularity trend for Porsche has changed since 1880, or to compare the popularity of Porsche to other names.", + "Cayenne is the name given to the SUV launched for the 2002 model year. The name has multiple meanings: the capital of French Guinea is called Cayenne and so is the famous pepper.", + "The name Porsche is of English origin. The meaning of Porsche is pig. Porsche is generally used as a girl's name. It consists of 7 letters and 2 syllables and is pronounced Por-sche.", + "Porsche. 1 Share Porsche on Facebook Share on Facebook. 2 Share Porsche on Twitter Share on Twitter. 3 Share Porsche on Google Plus Share on Google+. Love the name Porsche 1 Love. Dislike the name Porsche Dislike. Follow Porsche Follow Follow Porsche.", + "Usage: Porsche, of Latin origin, is a popular first name. It is more often used as a unisex (male and female) name. People having the name Porsche are in general originating from Germany, United Kingdom, United States of America. For another variant of the name Porsche across the world, see Portia.", + "Panzerjäger Elefant, after the loss of the contract to the Tiger I Porsche recycled his design into a tank destroyer. During World War II, Volkswagen production turned to the military version of the Volkswagen Beetle, the Kübelwagen, 52,000 produced, and Schwimmwagen, 15,584 produced.", + "Glossary of Porsche related terms. The world of Porsche is filled with all kinds of names, terms and abbreviations and it’s hard for even a passionate enthusiast to remember them all. That’s why we’ve put together the following. If you find anything amiss or have anything to add, don’t hesitate to give us a shout.", + "Ferdinand Porsche founded the company called Dr. Ing. h. c. F. Porsche GmbH in 1931, with main offices at Kronenstraße 24 in the centre of Stuttgart. Initially, the company offered motor vehicle development work and consulting, but did not build any cars under its own name." + ], + "url": [ + "https://themeaningofthename.com/porsche/", + "https://en.wikipedia.org/wiki/Porsche", + "http://www.ourbabynamer.com/meaning-of-Porsche.html", + "https://www.stuttcars.com/technical/glossary/", + "http://www.ourbabynamer.com/meaning-of-Porsche.html", + "https://nameberry.com/babyname/Porsche", + "https://themeaningofthename.com/porsche/", + "https://en.wikipedia.org/wiki/Porsche", + "https://www.stuttcars.com/technical/glossary/", + "https://en.wikipedia.org/wiki/Porsche" + ] + }, + "query": "meaning of porsche crest", + "query_id": 448967, + "query_type": "DESCRIPTION", + "wellFormedAnswers": [] + }, + "truncated_cells": [] + }, + { + "row_idx": 446, + "row": { + "answers": [ + "No Answer Present." + ], + "passages": { + "is_selected": [ + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0 + ], + "passage_text": [ + "Vintages Wine Panel: One of the perfect late spring/early summer wines is Piedmont’s gently sparkling, slightly sweet, low-alcohol Moscato d’Asti. Perfect for those casual afternoon get-togethers on the backyard patio, especially when served with simple seafood nibbles or just-in-season strawberries.", + "Great producers of Moscato d'Asti include Bera Vittorio, Boro Margliano, Ceretto, Fratelli Barale, La Spinetta, Marchesi di Gresy, Grésy saracco And. Vietti wines from these producers can take some seeking, out but some of them can be found locally At&K l And'beltramo, s ranging in price from$ 12 to$. 20", + "The light, slightly sweet wines of Moscato d'Asti have found their footing in the past few years. The fragrant aromas of white blossoms and ripe peaches are intoxicating. This lovely wine will always be lower in alcohol and sweeter than the more famous Champagne, but those reasons are why it is so graceful.", + "Asti Spumante is typically higher in alcohol, sweetness & fizziness, while its higher-class cousin, Mostcato d'Asti, contains lower alcohol levels, a few less bubbles, and a more restrained and delicate representation of Moscato fruit.", + "Asti Spumante is typically higher in alcohol, sweetness & fizziness, while its higher-class cousin, Mostcato d'Asti, contains lower alcohol levels, a few less bubbles, and a more restrained and delicate representation of Moscato fruit.", + "Arneis is another grape/wine made in the area, creating a fuller wine that displays some nuttiness in the aroma and taste. Asti is well known for its sparkling wine – in particular Asti Spumante and Moscato d'Asti.", + "Natalie's Score: 90 / 100. Vintages Wine Panel: One of the perfect late spring/early summer wines is Piedmont’s gently sparkling, slightly sweet, low-alcohol Moscato d’Asti.", + "Asti Spumante is made by cooperatives and huge producers on a more industrial basis, from grapes not good enough to go into Moscato d'Asti. Great producers of Moscato d'Asti include Bera Vittorio, Boro Margliano, Ceretto, Fratelli Barale, La Spinetta, Marchesi di Gresy, Grésy saracco And. vietti", + "Natalie's Score: 90 / 100. Vintages Wine Panel: One of the perfect late spring/early summer wines is Piedmont’s gently sparkling, slightly sweet, low-alcohol Moscato d’Asti.", + "Sales of Moscato d'Asti have increased by about 50% during that time, but the biggest market share belongs to Gallo, whose Barefoot Cellars Moscato was introduced in 2008. Barefoot and Gallo Family bottlings currently have 43% of the market, while Trincher's Sutter Home Brand claims 27%." + ], + "url": [ + "http://www.nataliemaclean.com/wine-reviews/marchesi-di-barolo-zagara-moscato-dasti/12333", + "http://www.huffingtonpost.com/richard-jennings/best-moscato-wine_b_1261915.html", + "https://www.vivino.com/wineries/marchese-dell-elsa/wines/marchese-dellelsa-moscato-dasti-2008", + "http://www.wine.com/V6/Marchesi-di-Gresy-Moscato-dAsti-La-Serra-2006/wine/90242/detail.aspx", + "http://www.wine.com/v6/Marchesi-di-Barolo-Zagara-Moscato-dAsti-2011/wine/133131/Detail.aspx", + "http://www.wine.com/v6/Marchesi-di-Barolo-Zagara-Moscato-dAsti-2011/wine/133131/Detail.aspx", + "http://www.nataliemaclean.com/wine-reviews/marchesi-di-barolo-zagara-moscato-dasti/12333", + "http://www.huffingtonpost.com/richard-jennings/best-moscato-wine_b_1261915.html", + "http://www.nataliemaclean.com/wine-reviews/marchesi-di-barolo-zagara-moscato-dasti/12333", + "http://www.huffingtonpost.com/richard-jennings/best-moscato-wine_b_1261915.html" + ] + }, + "query": "marchese dellelsa moscato dasti price", + "query_id": 445284, + "query_type": "NUMERIC", + "wellFormedAnswers": [] + }, + "truncated_cells": [] + }, + { + "row_idx": 447, + "row": { + "answers": [ + "No Answer Present." + ], + "passages": { + "is_selected": [ + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0 + ], + "passage_text": [ + "Minerals can be found throughout the world in the earth's crust but usually in such small amounts that they not worth extracting. Only with the help of certain geological processes are minerals concentrated into economically viable deposits. Mineral deposits can only be extracted where they are found. Mineral deposits come in many shapes and sizes depending on where and how the mineral was concentrated. Minerals are concentrated by igneous, sedimentary and metamorphic processes:", + "In ore beneficiation, flotation is a process in which valuable minerals are separated from worthless material or other valuable minerals by inducing them to gather in and on the surface of a froth layer. Sulfide and non-sulfide minerals as well as native metals are recovered by froth flotation. This process is based on the ability of certain chemicals to modify the surface properties of the mineral(s). Other chemicals are used to generate the froth and still others are used to adjust the pH.", + "From the land records you can construct a “chain of title.” A chain of title is simply a sequential record of documents showing how the mineral rights have changed hands through the years. Your chain of title will be created using conveyances listed in index books at the courthouse or abstract office.", + "Beyond that, rocks are fun to study. Some rocks contain beautiful. minerals that are fun to collect, exhibit, and even fashion into jewelry. Others have interesting shapes and colors, or fantastic fossils. There are. few activities that do not, in some way, involve rocks and minerals.", + "About 80% of all copper extracted comes from sulphide ores. A typical ore contains only 0.5% to 2.0% copper. It is a measure of the value of copper that it is worth extracting it from such small concentrations. The ore is a mixture of minerals and rock (called gangue). Mineral.", + "The process of froth flotation entails crushing and grinding the ore to a fine size. This fine grinding separates the individual mineral particles from the waste rock and other mineral particles. The grinding is normally done in water with the resultant slurry called the pulp.", + "Your direct connection to mineral buyers. If you want to know how to find out who owns the mineral rights under your land, or find out if you do, then the first stop in your quest should probably be the county clerk’s office (free) and/or a private abstract office (not free) in the county where your land is located.", + "How Minerals Are Extracted From Earth. In a previous lesson, we learned about minerals, which are inorganic compounds, such as ores (like copper) and precious stones (like diamonds). The word mining sounds a lot like mineral, and that's no accident because mining is how minerals are removed from the ground. There are several different ways minerals can be extracted from the earth, but the two main methods are called surface mining and subsurface mining.", + "Scarcity of clean water is one of the most serious global challenges. In its spearhead programme, VTT Technical Research Centre of Finland developed energy-efficient methods for reuse of water in industrial processes and means for recovering valuable minerals and materials from waste for recycling.", + "The color of the powder is called the. streak, and a simple way to determine it is to rub the mineral. on a small square of white, unglazed porcelain called a streak. plate. Unless the mineral is harder than the porcelain (hard-. ness of about 6), a streak of fine powder is left on the plate. PENNSYLVANIA’S MINERALS." + ], + "url": [ + "http://www.bgs.ac.uk/mineralsUK/mineralsyou/wheredo.html", + "http://www.cpchem.com/bl/specchem/en-us/Pages/IntroductiontoMineralProcessing.aspx", + "http://www.mineralhub.com/2010/04/how-can-i-locate-who-owns-the-mineral-rights-under-my-land/", + "http://www.dcnr.state.pa.us/cs/groups/public/documents/document/dcnr_014600.pdf", + "http://resources.schoolscience.co.uk/CDA/14-16/cumining/copch2pg2.html", + "http://www.cpchem.com/bl/specchem/en-us/Pages/IntroductiontoMineralProcessing.aspx", + "http://www.mineralhub.com/2010/04/how-can-i-locate-who-owns-the-mineral-rights-under-my-land/", + "http://study.com/academy/lesson/extraction-processing-of-minerals-surface-mining-subsurface-mining-smelting.html", + "https://www.sciencedaily.com/releases/2014/03/140314093654.htm", + "http://www.dcnr.state.pa.us/cs/groups/public/documents/document/dcnr_014600.pdf" + ] + }, + "query": "how are minerals retrieve", + "query_id": 207594, + "query_type": "DESCRIPTION", + "wellFormedAnswers": [] + }, + "truncated_cells": [] + }, + { + "row_idx": 448, + "row": { + "answers": [ + "Amphi means a prefix in words of Greek origin, signifying both, of both kinds, on both sides, about, around." + ], + "passages": { + "is_selected": [ + 1, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0 + ], + "passage_text": [ + "Webster Dictionary (0.00 / 0 votes) Rate this definition: Amphi- a prefix in words of Greek origin, signifying both, of both kinds, on both sides, about, around", + "An amphitheatre or amphitheater /ˈæmfᵻˌθiːətər/[1][2] is an open-air venue used for entertainment, performances, and sports.", + "Definition of amphitheater for English Language Learners. : 1 a large building with seats rising in curved rows around an open space on which games and plays take place. : 2 an area of level ground surrounded by hills.", + "Amphitheater definition: a round or oval building with an open space ( arena ) surrounded by rising rows of seats | Meaning, pronunciation, translations and examples", + "amphi: examples and translations in context. Les espèces amphi-Béringiennes constituent probablement un diagnostic des syntaxons amphi-Béringiens, dont plusieurs restent à décrire. Amphi-Beringian species were likely diagnostic of amphi-Beringian syntaxa, many of these yet to be described.", + "Nearby words of 'amphi-'. 1 ampersand. 2 amperzand. 3 amphetamine. 4 amphi-. 5 amphiarthroses. 6 amphiarthrosis. 7 amphiaster. 8 All ENGLISH words that begin with 'A'.", + "The numerical value of amphi- in Chaldean Numerology is: 1. Pythagorean Numerology. The numerical value of amphi- in Pythagorean Numerology is: 2", + "An amphitheatre or amphitheater / ˈ æ m f ɪ ˌ θ iː ə t ər / is an open-air venue used for entertainment, performances, and sports. The term derives from the ancient Greek ἀμφιθέατρον (amphitheatron), from ἀμφί (amphi), meaning on both sides or around and θέατρον (théātron), meaning place for viewing.", + "Definition of amphitheater. 1 : an oval or circular building with rising tiers of seats ranged about an open space and used in ancient Rome especially for contests and spectacles.", + "Dictionary entry overview: What does amphitheatre mean? • AMPHITHEATRE (noun) The noun AMPHITHEATRE has 2 senses: 1. a sloping gallery with seats for spectators (as in an operating room or theater) 2. an oval large stadium with tiers of seats; an arena in which contests and spectacles are held Familiarity information: AMPHITHEATRE used as a noun is rare." + ], + "url": [ + "http://www.definitions.net/definition/amphi-", + "https://en.wikipedia.org/wiki/Amphitheatre", + "https://www.merriam-webster.com/dictionary/amphitheater", + "https://www.collinsdictionary.com/dictionary/english/amphitheater", + "http://dictionary.reverso.net/french-english/amphi", + "https://www.collinsdictionary.com/dictionary/english/amphi", + "http://www.definitions.net/definition/amphi-", + "https://en.wikipedia.org/wiki/Amphitheatre", + "https://www.merriam-webster.com/dictionary/amphitheater", + "https://www.audioenglish.org/dictionary/amphitheatre.htm" + ] + }, + "query": "amphi- meaning", + "query_id": 1184769, + "query_type": "DESCRIPTION", + "wellFormedAnswers": [] + }, + "truncated_cells": [] + }, + { + "row_idx": 449, + "row": { + "answers": [ + "Yes, the tricuspid valve is oxygenated." + ], + "passages": { + "is_selected": [ + 1, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0 + ], + "passage_text": [ + "Answers. 1 the deoxygenated blood returns via the veins to the Right Atrium, then through the tricuspid valve to the Right Ventricle. The Right Ventricle then pumps the blood thru the pulmonary valve, pulmonary arteries and into the lungs, where oxygen is taken up by the red blood cells. The oxygenated blood then returns to the heart via the pulmonary veins and into the left Atrium, thru the mitral valve and into the Left Ventricle. The Left Ventricle pumps the oxygenated blood thru the aortic valve into the aorta and away it goes to the rest of the body .", + "In a baby with tricuspid atresia with severe pulmonary narrowing, closure of the ductus arteriosus removes the baby’s means of getting blood to the lungs and can result in very low oxygen levels. In this case a medicine called prostaglandin is given to keep the ductus arteriosus from closing.", + "The right ventricle contracts. The av valves close, semilunar valves open. The deoxygenated blood is pumped into the pulmonary artery. The pulmonary artery carries the blood to the lungs. The blood becomes oxygenated and is returned to the left atrium by the pulmonary veins. Semilunar valves close, av valves open. Pulmonary veins fill the left atrium with blood.", + "located in the thorax between the lungs, size of your fist, less than 1 lb, pointed apex directed toward left hip, base is broad part on top. Trace the path of a drop of blood, starting at the right atrium and returning to the right atrium, through the pulmonary and systemic circuits of the cardiovascular system. Identify the chambers, valves, and vessels and indicate whether the blood is oxygenated or deoxygenated in each area. Right Atrium-->Tricuspid Valve-->Right Ventricle-->Pulmonary Semilunar Valve-->Pulmonary Artery-->Lungs-->Pulmonary Veins-->Left Atrium-->Bicuspid Valve-->Left Ventricle-->Aortic Semilunar Valve-->Aorta-->Arteries-->Capillaries-->Veins-->Vena Cavas-->Right Atrium", + "Asker's rating. 1 the deoxygenated blood returns via the veins to the Right Atrium, then through the tricuspid valve to the Right Ventricle. The Right Ventricle then pumps the blood thru the pulmonary valve, pulmonary arteries and into the lungs, where oxygen is taken up by the red blood cells. 2 What Are The Parts Of A Heart. Oxygenated: left atrium, left ventricle; passing through left atrioventricular valve (AKA bicuspid valve, AKA mitral valve) and aortic valve Deoxygenated: right atrium, right ventricle; passing through right atrioventricular valve (AKA tricuspid vavle) and the pulmonary valve.", + "Indicate whether the other heart chambers are in systole or diastole and whether they are filling or emptying of blood. If they are emptying, state where the blood is going. If they are filling with blood, state where the blood is coming from. Include an explanation of which valves are open and which valves are closed.", + "The tricuspid valve forms the boundary between the right ventricle and the right atrium. Deoxygenated blood enters the right side of the heart via the inferior and superior vena cava. These are large veins that transport deoxygenated blood from the body back to the heart.", + "Tricuspid atresia occurs when the tricuspid valve fails to develop while the baby is in the womb. This problem is quite rare, affecting 1 in 15,000 births, and it occurs equally in boys and girls. In the normal heart, the tricuspid valve is located on the heart’s right side between the atria (the upper chamber) and the ventricle (the lower chamber). In babies born with tricuspid atresia, the tricuspid valve is absent (1) and the right ventricle is small (2). In about 25% of babies, the position of the great arteries is also reversed. In some babies, there is also a severe narrowing at the pulmonary valve (3), or there can be complete absence of the pulmonary valve. In all babies with tricuspid atresia, there is no direct pathway for blue blood returning from the body to get to the lungs to pick up oxygen.", + "1 Upload failed. 2 We are experiencing some problems, please try again. 3 You can only upload files of type PNG, JPG, or JPEG. 4 You can only upload files of type 3GP, 3GPP, MP4, MOV, AVI, MPG, MPEG, or RM. 5 You can only upload photos smaller than 5 MB. 6 You can only upload videos smaller than 600MB.", + "right atrium, tricuspid valve, right ventricle, pulmonary semilunar valve, pulmonary artery, veins, vena cavas Discuss the events that are taking place in the cardiac cycle during the left ventricular systole." + ], + "url": [ + "https://answers.yahoo.com/question/index?qid=20080126042242AAUeRuw", + "http://www.mottchildren.org/conditions-treatments/ped-heart/conditions/tricuspid-atresia", + "https://quizlet.com/38917609/chapter-11-the-cardiovascular-system-flash-cards/", + "https://quizlet.com/38917609/chapter-11-the-cardiovascular-system-flash-cards/", + "https://answers.yahoo.com/question/index?qid=20080126042242AAUeRuw", + "https://quizlet.com/38917609/chapter-11-the-cardiovascular-system-flash-cards/", + "https://www.healthline.com/human-body-maps/tricuspid-valve", + "http://www.mottchildren.org/conditions-treatments/ped-heart/conditions/tricuspid-atresia", + "https://answers.yahoo.com/question/index?qid=20080126042242AAUeRuw", + "https://quizlet.com/38917609/chapter-11-the-cardiovascular-system-flash-cards/" + ] + }, + "query": "is the tricuspid valve oxygenated", + "query_id": 1174719, + "query_type": "DESCRIPTION", + "wellFormedAnswers": [] + }, + "truncated_cells": [] + }, + { + "row_idx": 450, + "row": { + "answers": [ + "To obtain a learner's permit in Virginia, you must be at least 15 years and 6 months of age." + ], + "passages": { + "is_selected": [ + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 1, + 0 + ], + "passage_text": [ + "Is this course authorized to get my Learner's Permit? YES. The course and exam are authorized by the Florida Department of Highway Safety and Motor Vehicles (DHSMV) to meet the requirements needed for your first Florida Learner's Permit.", + "What to do to get your Adult Learner's Permit: 1 Go on-line to make your learner's permit test appointment. 2 Collect all the required acceptable forms of identification. See document checklist in PDF. 3 If you are a non-U.S. citizen, please see additional information. Study for the learner's permit knowledge test.", + "How To Get A Learners Permit In Texas. If you live in Texas you can begin the permit process when you are just 14 years of age, but will be required to complete both classroom and in-car training. You will be required to complete 32 hours of driver education course work and 34 hours of behind-the-wheel training.", + "We allow you to complete the permit test by itself to meet your DHSMV Learner's Permit exam requirement. Visit the permit exam page to register. The course is commonly referred to as the DATA course, drug and alcohol course, first time driver course, or permit course.", + "How To Get A Learners Permit In California. If you live in California you are eligible to get your permit at 15 years and 6 months of age, but will need to satisfy the driver education requirements first. You must complete 30 hours of driver training by taking a California drivers ed online course that is approved statewide by the CA Department of Motor Vehicles.", + "The TLSAE course is a total of 4 hours. The permit and license prep is a resource of materials that will help you get your first time driver license. You can use the prep to prepare for your online exam, written exam or any other DHSMV test required to get your license.", + "The fee to replace a driver license or learner permit is $17.50. Fee to change information on a driver license or learner permit. The fee to change information (amend) on a driver license or learner permit is $12.50. Fee for an Enhanced Driver License (EDL). There is an additional $30.00 fee for an Enhanced Driver License.", + "(for 18 years of age or older) Holiday Schedule: On Friday, April 14, DMV offices will be closed for the Good Friday holiday. Offices will re-open on Saturday, April 15, at 8 a.m. Anyone 18 years of age or older must obtain an adult learners permit before obtaining a driver's license. An adult learner's permit is valid for two years. DRIVE ONLY APPLICANTS: If you would like to apply for a Drive Only License (for undocumented individuals), please follow these instructions.", + "To obtain a learner's permit in Virginia, you must be at least 15 years and 6 months of age. Each time you apply for a learner's permit, you must present documents proving your identification and residency.", + "Age Requirements. To obtain a learner's permit in Virginia, you must be at least 15 years and 6 months of age. Identification and Residency Requirements. Each time you apply for a learner's permit, you must present documents proving your identification and residency." + ], + "url": [ + "https://www.firsttimedriver.com/florida/faqs.aspx", + "http://www.ct.gov/dmv/cwp/view.asp?a=805&q=514952", + "https://www.idrivesafely.com/driving-resources/how-to/get-learners-permit/", + "https://www.firsttimedriver.com/florida/faqs.aspx", + "https://www.idrivesafely.com/driving-resources/how-to/get-learners-permit/", + "https://www.firsttimedriver.com/florida/faqs.aspx", + "https://dmv.ny.gov/driver-license/fees-refunds", + "http://www.ct.gov/dmv/cwp/view.asp?a=805&q=514952", + "https://www.dmv.virginia.gov/drivers/applying_learners.html", + "https://www.dmv.virginia.gov/drivers/applying_learners.html" + ] + }, + "query": "how much time does it take to get a learner permit", + "query_id": 328571, + "query_type": "NUMERIC", + "wellFormedAnswers": [] + }, + "truncated_cells": [] + }, + { + "row_idx": 451, + "row": { + "answers": [ + "No Answer Present." + ], + "passages": { + "is_selected": [ + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0 + ], + "passage_text": [ + "There is more meat on this hog if you work at it, but you can get it this far without ever smelling the gut or having to deal with flowing entrails. There are those who eat the heart, liver, and there is a little bit of meat on the ribs and in the hock joints. Knock yourself out. The gators got the rest of this girl.", + "Allow it to bleed out for a few minutes. Transport the pig to the butchering station. You can drag a smaller pig, but you may need a tractor if the animal weighs more than 200 pounds. Spray the pig with a pressurized water hose or douse it with buckets of water to loosen the mud and debris on the animal's skin.", + "The panorama. His head is on the right, legs and gambrel are on the left, although none of that is in frame. Our table is 6 feet 2 inches long, the hog stretched out from his rear hooves to the tip of his snout at 6 feet 11 inches and about 5 feet from tail to snout tip.", + "Just over 35 pounds of fresh meat went into the cooler and the gators feasted on the rest of the hog that night. We also managed to document the basic butchering process of a wild hog. Note that this is a “no saw” method of processing a hog.", + "Today, more than 4 million. wild hogs are found in at least 35 states. Wild hogs destroy farmland and crops, compete with native wildlife for food, and. can spread disease to other animals and. people. Hunting wild hogs is a popular sport. among hunters, as well as a population. control method supported by wildlife. agencies.", + "This is a short photo essay on how to butcher a wild hog with Dwayne Powell of Kissimee River Hunt & Fish. Later we will do a bigger animal, but this is the most common size for what is considered a “meat hog.” It is a sow, around 130-150 pounds, taken by one of Dwayne’s guide clients, Larry Hoffner.", + "Pre-baiting of an area at least a week in advance will help in getting the hogs to return to the area in which the trap is to be set. Set the trap on flat ground and wire the door open. Bait the inside of the trap, leaving a small trail of bait through the door to the outside of the trap to lure the hog inside.", + "Feral hogs may appear basically the same as domestic hogs and will vary in color and coat pattern. A mature feral hog may reach a shoulder height of 36 inches and weigh from 100 to over 400 pounds. The extreme larger hogs are generally not far removed from domestication. Males are generally larger than females.", + "Mortality in feral hog populations is greatest in the young less than three months of age, mainly due to accident, starvation and predation. Adult mortality is largely due to hunting, parasites, disease and tooth deterioration. Predation by mountain lions, coyotes and bobcats is only a minor limiting factor.", + "Decide on the room or location where you will butcher the pig. Set up a table where you'll process individual cuts of meat. Lay your knives on the table. Pour ice and cold water into a large cooler or ice chest to preserve the cuts of meat while you're working. Set up the gambrel and pulley system." + ], + "url": [ + "https://www.gunsamerica.com/blog/how-to-butcher-a-wild-hog-photo-essay/", + "http://goneoutdoors.com/butcher-pig-home-8255984.html", + "http://garandgal.blogspot.com/2012/08/how-i-butcher-wild-hog.html", + "https://www.gunsamerica.com/blog/how-to-butcher-a-wild-hog-photo-essay/", + "https://www.cdc.gov/brucellosis/pdf/brucellosis_and_hoghunters.pdf", + "https://www.gunsamerica.com/blog/how-to-butcher-a-wild-hog-photo-essay/", + "https://tpwd.texas.gov/huntwild/wild/nuisance/feral_hogs/", + "https://tpwd.texas.gov/huntwild/wild/nuisance/feral_hogs/", + "https://tpwd.texas.gov/huntwild/wild/nuisance/feral_hogs/", + "http://goneoutdoors.com/butcher-pig-home-8255984.html" + ] + }, + "query": "how to butcher a feral hog", + "query_id": 346532, + "query_type": "DESCRIPTION", + "wellFormedAnswers": [] + }, + "truncated_cells": [] + }, + { + "row_idx": 452, + "row": { + "answers": [ + "No Answer Present." + ], + "passages": { + "is_selected": [ + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0 + ], + "passage_text": [ + "Check the Italy weather in June before you book your next holiday. This gives the best indication of the weather in June and includes figures for temperature, sunshine and rainfall.The Italy june weather guide shown below is for Rome.1 27°C max day temperature.his gives the best indication of the weather in June and includes figures for temperature, sunshine and rainfall. The Italy june weather guide shown below is for Rome. 1 27°C max day temperature.", + "Averages for Rome in June. Weather lowdown. The weather is fantastic in Rome, Italy in June, when the average temperature starts off at around 20°C and gradually climbs up to 23°C-24°C as the month progresses.f you fancy a day at the beach, head to the coast where you can enjoy an average sea temperature of 22°C throughout the month. Festa della Repubblica, Italy's Independence Day. Sixty days after Easter – this can fall anywhere between early and mid-June – Catholics celebrate Corpus Domini in honour of Holy Eucharist.", + "In June, temperatures in Northern Italy are comparatively cooler because of the proximity to the Alps. In Milan and other parts of the North, the average temperature usually remains between 13 and 25 degrees Celsius (55 to 77 degree Fahrenheit), with only a few wet days.t times, it might seem there is no slack tourist season in Italy, since no matter when you visit, you'll always find people: June is the best time to visit Italy in terms of weather but, for those planning to travel on a low budget, it is best to avoid it.", + "In Central Italy, including cities like Rome, temperature is approximately between 16 and 25 degrees Celsius (61 to 77 degree Fahrenheit). In June, wet days in cities like Rome are not very common, but if they occur, the temperature might plunge down.In Southern Italy and the sea coast, including Palermo, temperatures are definitely among the highest in the country. In June, they remain between 20 and 25 degrees Celsius (68 to 77 degrees Fahrenheit).t times, it might seem there is no slack tourist season in Italy, since no matter when you visit, you'll always find people: June is the best time to visit Italy in terms of weather but, for those planning to travel on a low budget, it is best to avoid it.", + "Allison April 3, 2011 at 6:22 pm. We are traveling to Italy in June for two weeks. 4 days in Rome and a week traveling around Florence, and the Tuscany area. What are your top 5 picks of things to do in the Tuscany region.We are traveling with kids ages 11-19.f you hadn’t already been taking advantage of the beach-friendly weather of May, then you will be in June. This is when beach resorts up and down both coasts (and around all of Italy’s major islands) start to get crowded with Italians and foreigners alike.", + "Check the Weather in Rome, Italy in June before you book your next holiday. This gives the best indication of the weather in June and includes figures for temperature, sunshine and rainfall. 1 27°C max day temperature.heck the Weather in Rome, Italy in June before you book your next holiday. This gives the best indication of the weather in June and includes figures for temperature, sunshine and rainfall. 1 27°C max day temperature.", + "Weather lowdown. June marks the beginning of the summer season in Florence, Italy, when the weather gets even warmer, drier and the cloud coverage decreases.At this time of year, the average temperature begins at 20.5°C, created by highs of 26°C during the daytime and lows of 15°C after dark.eather lowdown. June marks the beginning of the summer season in Florence, Italy, when the weather gets even warmer, drier and the cloud coverage decreases.", + "Average Temperatures for Italy in June. Average temperatures for June at cities and vacation spots all over Italy are listed below in degrees Celsius and Fahrenheit. The tables give the normals for maximum and minimum monthly temperatures based on weather data collected from 1971 to 2000.verage Temperatures for Italy in June. Average temperatures for June at cities and vacation spots all over Italy are listed below in degrees Celsius and Fahrenheit. The tables give the normals for maximum and minimum monthly temperatures based on weather data collected from 1971 to 2000.", + "Italy is not a huge country, but the weather from the top to the toe of this boot will vary pretty dramatically throughout the year.Plus, with the long coastlines and mountain ranges, the temperature can change in a matter of minutes as you go from town to town.taly is not a huge country, but the weather from the top to the toe of this boot will vary pretty dramatically throughout the year.", + "Weather in June in Italy. Although the weather in May in recent years has felt like summer, the high summer season doesn’t technically start until June – and the word “high” applies to the temperature in June, too.No matter what time of year you’re talking about, the mercury typically rises as you head south in Italy.f you hadn’t already been taking advantage of the beach-friendly weather of May, then you will be in June. This is when beach resorts up and down both coasts (and around all of Italy’s major islands) start to get crowded with Italians and foreigners alike." + ], + "url": [ + "http://www.weather2travel.com/june/italy/", + "http://www.holiday-weather.com/rome/averages/june/", + "http://www.lifeinitaly.com/weather/june", + "http://www.lifeinitaly.com/weather/june", + "http://www.italylogue.com/planning-a-trip/italy-in-june.html", + "http://www.weather2travel.com/june/italy/rome.php", + "http://www.holiday-weather.com/florence/averages/june/", + "http://www.currentresults.com/Weather/Italy/temperature-june.php", + "http://www.italylogue.com/weather", + "http://www.italylogue.com/planning-a-trip/italy-in-june.html" + ] + }, + "query": "weather in italy on june 2016", + "query_id": 544581, + "query_type": "DESCRIPTION", + "wellFormedAnswers": [] + }, + "truncated_cells": [] + }, + { + "row_idx": 453, + "row": { + "answers": [ + "A recognizable sign, design, or expression which identifies products or services of a particular source from those of others." + ], + "passages": { + "is_selected": [ + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 1 + ], + "passage_text": [ + "They are: Placement of the ™ or ® symbol right adjacent to the trademark, every time it is used. Placement of ™ or ® or * (asterisk) or † or (dagger) or ‡ (double dagger) symbol right near the first use of the trademark. Then provide a footnote that describes the trademark.", + "How to Insert Symbols in an MS Word Document. Sometimes the standard characters, numbers, and punctuation marks are just not enough. If you are preparing an MS Word document and need to insert a special symbol such as a copyright symbol, trademark, the ever-popular Euro symbol, and much more, here are a few ways to do this. 1. Open a MS Word document.", + "The trademark owner can be an individual, business organization, or any legal entity. A trademark may be located on a package, a label, a voucher, or on the product itself. For the sake of corporate identity, trademarks are being displayed on company buildings.", + "Proprietary rights in relation to a trademark may be established through actual use in the marketplace, or through registration of the mark with the trademarks office (or trademarks registry) of a particular jurisdiction. In some jurisdictions, trademark rights can be established through either or both means.", + "Importantly, for registered trademarks, use of the ® symbol may be necessary to claim damages and court costs if your business has to sue a competitor. If you have not properly noticed your trademark, you may not be able to obtain money damages or recover your costs.", + "Meaning of ™, ® and 1 ℠. ™ tm for an unregistered trademark, that is, a mark used to promote or brand goods; ℠ 2 sm for an unregistered service mark, that is, a mark used to promote or brand services; ® r for a registered trademark.", + "Trademark symbols ™. Trademark (also called trade mark) TM, Registered and Service Mark (or servicemark) signs are meaningful popular computer symbols. You can type trademark and registered symbols right from your keyboard. Continue reading and I'll show you how to do that using different techniques on Windows, Mac and GNU/Linux. ™ tm for an unregistered trademark, that is, a mark used to promote or brand goods;", + "For example, the particular design of a bottle may qualify for copyright protection as a non-utilitarian [sculpture], or for trademark protection based on its shape, or the 'trade dress' appearance of the bottle as a whole may be protectable.", + "Method 3 Using the Symbol Window. If you’re using an older version of Word, or you do not see the symbol you are looking for, click on More Symbols to open the Symbol window. The Symbol window will open in the first of two menu tabs. The second tab is the Special Characters tab.", + "A trademark, trade mark, or trade-mark is a recognizable sign, design, or expression which identifies products or services of a particular source from those of others, although trademarks used to identify services are usually called service marks." + ], + "url": [ + "http://howconceptual.com/blog/tm-symbol", + "http://www.wikihow.com/Insert-Symbols-in-an-MS-Word-Document", + "https://en.wikipedia.org/wiki/Trademark", + "https://en.wikipedia.org/wiki/Trademark", + "http://howconceptual.com/blog/tm-symbol", + "http://fsymbols.com/computer/trademark/", + "http://fsymbols.com/computer/trademark/", + "https://en.wikipedia.org/wiki/Trademark", + "http://www.wikihow.com/Insert-Symbols-in-an-MS-Word-Document", + "https://en.wikipedia.org/wiki/Trademark" + ] + }, + "query": "registered trademark symbol definition", + "query_id": 486790, + "query_type": "DESCRIPTION", + "wellFormedAnswers": [] + }, + "truncated_cells": [] + }, + { + "row_idx": 454, + "row": { + "answers": [ + "Temple College is a public institution in Temple, Texas." + ], + "passages": { + "is_selected": [ + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 1, + 0, + 0 + ], + "passage_text": [ + "What Is ABET Accreditation? ABET accreditation is assurance that a college or university program meets the quality standards established by the profession for which it prepares its students. For example, an accredited engineering program must meet the quality standards set by the engineering profession.", + "Bachelor of Arts and Bachelor of Science degrees in the College of Liberal Arts require a minimum of 123 credits, distributed according to the university and college policy outlined below, with at least a 2.0 cumulative grade point average (GPA).", + "Temple awards more than $100 million in scholarships each year, with many of our first-year students receiving academic scholarships. There is no separate application required. Additional details on our freshman academic scholarships can be found here. When to apply. Most students apply in the fall of their senior year.", + "ApplyTexas is a state application for Texas colleges and universities. This option allows you to set up an account, fill out an application and submit it to Temple College. Please note: this is a third-party application. Allow UP TO 5 BUSINESS DAYS for Temple College to receive your application.", + "NOTE: This is *not* required for students majoring in the Bachelor of Science in Neuroscience: Systems, Behavior, & Plasticity program. 1 All B.A. students complete the second level of a foreign language; 2 All B.A. students must complete at least one course from the GenEd Global/World Society category; and.", + "The Temple Law Scholars Program provides an opportunity for outstanding students to gain provisional admission to the Temple University Beasley School of Law at the same time they are accepted into the College of Liberal Arts.", + "Schools and Colleges. Few universities can match the wide range of educational choices that Temple boasts. Each of our 17 schools and colleges offers an abundance of courses and majors to inspire and challenge you. Temple University’s schools and colleges.", + "Temple College is a public institution in Temple, Texas. Its campus is located in a city, with a total enrollment of 5,506. The school utilizes a semester-based academic calendar. The student-faculty ratio is 17-to-1. The highest degree offered at Temple College is an associate degree.", + "All Engineering Technology Programs (CMT, ET) are accredited by the Engineering Technology Accreditation Commission of ABET, http://www.abet.org. ABET accreditation is assurance that a college or university program meets the quality standards established by the profession for which it prepares its students. For example, an accredited engineering program must meet the quality standards set by the engineering profession.", + "TEMPLE COLLEGE APPLICATION. Click on the Application link below and submit in person at One College Centre or via email, mail or fax. Contact Admissions with any questions 254-298-8301." + ], + "url": [ + "http://engineering.temple.edu/about-college/accreditation", + "http://bulletin.temple.edu/undergraduate/liberal-arts/", + "http://admissions.temple.edu/apply/first-year-applicant", + "http://templejc.edu/admissions/enroll/", + "http://bulletin.temple.edu/undergraduate/liberal-arts/", + "http://bulletin.temple.edu/undergraduate/liberal-arts/", + "https://www.temple.edu/academics/schools-and-colleges", + "https://www.usnews.com/education/community-colleges/temple-college-CC08522", + "http://engineering.temple.edu/about-college/accreditation", + "http://templejc.edu/admissions/enroll/" + ] + }, + "query": "what is college is temple", + "query_id": 732181, + "query_type": "DESCRIPTION", + "wellFormedAnswers": [ + "College is a temple, Temple College is a public institution in Temple, Texas.", + "Temple College is a public institution in Temple, Texas." + ] + }, + "truncated_cells": [] + }, + { + "row_idx": 455, + "row": { + "answers": [ + "No Answer Present." + ], + "passages": { + "is_selected": [ + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0 + ], + "passage_text": [ + "Voter turnout in presidential elections is historically much higher than in midterms– 58.2% of eligible voters voted in 2012, and 61.6% voted in 2008, the highest turnout since 1968. In other words, turnout for Obama’s first presidential election was almost double the 2014 midterm turnout.", + "The last time voter turnout was that low was 1942, when only 33.9% of voters cast ballots, according to the United States Elections Project. That was also a year that the U.S. established the European Theater of Operations in WWII, so a large share of the voting population was a little busy doing other things.", + "Last updated: 6/11/2014 National general election voting-eligible population turnout rates for presidential and midterm elections are plotted below, along with the raw data provided in an accompanying spreadsheet. These numbers are taken from Vital Statistics of American Politics (CQ Press, Stanley and Niemi, eds.).", + "Voter turnout in presidential elections is historically much higher than in midterms– 58.2% of eligible voters voted in 2012, and 61.6% voted in 2008, the highest turnout since 1968.", + "Voter turnout in midterm elections is traditionally lower than in years with a general election. But 2014 was particularly low, down more than 5 percent from 2010, when 41.8 percent of eligible voters turned out at the polls.", + "Last updated: 6/11/2014 National general election voting-eligible population turnout rates for presidential and midterm elections are plotted below, along with the raw data provided in an accompanying spreadsheet.", + "One of the subjects studied recently has been the reasons the voter turnout (the percent of people participating in elections) has been lower in United States, as compared to turnout for elections in other democracies.", + "Voter turnout is the percentage of eligible voters who cast a ballot in an election. (Who is eligible varies by country, and should not be confused with the total adult population.", + "Voter turnout is the percentage of eligible voters who cast a ballot in an election. (Who is eligible varies by country, and should not be confused with the total adult population. For example, some countries discriminate based on sex, race, and/or religion.", + "One of the subjects studied recently has been the reasons the voter turnout (the percent of people participating in elections) has been lower in United States, as compared to turnout for elections in other democracies. The chart below demonstrates how election participation differs from country to country." + ], + "url": [ + "http://time.com/3576090/midterm-elections-turnout-world-war-two/", + "http://time.com/3576090/midterm-elections-turnout-world-war-two/", + "http://www.electproject.org/national-1789-present", + "http://time.com/3576090/midterm-elections-turnout-world-war-two/", + "http://news.yahoo.com/voter-turnout-2014-midterms-worst-in-72-years-143406756.html", + "http://www.electproject.org/national-1789-present", + "http://www.historycentral.com/elections/Voterturnout.html", + "https://en.wikipedia.org/wiki/Voter_turnout", + "https://en.wikipedia.org/wiki/Voter_turnout", + "http://www.historycentral.com/elections/Voterturnout.html" + ] + }, + "query": "lowest voter turnout in us history", + "query_id": 443358, + "query_type": "NUMERIC", + "wellFormedAnswers": [] + }, + "truncated_cells": [] + }, + { + "row_idx": 456, + "row": { + "answers": [ + "No Answer Present." + ], + "passages": { + "is_selected": [ + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0 + ], + "passage_text": [ + "5 is 5% of 100. 12 is 12% of 100. 250 is 250% of 100. For, a percent is a number of hundredths. 5 is 5 hundredths -- 5% -- of 100. That is the ratio of 5 to 100.", + "Any number is that percent of 100. 5 is 5% of 100. 12 is 12% of 100. 250 is 250% of 100. For, a percent is a number of hundredths. 5 is 5 hundredths -- 5% -- of 100. That is the ratio of 5 to 100.", + "For, a percent is a number of hundredths. 5 is 5 hundredths -- 5% -- of 100. That is the ratio of 5 to 100.", + "Notice that you deposited into the account a total of $24,000 ($100 a month for 240 months). The difference between what you end up with and how much you put in is the interest earned. In this case it is $46,200 - $24,000 = $22,200. Example 2.", + "Notice that you deposited into the account a total of $24,000 ($100 a month for 240 months). The difference between what you end up with and how much you put in is the interest earned. In this case it is $46,200 - $24,000 = $22,200.", + "Notice that you withdrew a total of $240,000 ($1000 a month for 240 months). The difference between what you pulled out and what you started with is the interest earned. In this case it is $240,000 - $139,600 = $100,400 in interest.", + "An ideal chlorine level for the pool is one part per million chlorine. If you assume densities of 1.10 g/mL for the chlorine solution and 1.00 g/mL for the swimming pool water, what volume of the chlorine solution in liters, is required to produce a chlorine level of 1.00 ppm in an 18,000 gallon swimming pool?", + "The cost of plastic is $5 per pound. On January 1, there are 14,000 pounds of plastic on hand, and 400 completed buckets. Gaylor wants to have 20% of the next month’s material requirements on hand at the end of each month. Prepare a direct materials purchases budget for the quarter in the space provided.", + "If you assume densities of 1.10 g/mL for the chlorine solution and 1.00 g/mL for the swimming pool water, what volume of the chlorine solution in liters, is required to produce a chlorine level of 1.00 ppm in an 18,000 gallon swimming pool? Solution:", + "MG Lighting had sales of 500 units at $100 per unit last year. The marketing manager projects a 15 percent decrease in unit volume this year because a 10 percent price increase is needed to pass rising costs through to customers. Returned merchandise will represent 3.2 percent of total sales." + ], + "url": [ + "http://www.themathpage.com/ARITH/what-percent.htm", + "http://www.themathpage.com/ARITH/what-percent.htm", + "http://www.themathpage.com/ARITH/what-percent.htm", + "http://www.opentextbookstore.com/mathinsociety/current/Finance.pdf", + "http://www.opentextbookstore.com/mathinsociety/current/Finance.pdf", + "http://www.opentextbookstore.com/mathinsociety/current/Finance.pdf", + "http://www.chemteam.info/Solutions/ppm1.html", + "http://www.unf.edu/~dtanner/StudyHall2071/studyprobes/2071_37_41Prob.htm", + "http://www.chemteam.info/Solutions/ppm1.html", + "http://www.cram.com/flashcards/study-guide-for-chapter-4-3459109" + ] + }, + "query": "what is 0.25 of 18000", + "query_id": 672167, + "query_type": "DESCRIPTION", + "wellFormedAnswers": [] + }, + "truncated_cells": [] + }, + { + "row_idx": 457, + "row": { + "answers": [ + "No Answer Present." + ], + "passages": { + "is_selected": [ + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0 + ], + "passage_text": [ + "Actually, I don't think Ancient Rome had much in the way of taxes for citizens for a long time. They had a very small property tax on land, wealth slaves, etc. and the provinces were taxed by community I think through some type of tithe system.", + "Even if it is, on the federal income tax (probably the same in all the states), that sort of deduction is possible only if you file schedule A-B, and that makes sense only if your total of medical expenses and charity is exceptionally large, as you must choose between that and the standard deduction.", + "Of course, the organization that you are coaching for has to be a registered 501(c)(3) tax-exempt org for these expenses to qualify. And your volunteer expenses will have to exceed 2% of your adjusted gross income to be deductible. Also, the expenses are net of any reimbursements or compensation received for coaching.", + "I have procrastinated in filing my income tax returns (like always) and find myself looking for more deductions this year. Since the organization I coach for is classified as a charitable organization, I believe I can deduct some of my coaching expenses.", + "You can deduct qualifying expenses paid in the tax year for: 1 Education during in the year, or. 2 Education that begins during the year, or. 3 Education that begins during the first three months of the following year.", + "News: This Forum is designed to help everyone get better at coaching youth football. Information about Offense, Defense, Special Teams, football drills, practice planning, game film, dealing with parents, building your Staff, football clinics or camps and how to run a Youth Football League.", + "Qualified expenses you pay for yourself, your spouse or your dependents are eligible for the deduction. Exceptions: 1 If you can be claimed as a dependent on your parents' or someone else's tax return, you cannot claim the higher education deduction.", + "OVERVIEW. The Tuition and Fees Deduction expired at the end of 2014. It allows you to deduct up to $4,000 from your income for qualifying tuition expenses paid for you, your spouse, or your dependents.", + "If you deduct these expenses under some other provision of the tax code, such as for employee or business expenses, you cannot also deduct the expenses for the Tuition and Fees Deduction.", + "You cannot take a deduction for: 1 Room and board, optional fees (such as for student health insurance), transportation, or other similar personal expenses. 2 Course-related books and supplies, unless you are required to buy them directly from the school." + ], + "url": [ + "http://www.dumcoach.com/general-discussion/coaching-deductions-irs/", + "http://www.dumcoach.com/general-discussion/coaching-deductions-irs/", + "http://www.dumcoach.com/general-discussion/coaching-deductions-irs/", + "http://www.dumcoach.com/general-discussion/coaching-deductions-irs/", + "https://turbotax.intuit.com/tax-tools/tax-tips/College/Deduction-for-Higher-Education/INF12002.html", + "http://www.dumcoach.com/general-discussion/coaching-deductions-irs/", + "https://turbotax.intuit.com/tax-tools/tax-tips/College/Deduction-for-Higher-Education/INF12002.html", + "https://turbotax.intuit.com/tax-tools/tax-tips/College/Deduction-for-Higher-Education/INF12002.html", + "https://turbotax.intuit.com/tax-tools/tax-tips/College/Deduction-for-Higher-Education/INF12002.html", + "https://turbotax.intuit.com/tax-tools/tax-tips/College/Deduction-for-Higher-Education/INF12002.html" + ] + }, + "query": "is coach training deductible as education expense", + "query_id": 406603, + "query_type": "DESCRIPTION", + "wellFormedAnswers": [] + }, + "truncated_cells": [] + }, + { + "row_idx": 458, + "row": { + "answers": [ + "No Answer Present." + ], + "passages": { + "is_selected": [ + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0 + ], + "passage_text": [ + "Newton explains why he played four games with torn rotator cuff FOXSports. Official: 'John 3:16' found written on Hernandez’s forehead The Boston Globe. Report: Raiders 'willing to walk away' from potential Lynch deal Sportsnaut. NFL's drug testing season conveniently begins on 4/20 SB Nation. Cousins' latest comments on contract situation will drive Redskins fans crazy For The Win. Koetter admits he'd rather not be on 'Hard Knocks' Larry Brown Sports.", + "2017-18 NFL TV Schedule on NBC, FOX, CBS, ESPN and NFL Network. The television schedule for the 2017-18 NFL regular season. The NFL regular season schedule will be released Thursday, April 20, according to Detroit Lions president Rod Wood. In the meantime here are the schedules for the NFL preseason and NFL Draft.", + "Michael Rothstein ESPN Staff Writer. Alabama linebacker Reuben Foster visited the Lions on Friday, according to ESPN's Adam Caplan. Foster is the No. 9 prospect in the draft according to Scouts, Inc. and the top inside linebacker in the draft.", + "Paul Kuharsky ESPN Staff Writer. Before he's drafted, Tennessee quarterback Joshua Dobbs has to finish a senior project with a team of eight engineering students. In Arizona, they have to design, build and fly a one-pound plane in a competition with 104 teams. You have to throw it to launch it, he said.", + "1 5 prospects the Green Bay Packers should target in the 2017 NFL Draft. 2 NFL Mock Draft 2017: Seven-round projection. 3 5 prospects the Chicago Bears should target in the 2017 NFL Draft. Joel Klatt reveals the key to determining the most valuable running back in the NFL Draft.", + "THIS WEEKEND: NBA Playoffs begin on ABC, ESPN and TNT. Schedule here. The television schedule for the 2017-18 NFL regular season. The NFL regular season schedule will be released Thursday, April 20, according to Detroit Lions president Rod Wood. In the meantime here are the schedules for the NFL preseason and NFL Draft.", + "Viewing Tweets won't unblock @ESPNNFL. 1 NFL on ESPN‏Verified account @ESPNNFL 38m38 minutes ago. The Browns have no plans to trade for a veteran QB. http://es.pn/2oOoCPR pic.twitter.com/lTFch7BuCA. 2 NFL on ESPN‏Verified account @ESPNNFL 16h16 hours ago.", + "2017 NFL Schedule. The 2017 NFL Schedule will likely be released in mid-to-late April. The Preseason Schedule has been announced and is listed below. Opponents for the 2017 season have already been determined and are listed on each team’s 2017 schedule. 2017 NFL PRESEASON SCHEDULE.", + "NFL on ESPN‏Verified account @ESPNNFL 38m38 minutes ago. The Browns have no plans to trade for a veteran QB. http://es.pn/2oOoCPR pic.twitter.com/lTFch7BuCA. 15 replies 25 retweets 90 likes. NFL on ESPN‏Verified account @ESPNNFL 16h16 hours ago.", + "We appreciate your input! 1 I'm having problems with Top Destinations. 2 I'm having issues searching. 3 I'm having problems with Featured Apps. I see an error in the 1 content. Other." + ], + "url": [ + "https://www.msn.com/en-us/sports/nfl", + "http://www.sportsmediawatch.com/nfl-tv-schedule-fox-cbs-nbc-sunday-night-football-espn-mnf-nfln-tnf/", + "http://www.espn.com/nfl/scoreboard", + "http://www.espn.com/nfl/scoreboard", + "https://www.foxsports.com/nfl", + "http://www.sportsmediawatch.com/nfl-tv-schedule-fox-cbs-nbc-sunday-night-football-espn-mnf-nfln-tnf/", + "https://twitter.com/ESPNNFL", + "http://www.fbschedules.com/nfl-schedule/", + "https://twitter.com/ESPNNFL", + "http://www.msn.com/en-us/sports/nfl/schedule" + ] + }, + "query": "nfl on espn schedule", + "query_id": 464153, + "query_type": "NUMERIC", + "wellFormedAnswers": [] + }, + "truncated_cells": [] + }, + { + "row_idx": 459, + "row": { + "answers": [ + "Incredimail Customer Service Phone Number Phone Number: 1 800 431 0705." + ], + "passages": { + "is_selected": [ + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 1 + ], + "passage_text": [ + "IncrediMail Support Phone Number IncrediMail Phone Support Number @ +1-800-961-1963 : Download Incredimail, Install & Setup Incredimail, Transfer Incredimail to new Computer, Transfer Incredimail Contacts, Incredimail Import and Export Emails, Troubleshoot Incredimail Errors, Fix Incredimail Problems, Incredimail Email Help and Support.", + "Dial Incredimail support phone number for technical support and help. Need Incredimail phone support? Use +1-888-606-4841 to Contact Incredimail Phone Number for Technical Support. Dial Incredimail support phone number for technical support and help. Technical Support – IncrediMail Help Center - Technical Support. Send & Receive Issues · How to correct an Email Account that does not send/receive?", + "Why can't I contact Incredimail directly? I need a refund and there isn't any place to get it. Tech support could not resolve our issues without an astranomical charge. I was charged twice for my Gold Gallery and I want the money back. As much as I like incredimail, the problems are too much to deal with.", + "Other IncrediMail Products & Services. Using IncrediMail. Getting Started. Promoted articles. How to correct an Email Account that does not send/receive? Comcast Account Configuration Application Crash on Launch Gmail Account Configuration Flash Issues Blank Status Window", + "Incredimail customer service phone number along with tips, reviews, hours and other useful links. ForLocations, The World's Best For Customer Service Info. Login", + "Easy Incredimail Help and Support for the customers: Interestingly, accessing an independent technician through the support helpline number has always been an easy and convenient procedure. It simply requires you to dial the phone number, and it will connect you to a particular help desk without any technical obstacles.", + "Help with IncrediMail License Registration Is IncrediMail compatible with Windows 10? French IncrediMail Version - français German IncrediMail Version - Deutsch", + "If you are not a IncrediMail Plus Member and would like to receive VIP Support, please click here. If you are an IncrediMail Plus Member, or have another product license that you cannot locate, please click the link below. Enter your email address, and a Support representative will contact you shortly.", + "IncrediMail's Support Page. 1 Users of the free IncrediMail program can choose from one of several Support options listed below: 2 IncrediMail Plus Members are welcome to access IncrediMail’s VIP Support to have all of their questions, comments and suggestions regarding IncrediMail answered. If you are a IncrediMail Plus Member and would like to contact our VIP Support Team, please click the 'Help' menu in your IncrediMail main window and select 'VIP Support'. Please Note: If you cannot find the 'Help' menu, click the word 'Menu' located in the upper right-hand corner of your IncrediMail main window.", + "Incredimail Customer Service Phone Number Phone Number: 1 (800) 431-0705. Shortcut: N/A - Edit" + ], + "url": [ + "https://www.incredimailcom.com/incredimail-support-phone-number/", + "https://www.incredimailcom.com/incredimail-support-phone-number/", + "http://www.forlocations.com/2216/incredimail-customer-service", + "https://support.incredimail.com/hc/en-us", + "http://www.forlocations.com/2216/incredimail-customer-service", + "https://www.incredimailcom.com/incredimail-support-phone-number/", + "https://support.incredimail.com/hc/en-us", + "http://www1.incredimail.com/english/help/support.aspx", + "http://www1.incredimail.com/english/help/support.aspx", + "http://www.forlocations.com/2216/incredimail-customer-service" + ] + }, + "query": "incredimail phone number", + "query_id": 395073, + "query_type": "NUMERIC", + "wellFormedAnswers": [] + }, + "truncated_cells": [] + }, + { + "row_idx": 460, + "row": { + "answers": [ + "Yes, trigeminal is nerve." + ], + "passages": { + "is_selected": [ + 0, + 0, + 0, + 1, + 0, + 0, + 0, + 0, + 0, + 0 + ], + "passage_text": [ + "However, diagnosing trigeminal neuralgia can be difficult and it can take a few years for a diagnosis to be confirmed. Read more about diagnosing trigeminal neuralgia. What causes trigeminal neuralgia? Trigeminal neuralgia is usually caused by compression of the trigeminal nerve. This is the nerve inside the skull that transmits sensations of pain and touch from your face, teeth and mouth to your brain. The compression of the trigeminal nerve is usually caused by a nearby blood vessel pressing on part of the nerve inside the skull. In rare cases trigeminal neuralgia can be caused by damage to the trigeminal nerve as a result of an underlying condition, such as multiple sclerosis (MS) or a tumour.", + "Trigeminal neuralgia is a chronic pain disorder that affects the trigeminal nerve. There are two main types: typical and atypical trigeminal neuralgia. The typical form results in episodes of severe, sudden, shock-like pain in one side of the face that lasts for seconds to a few minutes. Groups of these episodes can occur over a few hours. The atypical form results in a constant burning pain that is less severe. Episodes may be triggered by any touch to the face. Both forms may occur in the same", + "Trigeminal neuralgia causes facial nerve pain. Trigeminal neuralgia develops in mid to late life. The condition is the most frequently occurring of all the nerve pain disorders. Topics A-Z Slideshows Images Quizzes Medications Medical Dictionary", + "Trigeminal neuralgia. Trigeminal neuralgia (TN or TGN) is a chronic pain disorder that affects the trigeminal nerve. There are two main types: typical and atypical trigeminal neuralgia. The typical form results in episodes of severe, sudden, shock-like pain in one side of the face that lasts for seconds to a few minutes.", + "Trigeminal neuralgia is sudden, severe facial pain. It's often described as a sharp shooting pain or like having an electric shock in the jaw, teeth or gums. It usually occurs in short, unpredictable attacks that can last from a few seconds to about two minutes. The attacks stop as suddenly as they start.", + "However, not all people will have the symptoms described above and there are variants of TN. One of which is atypical trigeminal neuralgia (trigeminal neuralgia, type 2 or trigeminal neuralgia with concomitant pain ), based on a recent classification of facial pain.", + "Living with trigeminal neuralgia can be very difficult. It can have a significant impact on a person's quality of life, resulting in problems such as weight loss, isolation and depression. Read more about the symptoms of trigeminal neuralgia. When to seek medical advice", + "In most cases trigeminal neuralgia affects part or all of one side of the face, with the pain usually felt in the lower part of the face. Very occasionally it can affect both sides of the face, although not usually at the same time.", + "One, two, or all three branches of the nerve may be affected. Trigeminal neuralgia most commonly involves the middle branch (the maxillary nerve or V 2) and lower branch (mandibular nerve or V 3) of the trigeminal nerve.", + "Trigeminal neuralgia causes facial pain. Trigeminal neuralgia develops in mid to late life. The condition is the most frequently occurring of all the nerve pain disorders. The pain, which comes and goes, feels like bursts of sharp, stabbing, electric-shocks. This pain can last from a few seconds to a few minutes." + ], + "url": [ + "http://www.nhs.uk/Conditions/Trigeminal-neuralgia/Pages/Introduction.aspx", + "https://en.wikipedia.org/wiki/Trigeminus_neuralgia", + "https://www.emedicinehealth.com/trigeminal_neuralgia_facial_nerve_pain/article_em.htm", + "https://en.wikipedia.org/wiki/Trigeminus_neuralgia", + "http://www.nhs.uk/Conditions/Trigeminal-neuralgia/Pages/Introduction.aspx", + "https://en.wikipedia.org/wiki/Trigeminus_neuralgia", + "http://www.nhs.uk/Conditions/Trigeminal-neuralgia/Pages/Introduction.aspx", + "http://www.nhs.uk/Conditions/Trigeminal-neuralgia/Pages/Introduction.aspx", + "https://en.wikipedia.org/wiki/Trigeminus_neuralgia", + "https://www.emedicinehealth.com/trigeminal_neuralgia_facial_nerve_pain/article_em.htm" + ] + }, + "query": "is the trigeminal ner", + "query_id": 1174718, + "query_type": "DESCRIPTION", + "wellFormedAnswers": [] + }, + "truncated_cells": [] + }, + { + "row_idx": 461, + "row": { + "answers": [ + "No Answer Present." + ], + "passages": { + "is_selected": [ + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0 + ], + "passage_text": [ + "The major source of amylase in all species is pancreatic secretions, although amylase is also present in saliva of some animals, including humans. Pancreatic juice is composed of two secretory products critical to proper digestion: digestive enzymes and bicarbonate.The enzymes are synthesized and secreted from the exocrine acinar cells, whereas bicarbonate is secreted from the epithelial cells lining small pancreatic ducts.hree major groups of enzymes are critical to efficient digestion: 1. Proteases. Digestion of proteins is initiated by pepsin in the stomach, but the bulk of protein digestion is due to the pancreatic proteases.", + "1. Proteases Digestion of proteins is initiated by pepsin in the stomach, but the bulk of protein digestion is due to the pancreatic proteases. Several proteases are synthesized in the pancreas and secreted into the lumen of the small intestine.hree major groups of enzymes are critical to efficient digestion: 1. Proteases. Digestion of proteins is initiated by pepsin in the stomach, but the bulk of protein digestion is due to the pancreatic proteases.", + "Digestive enzymes are secreted by different exocrine glands including: 1 Salivary glands. 2 Secretory cells in the stomach. 3 Secretory cells in the pancreas. 4 Secretory glands in the small intestine. It is produced by the stomach cells called chief cells in its inactive form pepsinogen, which is a zymogen. 2 Pepsinogen is then activated by the stomach acid into its active form, pepsin. 3 Pepsin breaks down the protein in the food into smaller particles, such as peptide fragments and amino acids.", + "Epithelial cells in pancreatic ducts are the source of the bicarbonate and water secreted by the pancreas. Bicarbonate is a base and critical to neutralizing the acid coming into the small intestine from the stomach.hree major groups of enzymes are critical to efficient digestion: 1. Proteases. Digestion of proteins is initiated by pepsin in the stomach, but the bulk of protein digestion is due to the pancreatic proteases.", + "The enzymes that are secreted in the stomach are called gastric enzymes. The stomach plays a major role in digestion, both in a mechanical sense by mixing and crushing the food, and also in an enzymatic sense, by digesting it. It is produced by the stomach cells called chief cells in its inactive form pepsinogen, which is a zymogen. 2 Pepsinogen is then activated by the stomach acid into its active form, pepsin. 3 Pepsin breaks down the protein in the food into smaller particles, such as peptide fragments and amino acids.", + "1 Gastrin: This hormone, which is very similar to cholecystokinin, is secreted in large amounts by the stomach in response to gastric distention and irritation. 2 In addition to stimulating acid secretion by the parietal cell, gastrin stimulates pancreatic acinar cells to secrete digestive enzymes.s you might expect, secretion from the exocrine pancreas is regulated by both neural and endocrine controls. During interdigestive periods, very little secretion takes place, but as food enters the stomach and, a little later, chyme flows into the small intestine, pancreatic secretion is strongly stimulated.", + "The pancreas is a glandular organ in the upper abdomen, but really it serves as two glands in one: a digestive exocrine gland and a hormone-producing endocrine gland.Functioning as an exocrine gland, the pancreas excretes enzymes to break down the proteins, lipids, carbohydrates, and nucleic acids in food.he pancreas is a glandular organ in the upper abdomen, but really it serves as two glands in one: a digestive exocrine gland and a hormone-producing endocrine gland.", + "/re·nin/ (re´nin) a proteolytic enzyme synthesized, stored, and secreted by the juxtaglomerular cells of the kidney; it plays a role in regulation of blood pressure by catalyzing the conversion of angiotensinogen to angiotensin I.re·nin/ (re´nin) a proteolytic enzyme synthesized, stored, and secreted by the juxtaglomerular cells of the kidney; it plays a role in regulation of blood pressure by catalyzing the conversion of angiotensinogen to angiotensin I.", + "Secretion. The stomach produces and secretes several important substances to control the digestion of food. Each of these substances is produced by exocrine or endocrine cells found in the mucosa. 1 The main exocrine product of the stomach is gastric juice – a mixture of mucus, hydrochloric acid, and digestive enzymes.he stomach produces and secretes several important substances to control the digestion of food. Each of these substances is produced by exocrine or endocrine cells found in the mucosa. 1 The main exocrine product of the stomach is gastric juice – a mixture of mucus, hydrochloric acid, and digestive enzymes.", + "1 Lysozyme is an enzyme secreted by the salivary glands. 2 It kills bacteria. 3 Mucus is a fluid secreted by the foveolar cells in the stomach. 4 It protects the stomach wall. 5 Chymosin is a fluid secreted by the chief cells of the stomach.6 It coagulates milk and has an optimum pH of 3.5.his page is a comprehensive list of those secretions, their source, and their functions. 1 Enzymes speed up digestive processes to make digestion faster. 2 Hormones can stimulate digestion, and the release of hormones into the organs. 3 Mucus can protect the inner wall of organs, as well as lubricating them for movement." + ], + "url": [ + "http://www.vivo.colostate.edu/hbooks/pathphys/digestion/pancreas/exocrine.html", + "http://www.vivo.colostate.edu/hbooks/pathphys/digestion/pancreas/exocrine.html", + "https://en.wikipedia.org/wiki/Digestive_enzyme", + "http://www.vivo.colostate.edu/hbooks/pathphys/digestion/pancreas/exocrine.html", + "https://en.wikipedia.org/wiki/Digestive_enzyme", + "http://www.vivo.colostate.edu/hbooks/pathphys/digestion/pancreas/control.html", + "http://www.innerbody.com/image/endo03.html", + "http://medical-dictionary.thefreedictionary.com/renin", + "http://www.innerbody.com/image_digeov/dige11-new.html", + "http://scioly.org/wiki/index.php/Digestive_Secretion_List" + ] + }, + "query": "what is enzyme secretion", + "query_id": 744247, + "query_type": "DESCRIPTION", + "wellFormedAnswers": [] + }, + "truncated_cells": [] + }, + { + "row_idx": 462, + "row": { + "answers": [ + "To twine around." + ], + "passages": { + "is_selected": [ + 0, + 1, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0 + ], + "passage_text": [ + "Search comprehensively and find the name meaning of Liana and its name origin or of any other name in our database. Also note the spelling and the pronunciation of the name Liana and check the initials of the name with your last name to discover how it looks and sounds.", + "The name Liana is of French origin. The meaning of Liana is to twine around. It is also of English origin, where its meaning is nickname for names ending with -liana. Liana is generally used as a girl's name. It consists of 5 letters and 3 syllables and is pronounced Li-a-na.", + "A beautiful girl with an amazing heart. Doesn't open up to people soon but as soon as she has trust in you she will pour her heart out. A Liana will always give the very last of what she has just to make others happy. She is very trustworthy and an honest friend. If you ever have a bestfriend with the name of Liana you will never be left alone. Anna: Liana never opens up to me I think she's a bitch. Jon: no, she is not a bitch I've known her for many years, she just has been through so much in her life that it is so painful for her to open up so quickly.", + "The name Liyana is of Arabic origin. The meaning of Liyana is soft, tender. Liyana is generally used as a girl's name. It consists of 6 letters and 3 syllables and is pronounced Liy-a-na.", + "The meaning of Liana has more than one different etymologies. It has same or different meanings in other countries and languages. The different meanings of the name Liana are: American meaning: To bind or wrap around.", + "Comments and insights on the name Liana: | Edit. Liana is a type of vine that grows in the jungle. ALAIN, ALANI, ALINA, ANALI, ILANA, LAINA and LIANA are anagrams of each other; they contain the same letters. My name is liana. And I've only met one other person with my name. My parents chose it because it came from a Greek name (my heritage).", + "Popularity of the Name Liana. This name is not popular in the US, according to Social Security Administration, as there are no popularity data for the name. This doesn't mean that the name Liana is not popular in other countries all over the world.", + "The meaning of Liana has more than one different etymologies. It has same or different meanings in other countries and languages. The different meanings of the name Liana are: 1 American meaning: To bind or wrap around. French meaning: To bind or wrap around.", + "The meaning of Liana has more than one different etymologies. It has same or different meanings in other countries and languages. The different meanings of the name Liana are: 1 American meaning: To bind or wrap around. 2 French meaning: To bind or wrap around. Hebrew meaning: To bind like a vine.", + "Contribute your knowledge to the name Liana. Report inappropriate content. Liana is a type of vine that grows in the jungle. ALAIN, ALANI, ALINA, ANALI, ILANA, LAINA and LIANA are anagrams of each other; they contain the same letters. My name is liana." + ], + "url": [ + "http://www.thenamemeaning.com/liana/", + "http://www.ourbabynamer.com/meaning-of-Liana.html", + "http://www.urbandictionary.com/define.php?term=Liana", + "http://www.ourbabynamer.com/meaning-of-Liyana.html", + "http://www.thenamemeaning.com/liana/", + "http://www.babynamewizard.com/baby-name/girl/liana", + "http://www.thenamemeaning.com/liana/", + "http://www.thenamemeaning.com/liana/", + "http://www.thenamemeaning.com/liana/", + "http://www.babynamewizard.com/baby-name/girl/liana" + ] + }, + "query": "meaning of liana", + "query_id": 448154, + "query_type": "DESCRIPTION", + "wellFormedAnswers": [] + }, + "truncated_cells": [] + }, + { + "row_idx": 463, + "row": { + "answers": [ + "No Answer Present." + ], + "passages": { + "is_selected": [ + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0 + ], + "passage_text": [ + "Luckily for Uber, Lyft, and other rideshare drivers, there are new insurance products being created that can cover both personal auto use and the insurance gap. February 2016 Update: State Farm is now offering a ridesharing endorsement in Colorado.", + "Instead of coming up with an entirely new commercial insurance product, USAA’s rideshare insurance extends your existing personal policy at the tune of $6 to $8 extra per month. This makes getting rideshare insurance an easy and cheap process for existing USAA customers.", + "Auto insurers are finally starting to make peace with rideshare drivers. List of rideshare companies. In case you have been tucked away in the suburbs, rideshare drivers are everyday people who use apps run from companies such as Uber, Lyft and Sidecar to turn their personal cars into taxis of sorts.", + "Always Ready: U.S. Coast Guard Celebrates 226 Years. The country’s longest continuously operating sea service was founded by Alexander Hamilton under President George Washington. Today, more than 80,000 women and men serve in the Coast Guard.", + "We are working as fast as possible to provide Ridesharing Insurance in as many places as we can. AL, AZ, CT, CO, DE, DC, GA, ID, IL, IN, IA, KS, LA, ME, MD, MN, MS, MO, NE, NM, ND, OH, OK, OR, PA, RI, SC, SD, TN, TX, VT, VA, WI, and WY.", + "Our Ridesharing Insurance policy is a hybrid policy and will replace your existing personal auto policy. Once you purchase our policy, you no longer need your personal auto policy. Note: If you have multiple vehicles, you will need to continue personal auto insurance on the vehicles not used for ridesharing.", + "Available for: all rideshare drivers (who have served in the military or are a spouse or child of someone who is a USAA member) Available in: California, Colorado, Texas. USAA took a different route when devising their rideshare insurance product.", + "Their new rideshare insurance product is offered by Geico Commercial, but it’s much cheaper than Geico’s other commercial auto insurance policies. If you live in Virginia, Maryland, Texas, Georgia, Connecticut, Ohio, or Pennsylvania you can use their website to get a quote.", + "We are working as fast as possible to provide Ridesharing Insurance in as many places as we can. Currently, we offer this coverage in: AL, AZ, CT, CO, DE, DC, GA, ID, IL, IN, IA, KS, LA, ME, MD, MN, MS, MO, NE, NM, ND, OH, OK, OR, PA, RI, SC, SD, TN, TX, VT, VA, WI, and WY.", + "Is GEICO's Rideshare policy a hybrid policy? Yes, our Ridesharing Insurance policy is a hybrid policy and will replace your existing personal auto policy. So not only do you have coverage for personal use, you have the added level of protection for ridesharing; all for a competitive price." + ], + "url": [ + "https://www.policygenius.com/blog/uber-lyft-and-other-rideshare-drivers-now-have-insurance-options/", + "https://www.policygenius.com/blog/uber-lyft-and-other-rideshare-drivers-now-have-insurance-options/", + "http://www.insurance.com/auto-insurance/coverage/insurance-rideshare-uber-lyft.html", + "https://communities.usaa.com/t5/USAA-News/bg-p/usaa-news", + "https://www.geico.com/information/aboutinsurance/ridesharing/faq/", + "https://www.geico.com/information/aboutinsurance/ridesharing/faq/", + "https://www.policygenius.com/blog/uber-lyft-and-other-rideshare-drivers-now-have-insurance-options/", + "https://www.policygenius.com/blog/uber-lyft-and-other-rideshare-drivers-now-have-insurance-options/", + "https://www.geico.com/information/aboutinsurance/ridesharing/faq/", + "https://www.geico.com/information/aboutinsurance/ridesharing/faq/" + ] + }, + "query": "does usaa provide rideshare auto insurance", + "query_id": 173595, + "query_type": "DESCRIPTION", + "wellFormedAnswers": [] + }, + "truncated_cells": [] + }, + { + "row_idx": 464, + "row": { + "answers": [ + "No Answer Present." + ], + "passages": { + "is_selected": [ + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0 + ], + "passage_text": [ + "Change your font from Calibri (MS Word default font) to Verdana, for example, and your paper will appear to be up to 20-25% longer. That means a paper that fills 10 pages will fill 11 pages. Adding more space between characters and lines.", + "Use the below information for a general reference, but don’t assume it will be the case at all times. Here are basic word to pages conversions: 500 words is 1 page single spaced, 2 pages double spaced. 1,000 words is 2 pages single spaced 4 pages double spaced. 1,500 words is 3 pages single spaced, 6 pages double spaced. 2,000 words is 4 pages single spaced, 8 pages double spaced.", + "This is a tool to estimate how many pages long your paper will be, depending on word count and font name. You can use this tool when you write and also when you order from an academic writing website. Some savvy students are astute enough to use their knowledge of font (also called 'typeface') to their advantage.", + "Going with the average of 250 typed words per page, 5 pages would yield 1,250 (1,300 rounded) words. Views · View Upvotes.", + "For assignments that require double spacing, it would take approximately 250 words to fill the page. For an assignment that requires you to write four pages, you can make the estimation that you’ll need to write approximately 2000 words for a single spaced paper, or 1000 words if the assignment is double spaced.", + "U could probably do it in like 2-3 hours. It would be terrible and include little research, but I could do it. If I wanted to make it an actual solid paper with research and shit it'd be more like 8 or so hours probably. Depends on the kind of paper, topic and how much time I have to complete it.", + "It has to be 250-500 words. The 1-2 page limit is probably double-spaced. Remember college adcoms only have like, a minute with the essay. I have a feeling an essay that exceeds the limit by more than 200% would annoy adcoms immensely.", + "About as long as it would take me to write a 5 page single spaced paper. TJ_Dragna likes this. Depends on the topic. If there's a lot of good sources it's no problem, without good sources it could take a long time. About as long as it would take me to write a 5 page single spaced paper.", + "Messages: 90,165. Date Posted: Dec 16, 2013 #10. Took me 15+ hours to write a 7 page (which ended up being 8 pages) research paper a couple weeks ago. It was the first paper I had written in a very long time though.", + "Assuming you are writing in Google Docs or Word with 10-12 pt font and single line spacing, 5 pages is ~ 2500 words (500 words per page)" + ], + "url": [ + "https://essayscam.org/word-page-count-calculator/", + "https://wordcounter.net/blog/2015/09/18/10655_how-many-pages-is-2000-words.html", + "https://essayscam.org/word-page-count-calculator/", + "https://www.quora.com/How-many-words-in-5-pages-essay", + "https://wordcounter.net/blog/2015/09/18/10655_how-many-pages-is-2000-words.html", + "http://www.ign.com/boards/threads/how-long-would-it-take-you-to-write-a-10-page-paper-double-spaced.453622501/", + "http://talk.collegeconfidential.com/columbia-university/800749-essay-length-1-2-pages-or-250-500-words.html", + "http://www.ign.com/boards/threads/how-long-would-it-take-you-to-write-a-10-page-paper-double-spaced.453622501/", + "http://www.ign.com/boards/threads/how-long-would-it-take-you-to-write-a-10-page-paper-double-spaced.453622501/", + "https://www.quora.com/How-many-words-in-5-pages-essay" + ] + }, + "query": "how many words is a 5 page paper double page", + "query_id": 300285, + "query_type": "NUMERIC", + "wellFormedAnswers": [] + }, + "truncated_cells": [] + }, + { + "row_idx": 465, + "row": { + "answers": [ + "1 If you have dog shampoo, you can make a permithrin solution to kill maggots. 2 If you have bleach, you can use it as a cheap and effective maggot killer." + ], + "passages": { + "is_selected": [ + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 1 + ], + "passage_text": [ + "The best way to treat maggot wound is to apply ivermectin injection and betadine powder on the wound, give 1 ml injection to the dog. You will see the maggot will come out or die within hours and wound will heal in 3 to 4 days.", + "Treating Wound in Small Animal With Maggot. I have experienced a way to get rid of maggots. First was a stray cat with its ear bitten and serum dripping wound and maggot infested, and foul smelling. I searched the net for an answer. I found the only way was to put the animal to rest. Once infested with maggots, the net material said it was living death.", + "Myiasis is a the term used to describe a maggot infestation. Maggots are fly larva that feed on necrotic and dying tissue. Especially prone are those pets confined to the outdoors with situations in which their skin remains moist. This includes pets with draining wounds, urine or fecal stained hair coats, or bacterial skin infections.", + "Clean the trash can with a mixture of water and vinegar to remove any odors and repel flies. Flies leave larvae that grow into maggots. Thoroughly dry out the trash can after cleaning, as maggots thrive in moist environments. Bay leaves and mint oil are known to repel flies. Place a few bay leaves in the trash bag and spray the outside of the trash can with mint oil to help keep maggots away.", + "Diagnosis of myiasis is based on visualizing the maggots on the skin or in the wounds. Fly eggs can sometimes be found. Eggs (also called fly blow) are small white and sticky. They usually can only be removed by shaving the hair.", + "Discourage and prevent flies from hanging around to prevent maggot infestations. When flies find a hospitable place to hang out, such as a garbage bin, they lay eggs that hatch into maggots. While keeping garbage covered and unattractive to flies can help prevent the problem, you still need to eradicate any maggots that have appeared. But don't reach for a bug bomb; simple table salt is an inexpensive and easy solution.", + "A wound of the size of a pinhole may be enough for a fly to get attracted and lay eggs on. In areas the animal can reach with his tongue, these fly eggs are usually licked off. Danger areas for an animal where maggot infestations are common are the ears, anywhere on the head and neck, back of the body, anus.", + "REMOVING DEAD MAGGOTS: Check the wound to see if the maggots show signs of life. Even when you think you have removed all the maggots, inspect the inside of the wound thoroughly with a torch. Maggots often create tiny tunnels leading from the main wound deeper into the body of the dog.", + "Maggots are fly larvae, and they can be hard to eliminate. Whether they have infested your trash can, your home or you have somehow managed to have them as part of an infection on your body (myiasis), you need to know how to kill maggots in order to successfully get rid of these creatures. Household Solutions.", + "There are few things more upsetting than a maggot infection, but you likely have the tools you need to get rid of them already lying around your house: 1 If you have dog shampoo, you can make a permithrin solution to kill maggots. 2 If you have bleach, you can use it as a cheap and effective maggot killer." + ], + "url": [ + "https://jaagruti.org/2013/08/06/treating-dogs-with-maggot-infestations/", + "http://maggotsthreapy.blogspot.com/2010/02/treating-wound-in-small-animal-with.html", + "http://www.petplace.com/article/cats/diseases-conditions-of-cats/worms-parasites/myiasis-maggots-in-cats", + "https://www.reference.com/home-garden/home-remedy-kill-maggots-4ee0394f1e3c9850", + "http://www.petplace.com/article/cats/diseases-conditions-of-cats/worms-parasites/myiasis-maggots-in-cats", + "http://homeguides.sfgate.com/salt-kill-maggots-86754.html", + "https://jaagruti.org/2013/08/06/treating-dogs-with-maggot-infestations/", + "https://jaagruti.org/2013/08/06/treating-dogs-with-maggot-infestations/", + "http://www.wikihow.com/Kill-Maggots", + "http://www.wikihow.com/Kill-Maggots" + ] + }, + "query": "home remedies for getting rid of maggots on a wound", + "query_id": 204536, + "query_type": "DESCRIPTION", + "wellFormedAnswers": [] + }, + "truncated_cells": [] + }, + { + "row_idx": 466, + "row": { + "answers": [ + "No Answer Present." + ], + "passages": { + "is_selected": [ + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0 + ], + "passage_text": [ + "Travel nursing is a nursing assignment concept that developed in response to the nursing shortage.This industry supplies nurses who travel to work in temporary nursing positions, mostly in hospitals.he usual requirements for becoming a travel nurse are a minimum of 1.5 years of clinical experience with 1 year being preferred in one's specialty and licensure in the state of employment, often granted through reciprocity with the home state's board of nursing.", + "Getting your name and specialty experience in front of a travel nursing recruiter is the best way to find the latest RN travel nursing jobs.Read up on traveling nurse RN salaries, and find out about the great benefits travel nursing offers, including free ceu’s, housing incentives, 401K, insurance, and more.TravelNursing.com has helped many RN nurses just like you find the right travel nursing jobs for their needs.Watch what some of our travelers are saying.alary & Benefits. Read up on traveling nurse RN salaries, and find out about the great benefits travel nursing offers, including free ceu’s, housing incentives, 401K, insurance, and more.", + "Salary & Benefits. Read up on traveling nurse RN salaries, and find out about the great benefits travel nursing offers, including free ceu’s, housing incentives, 401K, insurance, and more.TravelNursing.com has helped many RN nurses just like you find the right travel nursing jobs for their needs.Watch what some of our travelers are saying.alary & Benefits. Read up on traveling nurse RN salaries, and find out about the great benefits travel nursing offers, including free ceu’s, housing incentives, 401K, insurance, and more.", + "A career as a travel nurse can provide you with one of the most long-lasting experiences of your life. MedStaff will provide you with excellent travel nursing assignments that have top pay and great benefits.nly with a travel nurse job can you pick and choose where you want to work and for how long. When you work with MedStaff, you have the ability to become the decision maker; determining how fast or slow your travel nurse career can go.", + "Don’t spend hours filling out travel nursing job applications for each travel nurse employment company. With RNvip.com you’ll just fill out 1 application to get direct access to the top travel nurse companies of your choice.Nvip® services provide you with direct access to the top travel nurse employment companies who are actively recruiting travel nurses and placing nurses into travel nursing jobs offering great pay, benefits and incentives.", + "Imagine your life as a travel nurse — being able to choose the city you want to work in, the healthcare facility, even the shift you want to fill, then having the freedom to change it all up again in 13 or 26 weeks-that's what travel nursing is all about. You decide your every move...go at your own speed...and dictate your own path to success. We'll just make sure you keep heading in the right direction while earning the top salary and benefits you deserve. As far as nursing careers go, nothing compares to the experience and adventure that travel nursing offers.Working at some of the nation's most prestigious facilities will give you a fresh new perspective on your own abilities.magine your life as a travel nurse — being able to choose the city you want to work in, the healthcare facility, even the shift you want to fill, then having the freedom to change it all up again in 13 or 26 weeks-that's what travel nursing is all about. You decide your every move...", + "And when you make Cross Country TravCorps your travel nurse agency of choice, you'll gain the confidence of knowing that you are working with the leader in the industry. Of course, we know that our success is dependent on the quality of our nurses.magine your life as a travel nurse — being able to choose the city you want to work in, the healthcare facility, even the shift you want to fill, then having the freedom to change it all up again in 13 or 26 weeks-that's what travel nursing is all about. You decide your every move...", + "More Than High Pay ... Our travel nurse agency offers RNs the perfect way to enhance their career and enrich their life. Traveling to exciting new places is even more rewarding when you can stay a while and meet the friendly natives. Travel nursing jobs are so much more than just high pay and benefits.They're a way to make new friends, learn new skills and take in the scenery of your dreams.ore Than High Pay ... Our travel nurse agency offers RNs the perfect way to enhance their career and enrich their life. Traveling to exciting new places is even more rewarding when you can stay a while and meet the friendly natives. Travel nursing jobs are so much more than just high pay and benefits.", + "Fast-track your nurse job hunt: American Mobile is actively recruiting RNs in a wide variety of specialties for immediate travel nursing assignments. We offer exclusive nursing jobs with the nation’s best facilities to help you find an assignment at any time of the year.Free housing, travel reimbursement, competitive pay and a comprehensive benefits package are just a few of the perks American Mobile has to offer!For a limited time, we’re working to fill a shortage of nurses, meaning more travel nursing assignments in more locations, starting now!e offer exclusive nursing jobs with the nation’s best facilities to help you find an assignment at any time of the year. Free housing, travel reimbursement, competitive pay and a comprehensive benefits package are just a few of the perks American Mobile has to offer!", + "Travel nurse housing and expense reimbursement. 1 Free, quality housing. 2 One of the best benefits of travel nursing is cost-free housing. 3 Our travel partners provide you with private, comfortable, fully furnished accommodations — with premium appliances — in a convenient location, at no cost to you. Sign-on, completion and referral bonuses. 2 Many of the facilities that our travel nursing partners work with offer sign-on and completion bonuses of up to $6,000. 3 You can also earn bonuses by referring your friends and colleagues to our partners." + ], + "url": [ + "https://en.wikipedia.org/wiki/Travel_nursing", + "http://www.travelnursing.com/", + "http://www.travelnursing.com/", + "https://www.medstaffinc.com/", + "https://www.rnvip.com/", + "https://www.crosscountrytravcorps.com/", + "https://www.crosscountrytravcorps.com/", + "https://www.americantraveler.com/", + "http://www.americanmobile.com/travel-nurse-jobs/?lo=Google_PPC", + "http://www.travelnursing.com/career-resource-center/traveling-nurse-RN-salary-benefits-housing/" + ] + }, + "query": "is traveling nursing a union job", + "query_id": 429900, + "query_type": "DESCRIPTION", + "wellFormedAnswers": [] + }, + "truncated_cells": [] + }, + { + "row_idx": 467, + "row": { + "answers": [ + "No Answer Present." + ], + "passages": { + "is_selected": [ + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0 + ], + "passage_text": [ + "How to use citation info. (on Archives.gov). Approved July 2, 1890, The Sherman Anti-Trust Act was the first Federal act that outlawed monopolistic business practices. The Sherman Antitrust Act of 1890 was the first measure passed by the U.S. Congress to prohibit trusts.It was named for Senator John Sherman of Ohio, who was a chairman of the Senate finance committee and the Secretary of the Treasury under President Hayes.ow to use citation info. (on Archives.gov). Approved July 2, 1890, The Sherman Anti-Trust Act was the first Federal act that outlawed monopolistic business practices. The Sherman Antitrust Act of 1890 was the first measure passed by the U.S. Congress to prohibit trusts.", + "Passed in 1890, the Sherman Antitrust Act was the first major legislation passed to address oppressive business practices associated with cartels and oppressive monopolies. The Sherman Antitrust Act is a federal law prohibiting any contract, trust, or conspiracy in restraint of interstate or foreign trade.ven though the title of the act refers to trusts, the Sherman Antitrust Act actually has a much broader scope. It provides that no person shall monopolize, attempt to monopolize or conspire with another to monopolize interstate or foreign trade or commerce, regardless of the type of business entity.", + "Sherman Antitrust Act. Sherman Antitrust Act, 1890, first measure passed by the U.S. Congress to prohibit trusts; it was named for Senator John Sherman. Prior to its enactment, various states had passed similar laws, but they were limited to intrastate businesses.n the Wilson administration the Clayton Antitrust Act (1914) was enacted to supplement the Sherman Antitrust Act, and the Federal Trade Commission (FTC) was set up (1914).", + "Posted on. (Answer #1). The purpose of the Sherman Antitrust Act was to destroy monopolies that were using their power to harm society. In the late 1800s, the US economy had come to be dominated by huge companies that controlled the vast majority of certain markets.osted on. (Answer #1). The purpose of the Sherman Antitrust Act was to destroy monopolies that were using their power to harm society. In the late 1800s, the US economy had come to be dominated by huge companies that controlled the vast majority of certain markets.", + "The purpose of the Interstate Commerce Act (1887), the Sherman Antitrust Act (1890), and the Clayton Antitrust Act (1914) was to. 1.he purpose of the Interstate Commerce Act (1887), the Sherman Antitrust Act (1890), and the Clayton Antitrust Act (1914) was to. 1.", + "The major purpose of the Sherman Antitrust Act of 1890 and the Clayton Antitrust Act of 1914 was to prevent major companies from from becoming monopolies in their areas an … d controlling the markets.Answered.In Marketing Advertising and Sales.ongress passed the Interstate Commerce Act of 1887 and the Sherman Antitrust Act of 1890 in response to prohibit monopolies.", + "Sen. John Sherman (R – OH), the principal author of the Sherman Antitrust Act. The Sherman Antitrust Act (Sherman Act, 26 Stat. 209, 15 U.S.C. §§ 1 – 7) is a landmark federal statute in the history of United States antitrust law (or competition law ) passed by Congress in 1890.en. John Sherman (R – OH), the principal author of the Sherman Antitrust Act. The Sherman Antitrust Act (Sherman Act, 26 Stat. 209, 15 U.S.C. §§ 1 – 7) is a landmark federal statute in the history of United States antitrust law (or competition law ) passed by Congress in 1890.", + "The act was further employed by President Taft in 1911 against the Standard Oil trust and the American Tobacco Company. In the Wilson administration the Clayton Antitrust Act Clayton Antitrust Act,1914, passed by the U.S. Congress as an amendment to clarify and supplement the Sherman Antitrust Act of 1890.It was drafted by Henry De Lamar Clayton......Click the link for more information.he act was further employed by President Taft in 1911 against the Standard Oil trust and the American Tobacco Company. In the Wilson administration the Clayton Antitrust Act Clayton Antitrust Act,1914, passed by the U.S. Congress as an amendment to clarify and supplement the Sherman Antitrust Act of 1890.", + "The Sherman Anti-Trust Act of 1890 (15 U.S.C.A. §§ 1 et seq.), the first and most significant of the U.S. antitrust laws, was signed into law by President Benjamin Harrison and is named after its primary supporter, Ohio Senator John Sherman.he Sherman Anti-Trust Act of 1890 (15 U.S.C.A. §§ 1 et seq.), the first and most significant of the U.S. antitrust laws, was signed into law by President Benjamin Harrison and is named after its primary supporter, Ohio Senator John Sherman.", + "4. The purpose of the Interstate Commerce Act (1887) , the Sherman Antitrust Act (1890) and the Clayton Antitrust Act (1914) was to. 1. eliminate unfair business practices.2. reduce imports from foreign nations.3 reduce the power of the unions.4. increase the power of local governments.. The purpose of the Interstate Commerce Act (1887) , the Sherman Antitrust Act (1890) and the Clayton Antitrust Act (1914) was to. 1. eliminate unfair business practices.2. reduce imports from foreign nations.3 reduce the power of the unions.4. increase the power of local governments." + ], + "url": [ + "http://www.ourdocuments.gov/doc.php?doc=51", + "http://business-law.freeadvice.com/business-law/trade_regulation/anti_trust_act.htm", + "http://www.infoplease.com/encyclopedia/history/sherman-antitrust-act.html", + "http://www.enotes.com/homework-help/what-was-purpose-sherman-antitrust-act-1890-316943", + "http://regentsprep.org/Regents/core/questions/question.cfm?Course=USHG&TopicCode=4b&QNum=24&Wrong=0", + "http://www.answers.com/Q/What_is_the_purpose_of_the_interstate_commerce_act_1887_and_the_sherman_antitrust_act_1890", + "https://en.wikipedia.org/wiki/Sherman_Antitrust_Act", + "http://encyclopedia2.thefreedictionary.com/Sherman+Antitrust+Act+of+1890", + "http://legal-dictionary.thefreedictionary.com/Sherman+Anti-Trust+Act", + "http://www.edusolution.com/edusolution2/regentsquiz/ushistorypackage/industry/frame2.htm" + ] + }, + "query": "purpose sherman antitrust act 1890", + "query_id": 484145, + "query_type": "DESCRIPTION", + "wellFormedAnswers": [] + }, + "truncated_cells": [] + }, + { + "row_idx": 468, + "row": { + "answers": [ + "It is a term related to various considerations about a worker’s view of the wages he or she receives in relation to ideas or observation of what wages he or she should." + ], + "passages": { + "is_selected": [ + 0, + 0, + 0, + 1, + 0, + 0, + 0, + 0, + 0, + 0 + ], + "passage_text": [ + "Employees are issued different types of equity, or stock, depending on when they join a company and the roll they play. One type of employee equity is restricted stock, which is issued commonly to employees who were present during startup or who are senior executives.", + "In any court, equity or otherwise, a case or issue may be referred to as equitable. This generally means that the relief requested by the plaintiff is not a money award. Whether to grant equitable relief is left to the discretion of the judge.", + "There are ways to notice if you might have an internal pay equity issue at your company. The clues come from not only your employees’ grumblings, but also by taking a close look at your company’s HR policies. Employees give negative feedback in regard to salaries and promotions.", + "Internal equity is a term related to various considerations about a worker’s view of the wages he or she receives in relation to ideas or observation of what wages he or she should.", + "An example of the application of internal equity can be seen where a worker checks the total wages for performing a duty in a particular organization in comparison to what another worker in another organization gets for performing essentially the same duties.", + "There are ways to notice if you might have an internal pay equity issue at your company. The clues come from not only your employees’ grumblings, but also by taking a close look at your company’s HR policies. Indicators of Possible Pay Inequity. Employees give negative feedback in regard to salaries and promotions.", + "uk ​ us ​. › HR a situation in which employees who do similar jobs within a company receive similar salaries, and the amount they are paid is related in a fair way to the type of job that they do: Among retail salespersons, internal equity was found to be more important to salespersons than external equity. Compare.", + "Team equity refers to the split in ownership, or equity, that the founders of a startup receive. Noam Wasserman and Thomas F. Hellman report that one-third of startups split founder's equity equally. Many factors influence how team equity is divided.", + "Employee equity and team equity differ in that team equity refers to the ownership share of the founders of a company. Employee equity doesn't necessarily involve the founders of a company, although sometimes it's issued along with founder's equity during the startup period of a company.", + "In its broadest sense, equity is fairness. As a legal system, it is a body of law that addresses concerns that fall outside the jurisdiction of Common Law. Equity is also used to describe the money value of property in excess of claims, liens, or mortgages on the property." + ], + "url": [ + "http://smallbusiness.chron.com/difference-between-employee-equity-team-equity-34692.html", + "http://legal-dictionary.thefreedictionary.com/Equity", + "http://www.payscale.com/compensation-today/2009/03/importance-of-internal-pay-equity", + "http://www.wisegeek.com/what-is-internal-equity.htm", + "http://www.wisegeek.com/what-is-internal-equity.htm", + "http://www.payscale.com/compensation-today/2009/03/importance-of-internal-pay-equity", + "http://dictionary.cambridge.org/us/dictionary/english/internal-equity", + "http://smallbusiness.chron.com/difference-between-employee-equity-team-equity-34692.html", + "http://smallbusiness.chron.com/difference-between-employee-equity-team-equity-34692.html", + "http://legal-dictionary.thefreedictionary.com/Equity" + ] + }, + "query": "what does internal equity mean", + "query_id": 639741, + "query_type": "DESCRIPTION", + "wellFormedAnswers": [] + }, + "truncated_cells": [] + }, + { + "row_idx": 469, + "row": { + "answers": [ + "Graff Vivid Yellow" + ], + "passages": { + "is_selected": [ + 0, + 0, + 0, + 0, + 0, + 0, + 1, + 0, + 0, + 0 + ], + "passage_text": [ + "Yellow Diamond Color and its effect on pricing. The price of commodities is dictated by supply and demand - basic rules of economy. BUT… in yellow diamonds (and actually most colored diamonds) the problem is that the most desired diamonds (i.e. demand) are also the rarest diamonds (i.e. supply). The result is that the price increase between the color scale levels are EXTREMELY high (percentage wise).", + "Note that while there is a strong trend of buying yellow diamonds for investment purposes, this guide is not meant for that. This guide has all that is needed in order to buy a yellow diamond for what it was intended - making beautiful jewelry.", + "Natural Yellow Diamonds. Yellow Diamonds are the most desired colored diamonds. They are fashionable, warm, cheerful and will literally light up the room. They come in a variety of colors, from the warm brown yellow to the fire like orangy yellow. All that is left is to choose!", + "November 15, 2011. The world’s biggest yellow diamond recently sold at auction for $10.9 million (before tax). Sotheby’s Auction house had estimated that the 110.3-carat “Sun Drop Diamond” would fetch between $11 million and $15 million at the auction in Geneva.", + "An estimated 65% of the world’s diamonds come from African nations, and this nation yielded an astonishing cut diamond weighing 203.04 carats. This makes it the second largest colorless and flawless diamond in the world (with the highest purity rating of D; the scale goes from D to Z).", + "World’s Biggest Yellow Diamond Sells for $10.9 Million. The world’s biggest yellow diamond recently sold at auction for $10.9 million (before tax). Sotheby’s Auction house had estimated that the 110.3-carat “Sun Drop Diamond” would fetch between $11 million and $15 million at the auction in Geneva.", + "The biggest yellow diamond, a 100-carat one, was sold in Geneva for $16.3 million. A private buyer acquired the Graff Vivid Yellow at a Geneva jewellery sale in Sotheby's auction house. Reuters reported that it was a world record for the jewellery auction of a yellow diamond, according to David Bennett, the chairman of Sotheby's Switzerland.", + "World’s Largest 100-Carat Yellow Diamond Sold for $16.3 Million at Geneva Auction. A model poses with a vivid yellow 100.09 carats diamond during an auction preview at Sotheby's in Geneva May 7, 2014. This item is expected to reach between CHF 13,250,000 to 22,250,000 (USD 15,000,000 to 25,000,000) when it goes on sale May 13, 2014 in Geneva.", + "(mumbai) i think it is quite understood that the diamond is the largest forevermark diamond as it says in the first line The gem and jewellery industry will be treated to auction for a Forevermark fancy yellow diamond, the largest in the world, at the Saffronart.com auction slated from October 7-8 2008. The auction is the first edition of many such to follow and the first of its kind for the industry, so far.", + "The largest yellow diamond in the world was purchased anonymously at auction in Geneva for nearly $11 million - a record price. Scott Pelley repo... GENEVA - The world's largest known yellow diamond has been sold at auction for over approximately $10.65 million. Auction house Sotheby's had estimated that the pear-shaped Sun-Drop Diamond would fetch between $10.75 million and $14.66 million at auction Tuesday in Geneva. It was bought by a telephone bidder." + ], + "url": [ + "http://www.naturallycolored.com/buying-guide/yellow-diamonds-buying-guide", + "http://www.naturallycolored.com/buying-guide/yellow-diamonds-buying-guide", + "http://www.naturallycolored.com/yellow-diamonds", + "http://www.inquisitr.com/159976/worlds-biggest-yellow-diamond-sells-for-10-9-million/", + "http://www.therichest.com/rich-list/the-biggest/a-miners-best-friend-the-10-largest-uncut-rough-diamonds/", + "http://www.inquisitr.com/159976/worlds-biggest-yellow-diamond-sells-for-10-9-million/", + "http://www.ibtimes.com.au/worlds-largest-100-carat-yellow-diamond-sold-163-million-geneva-auction-1340800", + "http://www.ibtimes.com.au/worlds-largest-100-carat-yellow-diamond-sold-163-million-geneva-auction-1340800", + "http://www.diamondworld.net/contentview.aspx?item=3089", + "http://www.cbsnews.com/news/worlds-largest-yellow-diamond-fetches-107m/" + ] + }, + "query": "largest yellow diamond", + "query_id": 437665, + "query_type": "ENTITY", + "wellFormedAnswers": [] + }, + "truncated_cells": [] + }, + { + "row_idx": 470, + "row": { + "answers": [ + "Deposition" + ], + "passages": { + "is_selected": [ + 0, + 1, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0 + ], + "passage_text": [ + "1 You can only upload files of type 3GP, 3GPP, MP4, MOV, AVI, MPG, MPEG or RM. 2 You can only upload photos smaller than 5 MB. 3 You can only upload videos smaller than 600 MB. 4 You can only upload a photo (png, jpg, jpeg) or video (3gp, 3gpp, mp4, mov, avi, mpg, mpeg, rm).", + "This change of state from a gas to a solid is not a very common phase change but is referred to as deposition. It is called deposition because the particles in the gas form are depositing into a solid form. Examples of Gas to Solid: 1. Making dry ice or solid carbon dioxide involves the removal of gaseous carbon dioxide from air and using cold temperatures and higher pressure causes the gas particles to skip the liquid phase and deposit into a solid to form a chunk of dry ice. 2.", + "1 You can only upload files of type PNG, JPG or JPEG. 2 You can only upload files of type 3GP, 3GPP, MP4, MOV, AVI, MPG, MPEG or RM. 3 You can only upload photos smaller than 5 MB. 4 You can only upload videos smaller than 600 MB. 5 You can only upload a photo (png, jpg, jpeg) or video (3gp, 3gpp, mp4, mov, avi, mpg, mpeg, rm).", + "1 Water vapor to dew-Water vapor turns from a gas into a liquid, such as dew on the morning grass. 2 Water vapor to liquid water-Water vapor fogs up glasses when moving into a warm room after being in the cold. 3 Water vapor to liquid water-Water vapor forms water droplets on the glass of a cold beverage.", + "It's sublimation, and it's also called sublimation when matter goes from the gas state to the solid state.Hope this answers your question. Source(s): my textbook. paulturtle92 · 10 years ago. Thumbs up.", + "1 Solid to liquid phase transitions are known as melting 2 .. Solid to gas phase transitions are known as sublimation 3 .. In most cases, solids turn into gases only after an intermediate liquid state.", + "Sublimation is where a solid turns into a gas directly without a liquid stage. Many solids are able to do this under the right temperature and pressure conditions. C … ommon examples are iodine and dry ice (solid carbon dioxide). Answers Publisher.", + "1 We are experiencing some problems, please try again. 2 You can only upload files of type PNG, JPG or JPEG. 3 You can only upload files of type 3GP, 3GPP, MP4, MOV, AVI, MPG, MPEG or RM. 4 You can only upload photos smaller than 5 MB. 5 You can only upload videos smaller than 600 MB.", + "Confidence votes 14. The process is called sublimation. Solids can turn directly into gases, and gases can turn directly into solid without ever being a liquid. Carbon dioxide (dry ice) is a common example of this. Other examples are mothballs, solid air fresheners (Air Wick), and iodine.", + "1 Solid to liquid-Melting occurs when something that is solid turns back into a liquid; it is the opposite of freezing. 2 Ice to water-Ice melts back into water when it is left out at temperatures above the freezing point of 32 degrees." + ], + "url": [ + "https://uk.answers.yahoo.com/question/index?qid=1006032300514", + "http://www.softschools.com/examples/science/gas_to_solid_examples/105/", + "https://uk.answers.yahoo.com/question/index?qid=1006032300514", + "http://examples.yourdictionary.com/examples-of-gas-to-solid.html", + "https://uk.answers.yahoo.com/question/index?qid=1006032300514", + "http://examples.yourdictionary.com/examples-of-gas-to-solid.html", + "http://www.answers.com/Q/What_is_the_change_of_a_solid_directly_to_a_gas", + "https://uk.answers.yahoo.com/question/index?qid=1006032300514", + "http://www.answers.com/Q/What_is_the_change_of_a_solid_directly_to_a_gas", + "http://examples.yourdictionary.com/examples-of-gas-to-solid.html" + ] + }, + "query": "what is gas to a solid called", + "query_id": 750030, + "query_type": "DESCRIPTION", + "wellFormedAnswers": [] + }, + "truncated_cells": [] + }, + { + "row_idx": 471, + "row": { + "answers": [ + "No Answer Present." + ], + "passages": { + "is_selected": [ + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0 + ], + "passage_text": [ + "Abstract. 1 Gibbons are small arboreal apes inhabiting the rainforests of South-East Asia, Northwest India and Bangladesh (Carpenter 1940; Chivers 1977). The taxonomy of gibbons is under dispute, as the status of several taxa as species or subspecies is uncertain. Within the family Hylobatideae, there are four genera of gibbons: Bunopithecus (hoolock gibbon), Hylobates, Nomascus (crested gibbons) and Symphalangus (siamangs), and at least 12 species (Brandon-Jones et al. 2004).", + "CHAPTER TWELVE Primate Biogeography and Ecology on the Sunda Shelf Islands: A Paleontological and Zooarchaeological Perspective Terry Harrison, John Krigbaum, and Jessica Manser ABSTRACT Sundaland, with its complicated history of island formation and landbridge connections with mainland Southeast Asia, has figured prominently in studies of primate biogeog- raphy.", + "Kloss's gibbon range Kloss's gibbon (Hylobates klossii), also known as the Mentawai gibbon or the bilou, is an endangered primate in the gibbon family, Hylobatidae. It is identifiable in that it is all black, resembling the Siamang with its black fur, but is considerably smaller and lacks the Siamang's distinctive throat pouch.", + "While small gibbons are allopatric, the siamang is sympatric with two small hylobatid species, agile gibbons on the island of Sumatra and white-handed gibbons in northern Sumatra and the Malaysian peninsula, Indonesia.", + "Population sizes of several gibbon species have not been estimated since the early 1980ís or are data deficient.î Whereas research on, and conservation activities directed at, the great apes are supported by a strong lobby, gibbons tend to be overlooked whenever media, scientists, funding agencies and conservation agencies are referring to apes.", + "Geissmann T (1993) Evolution of communication in gibbons (hylobatidae). Geissmann T (2000a) Gibbon songs and human music in an evolutionary perspective. In: Wallin N, Merker B, Brown S (eds) The origins of music. Geissmann T (2000b) Duet songs of the siamang, Hylobates syndactylus: I. Structure and organization.", + "Penta means five and dactyl means digit in Greek. Almost all primates have 5 fingers on their hands and five toes on their feet. This is an ancient trait found among our early mammal and reptile ancestors.", + "The siamang (Symphalangus syndactylus) is an arboreal black-furred gibbon native to the forests of Malaysia , Thailand , and Sumatra . The largest of the gibbons, the siamang can be twice the size of other gibbons, reaching 1 m in height, and weighing up to 14 kg. The siamang is the only species in the genus Symphalangus .", + "Great apes diversified during the Miocene in Old World forests. Two lineages, gorillas in Africa and orangutans in Asia, have sexual dimorphisms of super-sized males, though they presumably diverged from a smaller common ancestor.", + "Gibbons and siamangs are rare at archaeological or paleontological sites on the Sunda islands. Their underrepresentation at archaeological sites may be Sunda Shelf Primate Biogeography 355 associated with the difficulty that humans experienced in hunting them prior to the advent of projectile point technologies in the Late Pleistocene (see Harrison 1996, 1998, 2000)." + ], + "url": [ + "https://link.springer.com/chapter/10.1007/978-1-4419-1560-3_8", + "http://www.academia.edu/2965438/Primate_Biogeography_and_Ecology_on_the_Sunda_Shelf_Islands_A_Paleontological_and_Zooarchaeological_Perspective", + "https://wikivisually.com/wiki/Kloss's_gibbon", + "https://www.researchgate.net/profile/Ulrich_Reichard", + "http://www.gibbons.de/main/news/0205gibbonsymposium4.html", + "https://link.springer.com/chapter/10.1007/978-1-4939-5614-2_1", + "https://quizlet.com/175723187/ganth-196-exam-3-flash-cards/", + "http://www.revolvy.com/main/index.php?s=Symphalangus&item_type=topic", + "http://onlinelibrary.wiley.com/doi/10.1002/ar.21449/full", + "http://www.academia.edu/2965438/Primate_Biogeography_and_Ecology_on_the_Sunda_Shelf_Islands_A_Paleontological_and_Zooarchaeological_Perspective" + ] + }, + "query": "is the unique means by which genus hylobates (e.g. gibbons and siamangs) propel themselves through the canopy.", + "query_id": 1174717, + "query_type": "DESCRIPTION", + "wellFormedAnswers": [] + }, + "truncated_cells": [] + }, + { + "row_idx": 472, + "row": { + "answers": [ + "No Answer Present." + ], + "passages": { + "is_selected": [ + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0 + ], + "passage_text": [ + "A Solid PLM Foundation - BOMControl. 1 Arena PLM BOMControl, Arena's flagship product, is a cloud-based solution for bill of materials (BOM) and change management. BOMControl offers innovative manufacturing companies a superior advantage to getting their products to market on time and within budget.", + "by Arena Solutions. Arena pioneered cloud PLM applications. The company's broad product offerings enable engineering and manufacturing teams and their extended supply chains to speed prototyping, reduce scrap, and streamline supply chain management.", + "Now, imagine a world where PLM business processes are seamlessly and securely connected to cloud-based data sets, knowledge bases, services and analytics available through commercial providers and public sources. This is the true promise of a cloud-based future, and this is where we are headed at Aras right now.", + "Arena cloud PLM applications simplify bill of materials and change management for companies of all sizes, and offer the right balance of flexibility and control at every point in the product lifecycle-from prototype to full-scale production. View Profile.", + "Here are things that I discussed back in 2010 – cost of the solution, delivery model, global access, faster implementation, scaling. We learned a lot of about PLM and cloud for the last four years. Today, I want to make a reality check for list of things I discussed before in lights of what cloud PLM can or cannot do. 1- Cost. Cloud PLM made a mental switch in everything we knew about PLM before.", + "A Solid PLM Foundation - BOMControl. 1 Arena PLM BOMControl, Arena's flagship product, is a cloud-based solution for bill of materials (BOM) and change management. 2 Arena PLM BOMControl, Arena's flagship product, is a cloud-based solution for bill of materials (BOM) and change management.", + "by Autodesk. Autodesk PLM 360 is now Fusion Lifecycle, a cloud-based product lifecycle management (PLM) application used to create a product information backbone for a company and its extended enterprise through automating the management of processes, product data, and people.", + "Our approach to leveraging the cloud in enterprise PLM features both a technology approach and a business strategy - both designed exactly for the cloud. On the technology front, Aras is already a true cloud architecture. And from a business standpoint, Aras gives you the subscription-based model required to scale out economically. Right now, today, you can take advantage of Aras in the cloud and achieve new levels of PLM scalability, performance and collaboration.", + "Product lifecycle management (PLM) software manages data during the development of a product from inception through the manufacturing, servicing, and disposal processes. Companies use PLM software to increase productivity and collaboration, improve quality, bolster creativity, and shorten time to market for a product.", + "Recently, Razorleaf was asked to develop a proposal that would deliver PLM as a managed service, kind of like SaaS (Software-as-a-Service). One way to offer PLM as a managed service is pure SaaS (like Arena Solutions). If you’re not familiar with Arena, think of SalesForce.com or Gmail. Another way to offer PLM as a managed service is to take traditional PLM software and host it in an off-premise environment where it can be managed by a third party." + ], + "url": [ + "http://www.arenasolutions.com/products/plm/#!", + "http://www.capterra.com/product-lifecycle-management-software/", + "http://www.aras.com/technology/cloud.aspx", + "http://www.capterra.com/product-lifecycle-management-software/", + "http://beyondplm.com/2014/09/19/what-cloud-plm-cannot-do-for-you/", + "http://www.arenasolutions.com/products/plm/#!", + "http://www.capterra.com/product-lifecycle-management-software/", + "http://www.aras.com/technology/cloud.aspx", + "https://www.g2crowd.com/categories/plm", + "https://www.razorleaf.com/2009/08/saas-plm/" + ] + }, + "query": "what cloud provider can host arena solutions plm?", + "query_id": 596810, + "query_type": "PERSON", + "wellFormedAnswers": [] + }, + "truncated_cells": [] + }, + { + "row_idx": 473, + "row": { + "answers": [ + "No Answer Present." + ], + "passages": { + "is_selected": [ + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0 + ], + "passage_text": [ + "Nervous tissue is the main component of the two parts of the nervous system; the brain and spinal cord of the central nervous system (CNS), and the branching peripheral nerves of the peripheral nervous system (PNS), which regulates and controls bodily functions and activity.n the central nervous system (CNS), the tissue types found are grey matter and white matter. In the peripheral nervous system (PNS), the tissue types are nerves and ganglia. The tissue is categorized by its neuronal and neuroglial components.", + "Nerve Tissue. Although the nervous system is very complex, there are only two main types of cells in nerve tissue. The actual nerve cell is the neuron. It is the conducting cell that transmits impulses and the structural unit of the nervous system. The other type of cell is neuroglia, or glial, cell.eurons, or nerve cells, carry out the functions of the nervous system by conducting nerve impulses. They are highly specialized and amitotic. This means that if a neuron is destroyed, it cannot be replaced because neurons do not go through mitosis.", + "NERVOUS TISSUE. Nervous tissue is the fourth basic tissue type of the body and is organized into two basic systems: (1) the Central Nervous System (CNS) and (2) the Peripheral Nervous System (PNS).The peripheral system responds to stimuli and sends impulses to the central system (brain and spinal cord).ERVOUS TISSUE. Nervous tissue is the fourth basic tissue type of the body and is organized into two basic systems: (1) the Central Nervous System (CNS) and (2) the Peripheral Nervous System (PNS).", + "Structure [edit]. Nervous tissue is composed of neurons, also called nerve cells, and neuroglial cells. Typically, nervous tissue is categorized into four types of tissue. In the central nervous system (CNS), the tissue types found are grey matter and white matter.In the peripheral nervous system (PNS), the tissue types are nerves and ganglia. The tissue is categorized by its neuronal and neuroglial components.n the central nervous system (CNS), the tissue types found are grey matter and white matter. In the peripheral nervous system (PNS), the tissue types are nerves and ganglia. The tissue is categorized by its neuronal and neuroglial components.", + "Nervous tissue consists of two main types of cells: neurons and neuroglia. Nerve cells, or neurones (also written neurons). that move information around the body.Neuroglia are also known simply as glia and have various functions in support of nerve cells but.themselves.icroglial cells are sometimes known simply as microglia and are found in the Central Nervous System (CNS), that is in the tissues of the Brain and Spinal Cord. : Microglia are small glial cells. : 1 Protects CNS neurons from disease -.", + "The nervous system is a complex collection of nerves and specialized cells known as neurons that transmit signals between different parts of the body.It is essentially the body’s electrical wiring. Structurally, the nervous system has two components: the central nervous system and the peripheral nervous system.he nervous system is a complex collection of nerves and specialized cells known as neurons that transmit signals between different parts of the body.", + "The cells in nervous tissue that generate and conduct impulses are called neurons or nerve cells. These cells have three principal parts: the dendrites, the cell body, and one axon. The main part of the cell, the part that carries on the general functions, is the cell body.ervous tissue also includes cells that do not transmit impulses, but instead support the activities of the neurons. These are the glial cells (neuroglial cells), together termed the neuroglia. Supporting, or glia, cells bind neurons together and insulate the neurons.", + "Nervous Tissue. Nervous tissue consists of nerve cells and associated supporting cells. All cells exhibit electrical properties, but nerve cells, also called neurons, are specifically designed to transmit electrical impulses from one site in the body to another, and to receive and process information.he nervous system is divided into the central nervous system (CNS) and the peripheral nervous system (PNS). The central nervous system is limited to the brain and spinal cord, all other nervous tissue belongs to the peripheral nervous system.", + "Neurons. Neurons, or nerve cells, carry out the functions of the nervous system by conducting nerve impulses. They are highly specialized and amitotic. This means that if a neuron is destroyed, it cannot be replaced because neurons do not go through mitosis.eurons, or nerve cells, carry out the functions of the nervous system by conducting nerve impulses. They are highly specialized and amitotic. This means that if a neuron is destroyed, it cannot be replaced because neurons do not go through mitosis.", + "Protective cells (glial cells) surround many nerve processes. Such protective cells, which make up about 90% of nervous tissue cells, are called neuroglia when they occur in the central nervous system (brain and spinal cord), and Schwann cells when they occur in the peripheral nervous system.rotective cells (glial cells) surround many nerve processes. Such protective cells, which make up about 90% of nervous tissue cells, are called neuroglia when they occur in the central nervous system (brain and spinal cord), and Schwann cells when they occur in the peripheral nervous system." + ], + "url": [ + "https://en.wikipedia.org/wiki/Nervous_tissue", + "http://www.training.seer.cancer.gov/anatomy/nervous/tissue.html", + "http://lifesci.dls.rutgers.edu/~babiarz/nervous.htm", + "https://en.wikipedia.org/wiki/Nervous_tissue", + "http://www.ivyroses.com/HumanBody/Tissue/Tissue_Nervous-Tissue.php", + "http://www.livescience.com/22665-nervous-system.html", + "http://www.training.seer.cancer.gov/anatomy/cells_tissues_membranes/tissues/nervous.html", + "http://www.courseweb.uottawa.ca/medicine-histology/English/SS_BasicTissues/Nervous_Tissue.htm", + "http://www.training.seer.cancer.gov/anatomy/nervous/tissue.html", + "http://bio.rutgers.edu/~gb102/lab_6/605am-nervous.html" + ] + }, + "query": "what do the nervous tissue do for dolphins", + "query_id": 625351, + "query_type": "DESCRIPTION", + "wellFormedAnswers": [] + }, + "truncated_cells": [] + }, + { + "row_idx": 474, + "row": { + "answers": [ + "No Answer Present." + ], + "passages": { + "is_selected": [ + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0 + ], + "passage_text": [ + "Step 4: Let the dye sit. Once your shirts are all dyed, put them in plastic bags to let the dyes set. You want them to remain damp, so sealing them in ziplock bags works well. The kit I had said to leave them 6-8 hours, but I left them overnight and found that that made the colors much brighter.", + "Shop unique and handmade items directly from creative people around the world. Popular items for tie dye shirt. Tie Dye T-Shirt - Multi Coloured Mottle Unisex (Men & Women)... Pizza Rolls not Gender Roles Feminist Shirt - Hippie Tie Dye Shirt (Fair Trade Organic Cotton)...", + "Hippies branched off the beat and bohemian generation of the 1950s, which protested a homogenous society, which trapped people in strict societal roles (e.g. cult of domesticity. That means women needed to stay home and care for children). Hippies largely came in during the '60s with the folk rock protest movement. There were Newport concerts in '63 with Bob Dylan, Joan Baez, Peter, Paul, and Mary, and other bands like that. In the '60s, hippies were for free love, much like the Beat generation was.", + "A couple of weeks ago, I tie-dyed t-shirts with my son as an afternoon time-killer. We had a lot of fun doing it because it was easy (no seriously — it really was) and the shirts came out great! These were not the mediocre, faded Rit dye type of shirts I made in high school and college.", + "Email Your confirmation will be sent to your email address. Your confirmation will be sent to %email%. I want to receive Etsy Finds, an email newsletter of fresh trends and editors' picks. By clicking Register, you agree to Etsy's Terms of Use and Privacy Policy. Etsy may send you communications; you may change your preferences in your account settings. Uh oh! You need to have cookies enabled to sign in.", + "Step 5: Rinse your shirt and untie it. After the dyes have set up over night (or for 6-8 hours), rinse the shirt until the water runs clear. Then, it’s time for the big reveal! Pull the rubber bands off your shirt and shake it out to see your design.", + "The 50's was more like the greaser look. rockabilly and psychobilly girls. The pin up look. Polkadot dresses and girls would wear a lot of hairspray. tie dye is in the 60's/70's. neon was in the 80's.", + "Step 1: Step 1: Before tie-dying, you will need to set up your work space.To keep mess to a minumum, cover work area with disposable plastic table cloth or garbage bags. Step 2: Step 2: Fill plastic squeeze bottles with fabric dye and water (follow specific directions on box). Step 3: Step 3: To prepare the shirts for dying, tie rubber bands around each t-shirt and dip each shirt in salt water. Step 4: Step 4: With plastic gloves on for skin protection, squeeze desired plastic squeeze bottles with dye onto the t-shirt.", + "I’m going to show you how to use this kit in this tutorial, so if you opt for a different set of materials, follow the instructions for those dyes. This kit said that it dyed “up to 8 shirts” but I only had enough dye for six shirts — one adult sized and 5 kid sized. I had to really stretch to get that 6th shirt dyed too, so I probably shouldn’t really count it in the total.", + "In the early '70s, young people copied the hippie looks but were not really hippies. This trend peaked by '75, but then the hippie culture started to die out with the Viet Nam war. Neon colors were worn in the late '70s and '80s. '80s had flashy clothes and preppy clothes (Think J Crew to the max)." + ], + "url": [ + "http://wendolonia.com/blog/2009/08/09/tie-dye-tutorial/", + "https://www.etsy.com/market/tie_dye_shirt", + "https://answers.yahoo.com/question/index?qid=20100421192333AA2Cpi5", + "http://wendolonia.com/blog/2009/08/09/tie-dye-tutorial/", + "https://www.etsy.com/market/tie_dye_shirt", + "http://wendolonia.com/blog/2009/08/09/tie-dye-tutorial/", + "https://answers.yahoo.com/question/index?qid=20100421192333AA2Cpi5", + "http://www.instructables.com/id/How-to-Tie-Dye-a-T-Shirt/", + "http://wendolonia.com/blog/2009/08/09/tie-dye-tutorial/", + "https://answers.yahoo.com/question/index?qid=20100421192333AA2Cpi5" + ] + }, + "query": "what era is the tye dye t shirt", + "query_id": 657895, + "query_type": "NUMERIC", + "wellFormedAnswers": [] + }, + "truncated_cells": [] + }, + { + "row_idx": 475, + "row": { + "answers": [ + "No Answer Present." + ], + "passages": { + "is_selected": [ + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0 + ], + "passage_text": [ + "Hockey Stick Builds is the launch point for you to design and create your own hockey stick furniture or other creations! You’ve got a pile of sticks and you don’t know what to build or where to start. I’ll show you what I’ve built and how I’ve built it which will enable you to start on something of your own.ockey Stick Builds is the launch point for you to design and create your own hockey stick furniture or other creations! You’ve got a pile of sticks and you don’t know what to build or where to start. I’ll show you what I’ve built and how I’ve built it which will enable you to start on something of your own.", + "This is a video tutorial on how to make your own hockey goal from home. Full article with PDF download-http://hockeytutorial.com/ice-hockey-... Buy netting-bit.ly/10CJh2a. Facebook.http://facebook.com/hockeytutorial.com. Twitter. http://twitter.com/hockeytutorial.1 Sports.his is a video tutorial on how to make your own hockey goal from home. Full article with PDF download-http://hockeytutorial.com/ice-hockey-... Buy netting-bit.ly/10CJh2a. Facebook.", + "Field hockey, or simply hockey, is a team sport of the hockey family. The earliest origins of the sport date back to the Middle Ages in England, Scotland and the Netherlands. The game can be played on a grass field or a turf field as well as an indoor board surface.here are left hand sticks in field hockey, but only one side of the stick is allowed to be used. Goalies have a different kind of stick. Theirs has another curve on the end of the stick. The uniform consists of shin-guards, cleats, skirts (usually referred to as kilts) or shorts, a mouth guard and a jersey.", + "1. Make sure you have a stick and a ball at home, not just at practice. You'll want to practice in the backyard as much as possible. Also, you want to participate in as many off-season activities as possible to learn new skills and improve your technique. Be a team player and encourage yourself and your team. 2 Do some of the individual drills that your coach tells you to do in the fall, and do some of your own made up drills, that you think will help you. 3 Be aggressive.", + "1 Do crunches for those nice abs. 2 No matter where you play (except goalie) just GET LOW. 3 It helps a lot to have a stick on the ground and in front of you. 4 You don't always score a goal, your position is just as important. 5 If it makes you feel better, roar at the opponent or make a slight face when they attack or defend. Be a team player and encourage yourself and your team. 2 Do some of the individual drills that your coach tells you to do in the fall, and do some of your own made up drills, that you think will help you. 3 Be aggressive.", + "Hockey Direct is your go-to online hockey shop for a great choice of quality, affordable hockey sticks, protection and apparel, manufactured by the very finest hockey brands in the world, including: Grays, Adidas, Asics, TK, Kookaburra, Skins, Voodoo, Gryphon, Mercian and Dita.ockey Direct is your go-to online hockey shop for an unrivalled choice of high quality hockey sticks and hockey equipment at affordable prices.", + "Prices vary from region to region and from product to product. It also depends on the sports your field turf surface will be used for. Most of our installations are for football, soccer, baseball, lacrosse and field hockey.Here is a general estimate of the initial cost of an artificial turf football field.rices vary from region to region and from product to product. It also depends on the sports your field turf surface will be used for. Most of our installations are for football, soccer, baseball, lacrosse and field hockey.", + "To build your own hockey stick, you’ll need the following: 1 Wooden board. 2 Electric saw. 3 Sander. 4 Paint. 5 Tape. 6 Old hockey stick blade. 7 Wood glue. 8 Electric drill. 9 Screws. 10 Cut your stick out. 11 Make sure that the length of the stick will be a size that you’re comfortable playing with. 12 Sanding. 13 Install your blade. 14 Place screws in your stick. 15 Customize ... Wood glue will not adequately hold your stick and blade in place, so make sure to use multiple screws. 2 Don’t use too many screws or any that are too big, or you may run the risk of splitting your wood! 3 Customize your stick. 4 There are many different customizations that you can use to make your stick your own.", + "FieldTurf Construction & Installation. Having your a turf field built couldn’t be easier, and with over 7,000 fields built around the world, nobody has more experience than FieldTurf. There are two key parts to converting a natural grass field: Building the Base and Turf Installation.aving your a turf field built couldn’t be easier, and with over 7,000 fields built around the world, nobody has more experience than FieldTurf.", + "Having your a turf field built couldn’t be easier, and with over 7,000 fields built around the world, nobody has more experience than FieldTurf.There are two key parts to converting a natural grass field: Building the Base and Turf Installation.aving your a turf field built couldn’t be easier, and with over 7,000 fields built around the world, nobody has more experience than FieldTurf." + ], + "url": [ + "http://hockeystickbuilds.com/", + "http://www.youtube.com/watch?v=SaRv3OBoDtM", + "https://en.wikipedia.org/wiki/Field_hockey", + "http://www.wikihow.com/Play-Field-Hockey-Like-a-Pro", + "http://www.wikihow.com/Play-Field-Hockey-Like-a-Pro", + "http://www.hockeydirect.com/", + "http://www.fieldturf.com/de/artificial-turf/faq", + "http://www.mademan.com/mm/how-make-wood-hockey-sticks.html", + "http://www.fieldturf.com/en/artificial-turf/construction-and-installation", + "http://www.fieldturf.com/en/artificial-turf/construction-and-installation" + ] + }, + "query": "how to build your own astro hockey field at home", + "query_id": 346475, + "query_type": "DESCRIPTION", + "wellFormedAnswers": [] + }, + "truncated_cells": [] + }, + { + "row_idx": 476, + "row": { + "answers": [ + "Physical geography is that branch of natural science which deals with the study of processes and patterns in the natural environment like the atmosphere, hydrosphere, biosphere, and geosphere, as opposed to the cultural or built environment, the domain of human geography." + ], + "passages": { + "is_selected": [ + 0, + 0, + 1, + 0, + 0, + 0, + 0, + 0, + 0, + 0 + ], + "passage_text": [ + "Physical geography is the study of the physical features of Earth's surface. For example, we can study how volcanoes, V-shaped valleys or waterfalls are formed.eography is the study of the Earth, its landforms and features, and the distribution of life including human life. It also includes how locations and climate influence hu … man populations and activities.", + "Within the body of physical geography, the Earth is often split into several spheres or environments, the main spheres being the atmosphere, biosphere, cryosphere, geosphere, hydrosphere, lithosphere and pedosphere. Coastal geography is the study of the dynamic interface between the ocean and the land, incorporating both the physical geography (i.e. coastal geomorphology, geology and oceanography) and the human geography of the coast.", + "Physical geography is that branch of natural science which deals with the study of processes and patterns in the natural environment like the atmosphere, hydrosphere, biosphere, and geosphere, as opposed to the cultural or built environment, the domain of human geography. Coastal geography is the study of the dynamic interface between the ocean and the land, incorporating both the physical geography (i.e. coastal geomorphology, geology and oceanography) and the human geography of the coast.", + "Physical geography (also known as geosystems or physiography) is one of the two major sub-fields of geography. Coastal geography is the study of the dynamic interface between the ocean and the land, incorporating both the physical geography (i.e. coastal geomorphology, geology and oceanography) and the human geography of the coast.", + "Physical geography covers the topics relating to the surface of the earth-the landforms, glaciers, rivers, climate, oceans, earth-sun interaction, hazards, and more.Physical Geography-The study of the earth's surface.Example: glaciers, mountains, oceans, etc.eography is the study of the Earth, its landforms and features, and the distribution of life including human life. It also includes how locations and climate influence hu … man populations and activities.", + "'Physical Geography' is the natural features of our environment, e.g mountains, rainforests, lakes, seas and oceans. 'Human Geography' is features, buildings or structures made by humans.Physical Geography' is the natural features of our environment, e.g mountains, rainforests, lakes, seas and oceans. 'Human Geography' is features, buildings or structures mad … e by humans. Examples include houses, towns, cities, SOME forests, roads, footpaths and shops.", + "Today, geography is commonly divided into two major branches-cultural geography (also called human geography) and physical geography. Cultural geography is the branch of geography dealing with human culture and its impact on the Earth.f course, geography today means much more than writing about the Earth but it's a difficult discipline to define. Many geographers have done their best to define geography but a typical dictionary definition today reads, The science of the Earth's physical features, resources, climate, population, etc..", + "PHYSICAL GEOGRAPHY describes and explains the distribution of the natural features of the earth that are continually affected by forces and processes in nature while HUMAN … GEOGRAPHY deals with the distribution of people their cultural attributes and their activities,.,.9 people found this useful.Physical Geography' is the natural features of our environment, e.g mountains, rainforests, lakes, seas and oceans. 'Human Geography' is features, buildings or structures mad … e by humans. Examples include houses, towns, cities, SOME forests, roads, footpaths and shops.", + "Within the body of physical geography, the Earth is often split either into several spheres or environments, the main spheres being the atmosphere, biosphere, cryosphere, geosphere, hydrosphere, lithosphere and pedosphere.Research in physical geography is often interdisciplinary and uses the systems approach.ithin the body of physical geography, the Earth is often split either into several spheres or environments, the main spheres being the atmosphere, biosphere, cryosphere, geosphere, hydrosphere, lithosphere and pedosphere.", + "Human geography is one of the two major sub-fields of the discipline of geography. Human geography is a branch of the social sciences that studies the world, its people, communities and cultures with an emphasis on relations of and across space and place.uman geography differs from physical geography mainly in that it has a greater focus on studying human activities and is more receptive to qualitative research methodologies. As a discipline, human geography is particularly diverse with respect to its methods and theoretical approaches to study." + ], + "url": [ + "http://www.answers.com/Q/What_does_physical_geography_mean", + "https://en.wikipedia.org/wiki/Physical_geography", + "https://en.wikipedia.org/wiki/Physical_geography", + "https://en.wikipedia.org/wiki/Physical_geography", + "http://www.answers.com/Q/What_does_physical_geography_mean", + "http://www.answers.com/Q/What_does_physical_and_human_geography_mean", + "http://geography.about.com/od/studygeography/a/geog101.htm", + "http://www.answers.com/Q/What_does_physical_and_human_geography_mean", + "http://www.definitions.net/definition/physical%20geography", + "http://www.definitions.net/definition/human%20geography" + ] + }, + "query": "what does physical geography mean", + "query_id": 645589, + "query_type": "DESCRIPTION", + "wellFormedAnswers": [ + "Physical geography is that branch of natural science which deals with the study of processes and patterns in the natural environment like the atmosphere, hydrosphere, biosphere, and geosphere, as opposed to the cultural or built environment, the domain of human geography." + ] + }, + "truncated_cells": [] + }, + { + "row_idx": 477, + "row": { + "answers": [ + "No Answer Present." + ], + "passages": { + "is_selected": [ + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0 + ], + "passage_text": [ + "Choose from 8 Vasectomy Clinics in Mexico and compare prices, patient reviews, and availability. Find the Best Price for Vasectomy in Mexico.Compare how much Vasectomy cost at all 8 clinics and save money on your treatment.hoose from 8 Vasectomy Clinics in Mexico and compare prices, patient reviews, and availability. Find the Best Price for Vasectomy in Mexico.", + "The total cost of a vasectomy reversal can range somewhere between $4,000 to $20,000, all inclusive. In the United States, vasectomy reversal prices, are, on average, US$10,000.In Canada the average vasectomy reversal cost is about CAN$5,000, all inclusive.nderstanding Fees and Pricing. The cost of a vasectomy reversal, from start to finish is generally divided into three fees, with the patient responsible for: 1 The surgical fee: This is the fee the surgeon charges for his work. 2 This ranges from $2500 to $10,000.", + "Vasectomy Reversal Cost and Scheduling. Nationwide, the surgeon’s fee alone for vasectomy reversals ranges from $5,000.00 to $15,000.00. This may not include the hospital fees associated with the vasectomy reversal.This is a cost that is beyond the means of many families.here are some incidental costs associated with either vasectomy reversal procedure which are not included, such as minimal dressings/medical supplies ($20/25) and a prescription antibiotic ($10/12).", + "Reversal Surgery Costs Tubal ligation reversal surgery: $2850 usd Vasectomy reversal surgery: $2050 usd Price includes all hospital/surgery fees including general labs, epidural, hospital stay, doctors fees, etc.Prices do not include travel expenses.ubal ligation reversal surgery: $2850 usd Vasectomy reversal surgery: $2050 usd Price includes all hospital/surgery fees including general labs, epidural, hospital stay, doctors fees, etc. Prices do not include travel expenses.", + "Choose from 7 Vasectomy Reversal Clinics in Mexico and compare prices, patient reviews, and availability.Find the Best Price for Vasectomy Reversal in Mexico. Compare how much Vasectomy Reversal cost at all 7 clinics and save money on your treatment.hoose from 7 Vasectomy Reversal Clinics in Mexico and compare prices, patient reviews, and availability. Find the Best Price for Vasectomy Reversal in Mexico.", + "Filters cached at 2015/09/30 18:38:39. We have all the information you need about public and private urology clinics that provide vasectomy in Mexico. Compare all the urology clinics and contact the urologist in Mexico who's right for you.hoose from 8 Vasectomy Clinics in Mexico and compare prices, patient reviews, and availability. Find the Best Price for Vasectomy in Mexico.", + "Filters cached at 2015/09/23 18:49:44. We have all the information you need about public and private urology clinics that provide vasectomy reversal in Mexico. Compare all the urology clinics and contact the urologist in Mexico who's right for you.hoose from 7 Vasectomy Reversal Clinics in Mexico and compare prices, patient reviews, and availability. Find the Best Price for Vasectomy Reversal in Mexico.", + "Without insurance, the cost of a vasectomy typically ranges anywhere from $350 to $4,000, depending on location, surgical technique used, and other variables such as your method of payment and whether a doctor uses income-based sliding scales.he cost of a vasectomy is covered by most health insurance policies, so contact your insurance company and to discuss your coverage. In such cases, the majority of the associated vasectomy costs will be paid by your insurance.", + "A vasectomy can be performed in a medical office, hospital, or clinic. Nationwide, the cost of a vasectomy ranges from $0 – $1,000, including the follow-up sperm count. (Sterilization for women can cost up to six times as much.) Some clinics and doctors use a sliding scale according to income. vasectomy can be performed in a medical office, hospital, or clinic. Nationwide, the cost of a vasectomy ranges from $0 – $1,000, including the follow-up sperm count. (Sterilization for women can cost up to six times as much.) Some clinics and doctors use a sliding scale according to income.", + "Understanding Fees and Pricing. The cost of a vasectomy reversal, from start to finish is generally divided into three fees, with the patient responsible for: 1 The surgical fee: This is the fee the surgeon charges for his work. 2 This ranges from $2500 to $10,000.nderstanding Fees and Pricing. The cost of a vasectomy reversal, from start to finish is generally divided into three fees, with the patient responsible for: 1 The surgical fee: This is the fee the surgeon charges for his work. 2 This ranges from $2500 to $10,000." + ], + "url": [ + "http://www.whatclinic.com/urology/mexico/vasectomy", + "http://www.vasectomymedical.com/vasectomy-reversal-cost.html", + "http://vas-reversals.com/costandscheduling.html", + "http://www.riobravoreversal.com/costs.html", + "http://www.whatclinic.com/urology/mexico/vasectomy-reversal", + "http://www.whatclinic.com/urology/mexico/vasectomy", + "http://www.whatclinic.com/urology/mexico/vasectomy-reversal", + "http://www.vasectomy.com/article/vasectomy/faq/how-much-does-a-vasectomy-cost", + "https://www.plannedparenthood.org/learn/birth-control/vasectomy", + "http://www.vasectomymedical.com/vasectomy-reversal-cost.html" + ] + }, + "query": "cost of vasectomy in mexico", + "query_id": 107852, + "query_type": "NUMERIC", + "wellFormedAnswers": [] + }, + "truncated_cells": [] + }, + { + "row_idx": 478, + "row": { + "answers": [ + "(Number of injuries and illnesses X 200,000) / Employee hours worked = Incidence rate." + ], + "passages": { + "is_selected": [ + 0, + 0, + 1, + 0, + 0, + 0, + 0, + 0, + 0, + 0 + ], + "passage_text": [ + "US Department of Labor. U.S. Bureau of Labor Statistics. The Injuries, Illnesses, and Fatalities (IIF) program provides annual information on the rate and number of work-related injuries, illnesses, and fatal injuries, and how these statistics vary by incident, industry, geography, occupation, and other characteristics.", + "OSHA-specific statistics on data and time-series information is monitored through the OSHA Office of Statistics; fatalities in Federal states are compiled by the OSHA Directorate of Enforcement Programs; and fatalities in State Plan states are compiled by the OSHA Directorate of Cooperative and State Programs.", + "Rate Calculation: An incidence rate of injuries and illnesses is computed from the following formula: (Number of injuries and illnesses X 200,000) / Employee hours worked = Incidence rate. The TCR includes all cases recorded on the OSHA Form 300 (Column G + Column H + Column I + Column J).", + "Information contained on this site which is specific to OSHA-related labor statistics can be answered through OSHA. All other labor statistics questions and or comments should be addressed through the Bureau of Labor Statistics (http://www.bls.gov/iif/).", + "The two approaches do this in slightly different ways. Published HSE injury rates give the number of people injured over a year in a group of 100,000 employees. or workers. The frequency rate is the number of people injured over a year for each million1 hours worked by. a group of employees or workers.", + "* Source material, data, and tables are provided by the Bureau of Labor Statistics, Department of Labor, and OSHA's Area Offices.", + "Safeopedia explains Lost Time Injury Frequency Rate (LTIFR) The lost time injury frequency rate (LTIFR) is calculated using two pieces of essential information: the LTI within a given time frame, and the amount of hours worked in that time frame. The other element of the equation is the standardized rate, that is to say, there are X number of LTIs per a set amount of time.", + "Total number of non-fatal work-related injury and illness cases. [where to find this number] Number of cases involving days away from work. [where to find this number] Number of cases involving job transfer or restricted work activity only. [where to find this number]", + "Lost time injury frequency rate (LTIFR) refers to the amount or number of lost time injuries, that is, injuries that occurred in the workplace that resulted in an employee's inability to work the next full work day, which occurred in a given period relative to the total number oh hours worked in the accounting period.", + "Establishment Specific Injury & Illness Data (OSHA Data Initiative) The Occupational Safety and Health Administration (OSHA) collected work-related injury and illness data from employers within specific industry and employment size specifications from 1996 through 2011. This data collection is called the OSHA Data Initiative or ODI." + ], + "url": [ + "https://www.bls.gov/iif/", + "https://www.osha.gov/oshstats/work.html", + "https://www.osha.gov/pls/odi/establishment_search.html", + "https://www.osha.gov/oshstats/work.html", + "http://www.hse.gov.uk/statistics/adhoc-analysis/injury-frequency-rates.pdf", + "https://www.osha.gov/oshstats/work.html", + "https://www.safeopedia.com/definition/161/lost-time-injury-frequency-rate-ltifr", + "https://data.bls.gov/iirc/?data_tool=IIRC", + "https://www.safeopedia.com/definition/161/lost-time-injury-frequency-rate-ltifr", + "https://www.osha.gov/pls/odi/establishment_search.html" + ] + }, + "query": "what is an incident rate for injuries", + "query_id": 715115, + "query_type": "DESCRIPTION", + "wellFormedAnswers": [ + "The number of injuries and illnesses multiplied by 200,000 divided by the amount of employee hours work equals the incidence rate for injuries." + ] + }, + "truncated_cells": [] + }, + { + "row_idx": 479, + "row": { + "answers": [ + "$57,500" + ], + "passages": { + "is_selected": [ + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 1 + ], + "passage_text": [ + "When we wrote last week that the Toyota Mirai hydrogen fuel-cell sedan was little-changed for the 2017 model year, with only one new color added, we missed one important element. That was, as several readers informed us, that while the retail price remained the same, the monthly lease cost had fallen sharply: from $499 to $349 per month.", + "All factual information posted should be true, and if you are an employee of a company in the hydrogen industry, or have a financial interest or other material connection relevant to the discussion, you must make this known this each time you post.", + "Toyota Mirai To Cost Under $45,000 With Incentives in the US. Yesterday we were telling you the Toyota FCV production version will enter the market under the “Mirai” name and will reach dealerships, in California at least, in fall 2015. Now it’s time to find out some specs and, more importantly, the price tag it will wear.", + "So we’re sharing our patents, to encourage other car companies and energy companies who believe in clean, alternative energy to help bring hydrogen to the world. Every innovation marks a turning point in the hydrogen movement and a step towards a more sustainable future.", + "More Photos. Toyota intends to introduce a smaller, less-expensive model in the Mirai hydrogen fuel cell family in time for the 2020 Olympics in Tokyo, the Asahi Shimbun reports. The new model will reportedly hit the road in 2019 at a cost of 5.5 million to 6.0 million yen ($50,600 to $55,200 US at current exchange rates).", + "You’ll be able to lease the Mirai at $499 per month on a 36 month period with $3,649 due at lease signing. Or you can purchase the car straight away for $57,500. And if you meet the conditions for state and federal incentives ($13,000), the Mirai’s price can drop under $45,000.", + "DON'T MISS: 2017 Toyota Mirai price stays same, fuel-cell car adds new color. And that lower lease cost contributed to what can only be described as a remarkable sales spike for the Mirai last month. From January through July, the Mirai sold at a rate of about 40 a month, logging a total of 270 sales over seven months.", + "ALSO SEE: Toyota Mirai: First Drive Of Hydrogen Fuel-Cell Sedan (Dec 2014) The cut in the monthly lease cost was noted by industry trade journal Ward's Auto, which quoted Bill Fay, Toyota's group vice president, on the reasons for the reduction.", + "Before you dive in, we'd like to make sure you are aware of some of our rules: 1 Do not post any hateful, unlawful or inappropriate content, any confidential information of any person or entity, advertising or spam, or any content or intellectual property that you do not have the right to post or do not want publicly accessible.", + "Mirai’s cost and exaggerated eco-friendliness. The Mirai is about the size of the mid-sized Toyota Camry and, with a cost of $57,500, it’s more expensive than any other car in Toyota’s lineup. (Only Toyota’s top-of-the-line SUVs and pickup trucks cost more.) That’s nearly $15,000 more than Toyota’s current best sedan, the Avalon Hybrid, which comes in at about $43,000. Yet due to the space taken up by the hydrogen fuel cell technology used to power the vehicle, the Mirai’s trunk is smaller." + ], + "url": [ + "http://www.greencarreports.com/news/1106296_price-cut-and-monthly-sales-spike-for-toyota-mirai-fuel-cell-sedan", + "https://ssl.toyota.com/mirai/index.html", + "https://www.autoevolution.com/news/toyota-mirai-to-cost-under-45000-with-incentives-in-the-us-89002.html", + "https://ssl.toyota.com/mirai/index.html", + "http://www.autoblog.com/2016/04/28/toyota-mirai-c-smaller-fcev-debut-2019/", + "https://www.autoevolution.com/news/toyota-mirai-to-cost-under-45000-with-incentives-in-the-us-89002.html", + "http://www.greencarreports.com/news/1106296_price-cut-and-monthly-sales-spike-for-toyota-mirai-fuel-cell-sedan", + "http://www.greencarreports.com/news/1106296_price-cut-and-monthly-sales-spike-for-toyota-mirai-fuel-cell-sedan", + "https://ssl.toyota.com/mirai/index.html", + "https://venturebeat.com/2015/01/13/the-hydrogen-powered-toyota-mirai-is-not-the-eco-friendly-car-weve-been-looking-for/" + ] + }, + "query": "cost of toyota mirai", + "query_id": 107565, + "query_type": "NUMERIC", + "wellFormedAnswers": [ + "The cost of Toyota Mirai is $57,500." + ] + }, + "truncated_cells": [] + }, + { + "row_idx": 480, + "row": { + "answers": [ + "No Answer Present." + ], + "passages": { + "is_selected": [ + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0 + ], + "passage_text": [ + "Popular Conversations. To a large extent, the activity of kidneys is controlled by ... 10/14/2015 8:35:06 PM| 2 Answers. How long did it take for the United States to dig the Panama ... 10/13/2015 6:15:06 AM| 1 Answers. France's loss in the 1870-1871 war with _________ was a blow to ... Weegy: Great Britain was NOT a part of the Triple Alliance.", + "The Federalist Papers provided background and justification for the Constitution. Some states agreed to ratify the Constitution only if the amendments that were to become the Bill of Rights would be taken up immediately by the new government, and they were duly proposed in the first session of the First Congress.", + "The potential for an opponent to rally voters against a candidate were too strong, not to support the amendment. o This amendment is the reason why eighteen year olds and seventeen year olds who will be eighteen by the date of the next General Election are eligible to vote.", + "The old Congress set the rules the new government followed in terms of writing and ratifying the new constitution. After ratification in eleven states, in 1789 its elected officers of government assembled in New York City, replacing the Articles of Confederation government.", + "Reasons to Vote So you can decide. Why let other people decide what is best for you when you have a voice: the vote. It's your right. Young people, women and underrepresented groups all fought hard for the right to vote.", + "The Articles of Confederation was unanimously adopted in 1781 once Maryland agreed. Over the previous four years, it had been used by Congress as a working document to administer the early United States government, win the Revolutionary War and secure the Treaty of Paris (1783) with Great Britain.", + "Representation in Congress should be both by states and by population. There, he was voted down by the small states in favor of all states equal, one vote only. Now in 1787 Convention, he wanted to balance all the big-state victories for population apportionment.", + "Since the beginning of federal operations under the Constitution in 1789 through the beginning of 2013, approximately 11,539 proposals to amend the Constitution have been introduced in the United States Congress. Of these, thirty-three have been approved by Congress and sent to the states for ratification.", + "(1920) o This amendment gave women the right to vote. Generations of women worked tirelessly to gain suffrage. This is by far one of the most important amendments to the Constitution when it comes to voting, because it gave the right to vote to half of the population of the United States.", + "Charismatic authority is based on a. hereditary ... 10/13/2015 8:38:30 AM| 1 Answers. All of the following were migration patterns during the war EXCEPT ... Weegy: All of the following were migration patterns during the war EXCEPT B. [ Large numbers of Native Americans left ..." + ], + "url": [ + "http://www.weegy.com/?ConversationId=5A5CCC5C", + "https://en.wikipedia.org/wiki/History_of_the_United_States_Constitution", + "http://www.sos.wv.gov/elections/civics/Documents/Why%20is%20Voting%20important.pdf", + "https://en.wikipedia.org/wiki/History_of_the_United_States_Constitution", + "http://www.sos.wv.gov/elections/civics/Documents/Why%20is%20Voting%20important.pdf", + "https://en.wikipedia.org/wiki/History_of_the_United_States_Constitution", + "https://en.wikipedia.org/wiki/History_of_the_United_States_Constitution", + "https://en.wikipedia.org/wiki/History_of_the_United_States_Constitution", + "http://www.sos.wv.gov/elections/civics/Documents/Why%20is%20Voting%20important.pdf", + "http://www.weegy.com/?ConversationId=5A5CCC5C" + ] + }, + "query": "how were united states senators chosen before the general population was able to vote for them", + "query_id": 388194, + "query_type": "DESCRIPTION", + "wellFormedAnswers": [] + }, + "truncated_cells": [] + }, + { + "row_idx": 481, + "row": { + "answers": [ + "Inari is considered to be a key Shinto kami (god). Inari has close ties to the shinto goddess of food." + ], + "passages": { + "is_selected": [ + 1, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0 + ], + "passage_text": [ + "Inari/Oinari/Oinari-Sama is the god/goddess of rice. The common messenger of but issing butssi is the kitsune (fox). Inari is considered to be a key Shinto kami (god). Inari has close ties to the shinto goddess of food.", + "Description. Inari/Oinari/Oinari-Sama is the god/goddess of rice. The common messenger of but issing butssi is the kitsune (fox). Inari is considered to be a key Shinto kami (god). Inari has close ties to the shinto goddess of food.", + "The common messenger of but issing butssi is the kitsune (fox). Inari is considered to be a key Shinto kami (god). Inari has close ties to the shinto goddess of food.", + "Inari sushi is a type of rice ball that is very popular in Japanese culture. It is sushi rice stuffed in seasoned Aburaage tofu pouches that closely resemble most of the sushi delicacies served in Japanese restaurants.", + "This is called “inari” and, though it may not look like it, it is yet another of our delicious sushi offerings. Inari, or inarizushi, is one of the simplest varieties of sushi. Far from the layperson’s perception of sushi, it consists of a brick of sushi rice fried in a sack of tofu.", + "Inari sushi is a type of rice ball that is very popular in Japanese culture. It is sushi rice stuffed in seasoned Aburaage tofu pouches that closely resemble most of the sushi delicacies served in Japanese restaurants. It is also available in various supermarket delis.", + "Inari has close ties to the shinto goddess of food. Inari is also able to assume both a female and male form. Inari goes beyond simply protecting the rice crops, but is also credited with protecting the farmers and merchants in regards to prosperity, praticularly when it concerns rice.", + "Inari is the son of Tsunami, and is also Tazuna 's grandson. His biological father died before he got to know him. One time, Inari's dog, Pochi, was stolen by the bully Akane. As he lost interest in Pochi, Akane threw him into the sea.", + "Inari after Kaiza saved him. Inari is the son of Tsunami, and is also Tazuna 's grandson. His biological father died before he got to know him. One time, Inari's dog, Pochi, was stolen by the bully Akane. As he lost interest in Pochi, Akane threw him into the sea.", + "Inari is the Japanese god (Shinto okami) of fertility, rice, agriculture, business and money. Inari is sometimes depicted as female, male or as a androgynous being. According to other accounts, Inari sometimes becomes a fox. InariIn old Japan, the Emperor would rank the gods (okami)." + ], + "url": [ + "http://foxes.wikia.com/wiki/Inari", + "http://foxes.wikia.com/wiki/Inari", + "http://foxes.wikia.com/wiki/Inari", + "http://pogogi.com/what-inari-sushi-and-how-make-it", + "http://sushihana5.com/what-is-inari/", + "http://pogogi.com/what-inari-sushi-and-how-make-it", + "http://foxes.wikia.com/wiki/Inari", + "http://naruto.wikia.com/wiki/Inari", + "http://naruto.wikia.com/wiki/Inari", + "http://www.japan-talk.com/jt/new/inari" + ] + }, + "query": "what is inari", + "query_id": 758461, + "query_type": "DESCRIPTION", + "wellFormedAnswers": [ + "Inari is considered to be a key Shinto kami or god." + ] + }, + "truncated_cells": [] + }, + { + "row_idx": 482, + "row": { + "answers": [ + "No Answer Present." + ], + "passages": { + "is_selected": [ + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0 + ], + "passage_text": [ + "the outermost covering of the brain consisting of densely packaged neurons, responsible for higher thought processes and interpretation of sensory input. cerebral hemispheres: two sections of the cortex on the left and right sides of the brain: corpus callosum: thick band of neurons that connects the right and left cerebral hemispheres: occipital lobe", + "the upper part of the brain consisting of the two hemisphere and the structures that connect them Split Brain Research Study of patients with severed corpus callosum, involves sending messages to only one side of the brain, demonstrates right and left brain specialization", + "part of the lower brain located behind the pons that controls and coordinates involuntary, rapid, fine motor movement. Limbric system. a group of several brain structures located under the cortex and involved in learning, emotion, memory and motivation.", + "a long bundle of neurons that carries messages between the body and the brain and is responsible for very fast, lifesaving reflexes. afferent (sensory) neuron. a neuron that carries information from the senses to the central nervous system.", + "part of the nervous system consisting of the brain and spinal cord: spinal cord: a long bundle of neurons that carries messages between the body and the brain and is responsible for very fast, lifesaving reflexes : afferent (sensory) neuron: a neuron that carries information from the senses to the central nervous system. ...Access the the spinal cord", + "the upper part of the brain consisting of the two hemispheres and the structures that connect them endocrine glands glands that secrete chemicals called hormones directly into the bloodstream", + "part of the limbic system located in the center of the brain, this structure relays sensory information from the lower part of the brain to the proper areas of the cortex and processes some sensory information before sending it to its proper area. Olfactory bulbs.", + "Nervous system. an extensive network of specialized cells that carries information to and from all parts of the body. neuroscience. a branch of the life science that deals with the structure and function of neurons, nerves and nervous tissue, especially focusing on their relationship to behavior and learning.", + "Click to see the original works with their full license. 1 Corticalization. 2 Putuitary Gland. 3 Thyroid gland. 4 Pancreas. 5 Gonads. 6 Adrenal glands.", + "two projects just under the front of the brain that receive information from the receptors in the nose located just below (limbic system) hypothalamus small structure in the brain located between the thalamus and directly above the pituitary gland. responsible for motivational behavior such as sleep, hunger, thirst and sex." + ], + "url": [ + "https://www.studystack.com/flashcard-942195", + "https://quizlet.com/2778124/the-brain-flash-cards/", + "https://quizlet.com/2778124/the-brain-flash-cards/", + "https://www.studystack.com/flashcard-942195", + "https://www.studystack.com/flashcard-942195", + "https://www.studystack.com/flashcard-942195", + "https://quizlet.com/2778124/the-brain-flash-cards/", + "https://www.studystack.com/flashcard-942195", + "https://quizlet.com/2778124/the-brain-flash-cards/", + "https://quizlet.com/2778124/the-brain-flash-cards/" + ] + }, + "query": "is the upper part of the brain consisting of two cerebral hemispheres and the structures that connect them?", + "query_id": 1174716, + "query_type": "DESCRIPTION", + "wellFormedAnswers": [] + }, + "truncated_cells": [] + }, + { + "row_idx": 483, + "row": { + "answers": [ + "They are an extraterrestrial species characterized by their hunting of other dangerous species for sport and honor, including humans." + ], + "passages": { + "is_selected": [ + 0, + 1, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0 + ], + "passage_text": [ + "get healthy living updates. Either run for your life or face the top 10 most feared predators of the animal kingdom. 10. Tarantula. Tarantula spiders are among the most feared animals on the planet, and with good reason.", + "The Yautja, known colloquially as the Predators, are an extraterrestrial species characterized by their hunting of other dangerous species for sport and honor, including humans.", + "1 Predators (soundtrack) — The soundtrack to the film by John Debney. 2 Predators: Beating the Bullet — A comic book adaptation of the film. 3 Predators (video game) — The first of two mobile games based on the film. 4 Predators (Gameloft) — The second mobile game based on the film.", + "He also states that the Predators always come in groups of three and that there is a blood-feud occurring between two different tribes of Predator — the black tribe, who are now hunting Royce and the others, and the classic form of Predators seen in other films, one of which they found tied up at the Predator camp.", + "Followed by. Predators is a 2010 science fiction film directed by Nimrod Nimród antal and Starring Adrien, Brody Topher, Grace Alice, Braga Walton goggins And Laurence. fishburne", + "Predators are bipedal humanoids, physically distinguishable from humans by their greater height, the long, hair-like appendages on their heads (nicknamed dreadlocks), their reptilian skin and their faces, which feature arthropod-like mandibles and no visible nose.", + "According to some reports, yautja motivations for hunting are not just for sport, but rather for honor, with the species having developed a whole tribal culture around their status at the top of the food chain, as the ultimate Predator.", + "However, the film avoids any mention of the Alien franchise and ignores the Alien vs. Predator series completely. The title Predators is intended to have a double meaning, in that it refers to both the film's alien creatures, as well as the group of humans that are hunted by them.", + "Thanks for the info. I have to agree that the most alarming predators are the ones that lurk under water! The black mamba and the wolf were beautiful. The picture of the Komodo dragon just made me laugh (which I'm sure would not be my response if I ever met one!).", + "Combat between yautja is generally not permitted as the focus of their species is to kill and hunt other life forms. Certain Predator clans have been known to take unorthodox approaches such as accepting humans into their clans." + ], + "url": [ + "http://www.care2.com/greenliving/top-10-predators.html", + "http://avp.wikia.com/wiki/Yautja_(Predator)", + "http://avp.wikia.com/wiki/Predators_(film)", + "http://avp.wikia.com/wiki/Predators_(film)", + "http://avp.wikia.com/wiki/Predators_(film)", + "http://avp.wikia.com/wiki/Yautja_(Predator)", + "http://avp.wikia.com/wiki/Yautja_(Predator)", + "http://avp.wikia.com/wiki/Predators_(film)", + "http://www.care2.com/greenliving/top-10-predators.html", + "http://avp.wikia.com/wiki/Yautja_(Predator)" + ] + }, + "query": "what are predators", + "query_id": 554316, + "query_type": "ENTITY", + "wellFormedAnswers": [] + }, + "truncated_cells": [] + }, + { + "row_idx": 484, + "row": { + "answers": [ + "No Answer Present." + ], + "passages": { + "is_selected": [ + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0 + ], + "passage_text": [ + "Gasoline Price The average price of a gallon of gas is $. Affordability With an average daily income of $80, it takes 2.06% of a day’s wages to afford a gallon of gas. Income Spent The average driver uses gallons a year, which eats up 1.77% of the typical salary. Gas Price.", + "The price per gallon of gas includes taxes from federal, state, county and city governments. There can be differences in gas prices because of the state and local taxes. In areas with few gas stations, gas prices tend to be more expensive than in areas with several stations nearby.", + "SUBSCRIBE to the Fact of the Week. When adjusted for inflation, the average annual price of gasoline has fluctuated greatly, and has recently experienced sharp increases and decreases. The effect of the U.S. embargo of oil from Iran can be seen in the early 1980's with the price of gasoline peaking in 1982. From 2002 to 2008 the price of gasoline rose substantially, but then fell sharply in 2009 during the economic recession.", + "Gas prices by state. The national average price of a gallon of regular gas is a seven-year low, as only six states have an average price above $2 a gallon. Alabama.", + "Gasoline and Diesel Fuel Update. Gasoline Release Date: April 10, 2017 | Next Release Date: April 17, 2017. Diesel Fuel Release Date:April 10, 2017 | Next Release Date: April 17, 2017. Note: Petroleum Marketing Survey Form Changes Proposed for 2017.", + "Gas prices by state. Gas Prices. The national average price of a gallon of regular gas is a seven-year low, as only six states have an average price above $2 a gallon.", + "After an emergency, such as a hurricane or tornado, gas stations may raise gas prices to levels that are very high, unreasonable, and unfair. This is called price gouging and it is illegal. If you believe that you are a victim of price gouging, contact your state attorney general. Back to Top.", + "There is a limited supply of crude oil, the main ingredient for the gas that is used in cars. If demand for this oil increases or there is a shortage in the amount available (due to natural disasters or political unrest in the areas that produce the oil), then the price of fuel for your car may also increase.", + "in. 1 Gasoline Price The average price of a gallon of gas is 2 $. Affordability With an average daily income of $80, it takes 2.06% of a day’s wages to afford a gallon of gas. 3 Income Spent The average driver uses gallons a year, which eats up 1.77% of the typical salary. Gas 1 Price. Affordability. Income Spent.", + "GasBuddy on the go. Report prices, leave and read station reviews, complete fun challenges and win gas cards in our giveaways. All in one convenient app. Available for iPhone and Android. GasBuddy on the go. Report prices, leave and read station reviews, complete fun challenges and win gas cards in our giveaways. All in one convenient app." + ], + "url": [ + "https://www.bloomberg.com/graphics/gas-prices/", + "https://www.usa.gov/gas", + "https://energy.gov/eere/vehicles/fact-915-march-7-2016-average-historical-annual-gasoline-pump-price-1929-2015", + "http://money.cnn.com/news/storysupplement/economy/gas_prices_by_state/index.html", + "https://www.eia.gov/petroleum/gasdiesel/", + "http://money.cnn.com/news/storysupplement/economy/gas_prices_by_state/index.html", + "https://www.usa.gov/gas", + "https://www.usa.gov/gas", + "https://www.bloomberg.com/graphics/gas-prices/", + "http://www.gasbuddy.com/" + ] + }, + "query": "us price of gasoline", + "query_id": 534099, + "query_type": "NUMERIC", + "wellFormedAnswers": [] + }, + "truncated_cells": [] + }, + { + "row_idx": 485, + "row": { + "answers": [ + "Between 200 to 900 pg/mL" + ], + "passages": { + "is_selected": [ + 1, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0 + ], + "passage_text": [ + "Normal value ranges for vitamin B12 vary slightly among different laboratories and can range anywhere between 200 to 900 pg/mL. The general consensus is values less than 200 pg/mL constitute a B12 deficiency.", + "A vitamin B12 test measures the amount of vitamin B12 in the blood. The normal values listed here-called a reference range-are just a guide. These ranges vary from lab to lab, and your lab may have a different range for what's normal. Your lab report should contain the range your lab uses.", + "A vitamin B12 test measures the amount of vitamin B12 in the blood. The normal values listed here-called a reference range-are just a guide. These ranges vary from lab to lab, and your lab may have a different range for what's normal.", + "Results. A vitamin B12 test measures the amount of vitamin B12 in the blood. The normal values listed here-called a reference range-are just a guide. These ranges vary from lab to lab, and your lab may have a different range for what's normal.", + "Results. A vitamin B12 test measures the amount of vitamin B12 in the blood. The normal values listed here-called a reference range-are just a guide. These ranges vary from lab to lab, and your lab may have a different range for what's normal. Your lab report should contain the range your lab uses.", + "Values of less than 200 pg/mL are a sign of a vitamin B12 deficiency. People with this deficiency are likely to have or develop symptoms. Older adults with vitamin B12 levels between 200 and 500 pg/mL may also have symptoms.", + "Values of less than 200 pg/mL are a sign of a vitamin B12 deficiency. People with this deficiency are likely to have or develop symptoms. Older adults with vitamin B12 levels between 200 and 500 pg/mL may also have symptoms.", + "As often as possible, your daily B12 intake should be through a well-rounded diet of B12-containing foods. Recommended B12 amounts for adults are 2.4 micrograms per day and recommended amounts for children range from .9 to 1.8 micrograms per day. Recommended amounts for infants range from .4 to .5 micrograms per day.", + "If your blood values for the vitamin fall below a range of 170 to 250 picograms per milliliter, you may develop a B12 deficiency.", + "Vitamin B12 Blood Levels Range and Test Results. Normal values of vitamin B12 in blood are between 200 to 900 picograms per milileter. Talk to your lab and request the specific values since every lab values ‘normal range’ differently." + ], + "url": [ + "http://www.todaysdietitian.com/newarchives/100112p15.shtml", + "http://www.webmd.com/diet/vitamin-b12-15239?page=2", + "http://www.webmd.com/diet/vitamin-b12-15239?page=2", + "http://www.webmd.com/diet/vitamin-b12-15239?page=2", + "http://www.webmd.com/diet/vitamin-b12-15239?page=2", + "https://www.nlm.nih.gov/medlineplus/ency/article/003705.htm", + "http://www.nytimes.com/health/guides/test/vitamin-b12-level/overview.html", + "http://www.livestrong.com/article/127146-normal-b12-range/", + "http://www.livestrong.com/article/127146-normal-b12-range/", + "http://freshbeetle.com/vitamin-b12-blood-test-levels/" + ] + }, + "query": "range for b12", + "query_id": 485243, + "query_type": "NUMERIC", + "wellFormedAnswers": [ + "The range for vitamin B12 is between 200 and 900 picograms per milliliter." + ] + }, + "truncated_cells": [] + }, + { + "row_idx": 486, + "row": { + "answers": [ + "Visceral peritoneum." + ], + "passages": { + "is_selected": [ + 0, + 0, + 1, + 0, + 0, + 0, + 0, + 0, + 0, + 0 + ], + "passage_text": [ + "The parietal peritoneum lines the abdominal wall and extends to the organs, whereas the visceral peritoneum covers the organs. The peritoneal cavity lies between these two peritoneal layers. It contains a thin layer of fluid that lubricates the peritoneal surfaces.", + "Peritoneum. The peritoneum is a smooth, glistening, serous membrane that lines the abdominal wall as the parietal peritoneum and is reflected from the body wall to various organs, where, as visceral peritoneum, it forms an integral part as the outermost, or serosal, layer.", + "The visceral peritoneum encapsulates the individual abdominal organs and is supplied by the organ it is closest to. The peritoneal cavity is a theoretical space that exists between the two layers of the peritoneal mesothelium.", + "The peritoneum is a smooth, glistening, serous membrane that lines the abdominal wall as the parietal peritoneum and is reflected from the body wall to various organs, where, as visceral peritoneum, it forms an integral part as the outermost, or serosal, layer.", + "The parietal peritoneum lines the abdominal wall and extends to the organs, whereas the visceral peritoneum covers the organs. The peritoneal cavity lies between these two peritoneal layers.", + "The parietal peritoneum covers the internal abdominal walls and is supplied by the regional neurovasculature. The visceral peritoneum encapsulates the individual abdominal organs and is supplied by the organ it is closest to.", + "Although ultimately one continuous sheet, two types of peritoneum are referenced: 1 Parietal peritoneum is that portion that lines the abdominal and pelvic cavities. 2 Visceral peritoneum covers the external surfaces of most abdominal organs, including the intestinal tract.", + "The peritoneum is a layer of serous membrane that constitutes the inner lining of the abdominopelvic cavity. This article will highlight the main anatomical features of the peritoneum and its subdivisions, the omenta, the mesenteries, the peritoneal ligaments and the epiploic foramen.", + "Its visceral branches provide blood to organs, while its parietal branches supply blood to the tissues of the abdominal body wall. 1 The inferior phrenic artery is a parietal artery, the most superior branch of the abdominal aorta.", + "The peritoneum helps support the organs in the abdominal cavity and also allows nerves, blood vessels, and lymph vessels to pass through to the organs. The parietal peritoneum lines the abdominal wall and extends to the organs, whereas the visceral peritoneum covers the organs." + ], + "url": [ + "http://www.dummies.com/how-to/content/what-is-the-peritoneum.html", + "http://www.dartmouth.edu/~humananatomy/part_5/chapter_26.html", + "https://www.kenhub.com/en/library/anatomy/the-peritoneum", + "http://www.dartmouth.edu/~humananatomy/part_5/chapter_26.html", + "http://www.dummies.com/how-to/content/what-is-the-peritoneum.html", + "https://www.kenhub.com/en/library/anatomy/the-peritoneum", + "http://www.vivo.colostate.edu/hbooks/pathphys/misc_topics/peritoneum.html", + "https://www.kenhub.com/en/library/anatomy/the-peritoneum", + "http://www.innerbody.com/image_cardov/card16-new.html", + "http://www.dummies.com/how-to/content/what-is-the-peritoneum.html" + ] + }, + "query": "parietal or visceral is closest to a organ", + "query_id": 471797, + "query_type": "DESCRIPTION", + "wellFormedAnswers": [] + }, + "truncated_cells": [] + }, + { + "row_idx": 487, + "row": { + "answers": [ + "Yes, Surgery may be required for fractures causing significant deformity or involving a joint." + ], + "passages": { + "is_selected": [ + 1, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0 + ], + "passage_text": [ + "1 Treatment of broken fingers depends on the type of fracture and the particular bone in the finger that is injured. Surgery may be required for fractures causing significant deformity or involving a joint. Complications of a broken finger can include join stiffness, rotation, nonunion, and infection.", + "1 Complications of a broken finger can include join stiffness, rotation, nonunion, and infection. After reduction, immobilization, and four to six weeks of healing, the prognosis for healing is excellent for a broken finger.", + "1 Take a long thin item, as long as your broken finger, such as a popsicle stick or a pen. 2 Place it next to your broken finger, or have a friend or family member help you hold it in place. Use medical tape to wrap together the stick or pen and your finger. Wrap it loosely.", + "1 In some cases, your doctor may strap your broken finger to the finger next to it, known as buddy taping. The splint will hold your finger in position as it heals. Your doctor may also move the bone back into place, a procedure known as reduction.", + "1 Surgery may be required for fractures causing significant deformity or involving a joint. 2 Complications of a broken finger can include join stiffness, rotation, nonunion, and infection. After reduction, immobilization, and four to six weeks of healing, the prognosis for healing is excellent for a broken finger.", + "1 If the trauma is severe, broken bones may be exposed through the soft tissues (called a compound fracture). If pain or swelling limits the motion or use of the fingers, if the finger becomes numb, or if the injury includes a laceration, crushed tissue, or exposure of bone, seek medical care.", + "1 Complications of a broken finger can include join stiffness, rotation, nonunion, and infection. 2 After reduction, immobilization, and four to six weeks of healing, the prognosis for healing is excellent for a broken finger. The best medicine for prevention of finger fractures is safety.", + "In brief: Splint or Surgery. A broken finger may be splinted or the break may require surgery with pins or a plate and screws to provide the best chance for optimal healing and function. Consult with a hand surgeon. A broken finger may be splinted or the break may require surgery with pins or a plate and screws to provide the best chance for optimal healing and function.", + "Fingertip Injuries and Amputations. Fingertip injuries can occur in accidents at home, work, or play. An injury can involve a sharp cut, a crushing injury, a tearing injury, or a combination of these injury types. An amputation can result from slamming your finger in a car door or catching your ring on a hook or nail. An injury or amputation can damage any part of the fingertip, including the: Skin and soft tissue.", + "To make a splint: 1 Take a long thin item, as long as your broken finger, such as a popsicle stick or a pen. 2 Place it next to your broken finger, or have a friend or family member help you hold it in place. Use medical tape to wrap together the stick or pen and your finger. Wrap it loosely." + ], + "url": [ + "http://www.medicinenet.com/broken_finger/article.htm", + "http://www.medicinenet.com/broken_finger/article.htm", + "http://www.wikihow.com/Treat-a-Broken-Finger", + "http://www.wikihow.com/Treat-a-Broken-Finger", + "http://www.medicinenet.com/broken_finger/article.htm", + "http://www.medicinenet.com/broken_finger/article.htm", + "http://www.medicinenet.com/broken_finger/article.htm", + "https://www.healthtap.com/user_questions/266465-what-can-be-done-for-a-broken-finger", + "http://orthoinfo.aaos.org/topic.cfm?topic=A00014", + "http://www.wikihow.com/Treat-a-Broken-Finger" + ] + }, + "query": "can anything be done for a broken finger", + "query_id": 64534, + "query_type": "DESCRIPTION", + "wellFormedAnswers": [] + }, + "truncated_cells": [] + }, + { + "row_idx": 488, + "row": { + "answers": [ + "80-100 feet apart or about 50 posts per mile." + ], + "passages": { + "is_selected": [ + 0, + 0, + 0, + 0, + 0, + 0, + 1, + 0, + 0, + 0 + ], + "passage_text": [ + "When a fence is more than 650 feet between corner posts, put braced-line post assemblies every 650 feet in the fence line. A braced line assembly is the same as a single-span braced corner except that a second diagonal brace wire is used to take fence pull in the opposite direction.", + "In general, the spacing between wires. gets wider as the fence gets taller. Woven wire is available in many combinations. of wire sizes and spacings, as well as a number of. horizontal line wires and fence heights.", + "Fencing Materials and Equipment ............................................................................ 10. Fence Posts..............................................................................................................................................", + "Post diameter depends on the strength of the fence. Gerrish says the lightest-duty fence, such as a 1- or 2-wire, high-tensile pasture subdivision fence, only requires a 4- to 5-inch-diameter post. A 5-strand barbed wire fence, or 5- or 6-strand high-tensile wire fence, requires a 6- to 7-inch-diameter post.", + "Standard distance between 4x4's for Fence? We're about ready to start a FENCE build. We're going to dig 2' deep fence post holes and set them with Fence Post 'cement'. But were curious whether there is a standard that shold be used for the distance BETWEEN each Fence Post? This is a relatively flat yard that we're building this fence for.", + "On Gerrish's 2-wire range fences, the top wire is at 30 inches and the second wire is at 20 inches. It’s designed to allow antelope to go under the wires at a dead run, but low enough that elk will hit the fence with their legs and not the heaviest part of their body.", + "Fencers tend to use too many posts, which likely stems from people's experience with barbed wire, where the rule of thumb was 1 post every rod length (16.5 feet). How to fix it: In an electric-fencing system, Derynck reccomends fence post spacing 80-100 feet apart, or about 50 posts per mile. He suggests using a “stay” – a shorter post that sits on top of the ground and holds wires up – if posts are spaced 100 ft. apart.", + "Locate line posts 15 to 20 feet apart. Use the 15-foot spacing for steel posts or wooden posts with less than 3-1/2-inch diameter tops. Posts may be driven or set with either power or hand tools. If you have more than a few hundred feet of fence to build, use a power driver or auger. Line posts should be set or driven to a minimum depth of 2-1/2 feet. Steel line posts must be oriented for proper wire placement when installed.", + "Corner, End and Line Brace Assemblies ............................................................................................ 14. Setting Fence Posts ................................................................................................................................ 15. Running Wire .........................................................................................................................................", + "Fence height for perimeter cattle fences. should be a minimum of 54 inches. When bulls are penned separately from cows, special attention must be paid to construction. Heavy posts with thick-gauge wire or cables are. required, or electric fence may be effectively used." + ], + "url": [ + "http://extension.missouri.edu/p/G1192", + "http://smallfarms.oregonstate.edu/sites/default/files/nning_and_Building_Fences_on_the_Farm_PB1541.pdf", + "http://smallfarms.oregonstate.edu/sites/default/files/nning_and_Building_Fences_on_the_Farm_PB1541.pdf", + "http://www.beefmagazine.com/pasture-range/grazing-programs/0301-common-fencing-mistakes", + "http://www.diychatroom.com/f14/standard-distance-between-4x4s-fence-70289/", + "http://www.beefmagazine.com/pasture-range/grazing-programs/0301-common-fencing-mistakes", + "http://www.beefmagazine.com/pasture-range/grazing-programs/0301-common-fencing-mistakes", + "http://extension.missouri.edu/p/G1192", + "http://smallfarms.oregonstate.edu/sites/default/files/nning_and_Building_Fences_on_the_Farm_PB1541.pdf", + "http://smallfarms.oregonstate.edu/sites/default/files/nning_and_Building_Fences_on_the_Farm_PB1541.pdf" + ] + }, + "query": "distance between metal fence posts", + "query_id": 153214, + "query_type": "NUMERIC", + "wellFormedAnswers": [] + }, + "truncated_cells": [] + }, + { + "row_idx": 489, + "row": { + "answers": [ + "Manual and systemization" + ], + "passages": { + "is_selected": [ + 0, + 0, + 0, + 0, + 1, + 0, + 0, + 0, + 0, + 0 + ], + "passage_text": [ + "If you choose to organize your bills manually, create a designated space within your home to collect bills as they come through the mail each month. You can use an in box system or a mail organizer with dividers to file mail as it arrives. Schedule time each month or every two weeks to sit down and pay bills.", + "Steps. 1 1. Create a place to keep incoming bills. 2 2. Keep a healthy stock of envelopes, stamps and checks. 3 3. Record when you need to pay your bills in your day planner. 4. Check your 1 charges. 5. Write down your payments in your checkbook and balance your account. 6. Mail your 1 check. 7. File your paid bills.", + "PREPPING TO PAY. 1 Open up your bills and paper clip the payment envelope to the top of each statement. 2 Write the due date on a Post-It note and stick it to the front of the statement. 3 Put your stack of paperclipped statements in your magazine file in order of due dates – due from the 1st to the 31st of the month.", + "The following is a list of steps to follow when organizing your medical bills. 1 Separate the bills by the provider of service name. 2 Place the oldest statement date on the bottom and the most current date on the top. 3 Next, sort the EOMB's (explanation of medical benefits) by provider of service and total amount charged.", + "There are two primary methods or bill organization; manual and systemization. There are benefits and disadvantages of both methods for how to organize bills. While you can certainly develop a manual system to collect, pay and track your bills, most individuals find tremendous advantages with a bill organizer system.", + "The following is a list of steps to follow when organizing your medical bills. 1 Separate the bills by the provider of service name. 2 Place the oldest statement date on the bottom and the most current date on the top. 3 Next, sort the EOMB's (explanation of medical benefits) by provider of service and total amount charged.", + "Organize Your Medical Bills. The following is a list of steps to follow when organizing your medical bills. Separate the bills by the provider of service name. Place the oldest statement date on the bottom and the most current date on the top. Next, sort the EOMB's (explanation of medical benefits) by provider of service and total amount charged.", + "Steps. 1 1. Create a place to keep incoming bills. Organizing is all about knowing where you put things and keeping them in meticulous order. 2 2. Keep a healthy stock of envelopes, stamps and checks. You don't want to run out of any of these supplies in case you need to pay a bill last minute.", + "Create a place to keep incoming bills. Organizing is all about knowing where you put things and keeping them in meticulous order. Accordion file-folders are often the best place for this. When you receive a bill in the mail, put it in an urgent folder so they will be taken care of first.", + "Organize Your Medical Bills. The following is a list of steps to follow when organizing your medical bills. Separate the bills by the provider of service name. Place the oldest statement date on the bottom and the most current date on the top. Next, sort the EOMB's (explanation of medical benefits) by provider of service and total amount charged." + ], + "url": [ + "http://www.lifeorganizeit.com/bill-organizer.html", + "http://www.wikihow.com/Keep-Your-Bills-Organized", + "http://www.organizedchaosonline.com/2013/08/15/how-to-set-up-an-easy-system-for-paying-your-bills-and-keep-you-organized-for-tax-season/", + "http://www.slhn.org/Pay-Bills/Helpful-Hints/Organize-Your-Bills", + "http://www.lifeorganizeit.com/bill-organizer.html", + "https://www.slhn.org/Pay-Bills/Helpful-Hints/Organize-Your-Bills", + "http://www.slhn.org/Pay-Bills/Helpful-Hints/Organize-Your-Bills", + "http://www.wikihow.com/Keep-Your-Bills-Organized", + "http://www.wikihow.com/Keep-Your-Bills-Organized", + "https://www.slhn.org/Pay-Bills/Helpful-Hints/Organize-Your-Bills" + ] + }, + "query": "way to organize bills", + "query_id": 542099, + "query_type": "DESCRIPTION", + "wellFormedAnswers": [ + "One can organize bills by the way of manual and systemization." + ] + }, + "truncated_cells": [] + }, + { + "row_idx": 490, + "row": { + "answers": [ + "No Answer Present." + ], + "passages": { + "is_selected": [ + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0 + ], + "passage_text": [ + "Come live in me all my life, take over. Come breathe in me, I will rise on eagle's wings. Here I am waiting, abide in me, I pray. Here I am longing for You. Hide me in Your love, bring me to my knees. May I know Jesus more and more. Come live in me all my life, take over. Come breathe in me, I will rise on eagle's wings.", + "Come live in me all my life, take over. Come breathe in me, I will rise on eagle's wings. Come live in me all my life, take over. Come breathe in me, I will rise on eagle's wings. Here I am waiting, abide in me, I pray. Here I am longing for You. Hide me in Your love, bring me to my knees. May I know Jesus more and more.", + "10 Teach me to do Your will, For You are my God; Let Your good Spirit lead me on level ground. 11 For the sake of Your name, O LORD, revive me. In Your righteousness bring my soul out of trouble.….", + "Come live in me all my life, take over. Come breathe in me, I will rise on eagle's wings. Here I am waiting, abide in me, I pray. Here I am longing for You. Hide me in Your love, bring me to my knees. May I know Jesus more and more. Come live in me all my life, take over.", + "Teach me to do your will, for you are my God! Let your good Spirit lead me on level ground! New American Standard Bible. Teach me to do Your will, For You are my God; Let Your good Spirit lead me on level ground.", + "Okay – that’s my mantra for today. When depression is draining you of you will to live, of all those things that make you, YOU, try, if you can, to think about just one thing that can help change your state of mind.", + "Okay – that’s my mantra for today. When depression is draining you of you will to live, of all those things that make you, YOU, try, if you can, to think about just one thing that can help change your state of mind. Try it.", + "Teach me to do Your will, For You are my God; Let Your good Spirit lead me on level ground. King James Bible. Teach me to do thy will; for thou art my God: thy spirit is good; lead me into the land of uprightness.", + "What I want just might hurt me. And you won't let me go out like that. You know my end before my beginning. Calculated blessings down to the penny. So I'll cry 'til you tell me, Let it go, let it be cause. Oh, Lord, Lord Your will is what's best for me.", + "And you won't let me go out like that. You know my end before my beginning. Calculated blessings down to the penny. So I'll cry 'til you tell me, Let it go, let it be cause. Oh, Lord, Lord Your will is what's best for me." + ], + "url": [ + "http://www.lyricsmode.com/lyrics/h/hillsong/eagles_wings.html", + "http://www.lyricsmode.com/lyrics/h/hillsong/eagles_wings.html", + "http://biblehub.com/psalms/143-10.htm", + "http://www.lyricsmode.com/lyrics/h/hillsong/eagles_wings.html", + "http://biblehub.com/psalms/143-10.htm", + "http://www.healthyplace.com/blogs/copingwithdepression/2014/03/depression-is-draining/", + "http://www.healthyplace.com/blogs/copingwithdepression/2014/03/depression-is-draining/", + "http://biblehub.com/psalms/143-10.htm", + "http://www.youtube.com/watch?v=1qxs0sfURZM", + "http://www.youtube.com/watch?v=1qxs0sfURZM" + ] + }, + "query": "let my will be your will to live meaning", + "query_id": 439407, + "query_type": "DESCRIPTION", + "wellFormedAnswers": [] + }, + "truncated_cells": [] + }, + { + "row_idx": 491, + "row": { + "answers": [ + "No Answer Present." + ], + "passages": { + "is_selected": [ + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0 + ], + "passage_text": [ + "They not only form our political and geographical boundaries but define our stories and our lives. Bhutan Celebrates Third Annual Literary Festival, Mountain Echoes Karma Singye Dorji May 28, 2012. There are trade-offs in all things, and no perfect solution, geographical or otherwise.", + "biosphere - the regions of the surface and atmosphere of the Earth (or other planet) where living organisms exist. 1 region, part - the extended spatial location of something; the farming regions of France; religions in all parts of the world; regions of outer space.", + "Ozone layer. Part of the atmosphere that protects us from harmful ultraviolet rays. About 25 percent of solar energy is reflected by. Clouds and dust in the atmosphere + the ozone layer. About 25% of solar energy is absorbed by. The atmosphere and the dust and water vapour it contains. 50%. The percentage of Solar radiation that reaches he surface of earth where it is absorbed by land and oceans.", + "bi·o·sphere. The parts of the land, sea, and atmosphere in which organisms live. biosphere. that part of the earth where most forms of life exist, specifically, where there is water or atmosphere. that part of the earth’s surface where most forms of life exist, specifically those parts where there is water or atmosphere.", + "The geographical scope of the damage is amplifying the costs. They not only form our political and geographical boundaries but define our stories and our lives. There are trade-offs in all things, and no perfect solution, geographical or otherwise.", + "the gaseous envelope surrounding the earth; the air. 2. this medium at a given place. 3. Astronomy. the gaseous envelope surrounding a heavenly body. 4. Chemistry. any gaseous envelope or medium.", + "a conventional unit of pressure, the normal pressure of the air at sea level, about 14.7 pounds per square inch (101.3 kilopascals), equal to the pressure exerted by a column of mercury 29.92 inches (760 mm) high.", + "All of us, at some point of time, have studied geography. But remembering all the geography terms is next to impossible. Geographical terms such as acid rain, barometer, atmosphere, climate, and weather are used in our day-to-day lives for purposes such as academic projects or making travel plans. Many a time, these geography terms are misunderstood.", + "Scientists generally divide our little blue world into four separate yet overlapping spheres. These spheres are the lithosphere, the atmosphere, the biosphere, and the hydrosphere. Each of these spheres consist of unique properties that separate them from the others. However, as I am sure you have noticed, there is no distinct boundary or border between them. The atmosphere extends downward into the soil, into caves and rocks, and even into water.", + "Physical map of the Earth with political borders as of 2004. Geography (from Greek γεωγραφία, geographia, literally earth description) is a field of science devoted to the study of the lands, the features, the inhabitants, and the phenomena of Earth. The first person to use the word γεωγραφία was Eratosthenes (276–194 BC)." + ], + "url": [ + "http://www.dictionary.com/browse/geographical", + "http://www.thefreedictionary.com/biosphere", + "https://quizlet.com/50624461/geography-chapter-4-the-restless-atmosphere-flash-cards/", + "http://www.thefreedictionary.com/biosphere", + "http://www.dictionary.com/browse/geographical", + "http://www.dictionary.com/browse/atmosphere", + "http://www.dictionary.com/browse/atmosphere", + "http://www.buzzle.com/articles/geography-terms-glossary-of-geography-terms-and-definitions.html", + "http://www.kidsgeo.com/geography-for-kids/0130-the-hydrosphere.php", + "https://en.wikipedia.org/wiki/Geography" + ] + }, + "query": "geographical atmosphere definition", + "query_id": 194316, + "query_type": "DESCRIPTION", + "wellFormedAnswers": [] + }, + "truncated_cells": [] + }, + { + "row_idx": 492, + "row": { + "answers": [ + "Routing Number for The Family Credit Union in IA and IL (for all transaction types) is 273973663." + ], + "passages": { + "is_selected": [ + 0, + 0, + 1, + 0, + 0, + 0, + 0, + 0, + 0, + 0 + ], + "passage_text": [ + "Routing number for The Family Credit Union. Routing number for The Family Credit Union is a 9 digit code required for initiating various financial tran First Servicetions such as direct deposits, electronic payments, wire transfers, check ordering and many more.", + "(563) 388-8328. There are several routing numbers for The Family Credit Union reported in our bank database. Please call The Family Credit Union branch office at (309) 796-9600 to get an accurate routing number for The Family Credit Union wire transfer, reorder checks or setting up The Family Credit Union direct deposit. You can also use our location and routing number search locator to refine your search.", + "Routing Number for The Family Credit Union in IA and IL (for all transaction types) is 273973663. **Address mentioned in the table may differ from your branch office address. Routing number of a bank usually differ only by state and is generally same for all branches in a state.", + "Western (46) Credit Union Routing Number. A routing number is a 9 digit code for identifying a financial institution for the purpose of routing of checks (cheques), fund transfers, direct deposits, e-payments, online payments, and other payments to the correct bank branch.", + "The Family Credit Union Routing Number, Address, Swift Codes. 8 branches found. A routing number is a 9 digit code for identifying a financial institution for the purpose of routing of checks (cheques), fund transfers, direct deposits, e-payments, online payments, and other payments to the correct bank branch.", + "FAMILY FIRST CREDIT UNION has 2 active routing numbers. Routing numbers consist of a nine-digit numeric code printed on the bottom of checks that is required for electronic routing of funds (such as direct deposits, domestic and international wire transfers, electronic payments, automatic payments, ACH transfers) from one bank account to another.", + "The Family Credit Union has been open since 1935. It's the 16th largest credit union in Iowa with assets totaling $149.63 Million and providing banking services to more than 18,000 members.", + "Membership is also open to immediate family of current members. Contact The Family Credit Union. Contact the Davenport Main Office location at 1530 W 53rd Street by calling (563) 388-8328 or contact the credit union by any of these means: Phone: (563) 388-8328.", + "Search all FAMILY FIRST CREDIT UNION routing numbers in the table below. Use the Search box to filter by city, state, address, routing number. Click on the routing number link in the table below to navigate to it and see all the information about it (address, telephone number, zip code, etc.). © Bank Codes - Routing Numbers 2017 | Contact.", + "(563) 388-8328. There are several routing numbers for The Family Credit Union reported in our bank database. Please call The Family Credit Union branch office at (515) 465-5180 to get an accurate routing number for The Family Credit Union wire transfer, reorder checks or setting up The Family Credit Union direct deposit. You can also use our location and routing number search locator to refine your search." + ], + "url": [ + "http://banks-america.com/routing-number/the-family/", + "http://www.bankabanumbers.com/cubranchlocation-67270.html", + "http://banks-america.com/routing-number/the-family/", + "http://banks-america.com/credit-union/the-family/", + "http://banks-america.com/credit-union/the-family/", + "http://bank-code.net/routing-numbers/bank/family-first-credit-union", + "https://www.creditunionsonline.com/credit-union-2653.html", + "https://www.creditunionsonline.com/credit-union-2653.html", + "http://bank-code.net/routing-numbers/bank/family-first-credit-union", + "http://www.bankabanumbers.com/cubranchlocation-67272.html" + ] + }, + "query": "the family credit union routing number", + "query_id": 515978, + "query_type": "NUMERIC", + "wellFormedAnswers": [ + "The routing number for The Family Credit Union in Iowa and Illinois is 273973663." + ] + }, + "truncated_cells": [] + }, + { + "row_idx": 493, + "row": { + "answers": [ + "Yes, Inflation Rate in the United States is expected to be 2.00 percent by the end of this quarter." + ], + "passages": { + "is_selected": [ + 0, + 0, + 1, + 0, + 0, + 0, + 0, + 0, + 0, + 0 + ], + "passage_text": [ + "BREAKING DOWN 'Inflation' As a result of inflation, the purchasing power of a unit of currency falls. For example, if the inflation rate is 2%, then a pack of gum that costs $1 in a given year will cost $1.02 the next year. As goods and services require more money to purchase, the implicit value of that money falls. The Federal Reserve uses core inflation data, which excludes volatile industries such as food and energy prices.", + "Inflation is one of the primary reasons that people invest in the first place. Just as the pack of gum that costs a dollar will cost $1.02 in a year, assuming 2% inflation, a savings account that was worth $1,000 would be worth $903.92 after 5 years, and $817.07 after 10 years, assuming that you earn no interest on the deposit.", + "United States Inflation Rate Forecast. Inflation Rate in the United States is expected to be 2.00 percent by the end of this quarter, according to Trading Economics global macro models and analysts expectations. Looking forward, we estimate Inflation Rate in the United States to stand at 2.30 in 12 months time. In the long-term, the United States Inflation Rate is projected to trend around 2.50 percent in 2020, according to our econometric models. 1 Historical. 2 Forecast. 3 Alerts. 4 Data. 5 API.", + "Central banks attempt to limit inflation, and avoid deflation, in order to keep the economy running smoothly. The rate at which the general level of prices for goods and services is rising and, consequently, the purchasing power of currency is falling.", + "To be clear, this U.S. inflation rate is for the 12-month period from June 2016 to June 2017 as the United States government typically publishes inflation rates about two weeks into a new month using data collected through to the end of the previous month.", + "To be clear, this U.S. inflation rate is for the 12-month period from December 2016 to December 2017 as the United States government typically publishes inflation rates about two weeks into a new month using data collected through to the end of the previous month.", + "US Inflation Rate The latest annual inflation rate for the United States is 2.1% through December 2017, as reported by the Bureau of Labor Statistics (BLS) on January 12, 2018.", + "Below is a graph showing inflation rates during each of the last ten years, and the latest rate for 2016 based on the most recent 12-month period available. Below is a table containing United States inflation rates from 1980 to 2017 as published by the US government. To find the accumulative inflation rate between two dates, use this calculator. US Inflation Rate Table (1980 – 2017)", + "Below is a graph showing inflation rates during each of the last ten years, and the latest rate for 2017 is based on the most recent 12-month period available. US Inflation Rate Graph (2007 – Current) This will be replaced by the player. Below is a table containing United States inflation rates from 1980 to 2017 as published by the US government.", + "The latest annual inflation rate for the United States is 1.6% through June 2017, as reported by the Bureau of Labor Statistics (BLS) on July 14, 2017." + ], + "url": [ + "https://www.investopedia.com/terms/i/inflation.asp", + "https://www.investopedia.com/terms/i/inflation.asp", + "https://tradingeconomics.com/united-states/inflation-cpi/forecast", + "https://www.investopedia.com/terms/i/inflation.asp", + "http://usinflation.org/us-inflation-rate/", + "http://usinflation.org/us-inflation-rate/", + "http://usinflation.org/us-inflation-rate/", + "http://usinflation.org/us-inflation-rate/", + "http://usinflation.org/us-inflation-rate/", + "http://usinflation.org/us-inflation-rate/" + ] + }, + "query": "is the us inflationary", + "query_id": 1174715, + "query_type": "DESCRIPTION", + "wellFormedAnswers": [] + }, + "truncated_cells": [] + }, + { + "row_idx": 494, + "row": { + "answers": [ + "By a low back problem is often accompanied by additional symptoms, such as leg numbness or weakness, or foot pain, and the type of leg pain experienced may vary widely from patient to patient." + ], + "passages": { + "is_selected": [ + 0, + 0, + 1, + 0, + 0, + 0, + 0, + 0, + 0, + 0 + ], + "passage_text": [ + "Leg pain is a prime example of this. Most people struggle to understand how and why leg pain can be caused by anxiety, but the reality is that the connection is very real, and while it doesn't affect everyone, there are many people living with leg pain right now that is caused by anxiety.", + "As long as you can relieve your anxiety, the leg pain should go away. Don't forget that anxiety can affect your body in strange ways. Even when you're not feeling any anxious thoughts, or any other anxiety symptoms, it's possible for your anxiety to cause physical symptoms.", + "Not all leg pain derived from low back problems presents the same way. Leg pain caused by a low back problem is often accompanied by additional symptoms, such as leg numbness or weakness, or foot pain, and the type of leg pain experienced may vary widely from patient to patient.", + "1 This type of burning pain is fairly typical when a nerve root in the lower spine is irritated, and it is often referred to as sciatica. 2 See Sciatic Nerve and Sciatica. 3 Leg numbness or tingling.", + "1 Veins return blood from the legs to the heart. 2 There are two systems of veins in the leg: superficial and deep. 3 If a blood clot occurs in a deep vein (deep venous thrombosis), it causes a damming effect, and blood is trapped behind the blockage. 4 This causes redness, swelling, warmth, and pain in the affected area.", + "1 There are two systems of veins in the leg: superficial and deep. 2 If a blood clot occurs in a deep vein (deep venous thrombosis), it causes a damming effect, and blood is trapped behind the blockage. 3 This causes redness, swelling, warmth, and pain in the affected area. 4 Calf pain and swelling are common symptoms.", + "1 Blood clot: A blood clot can completely obstruct one of the arteries to the leg and cause the acute onset of pain because the blood supply has been completely cut off. 2 Aside from pain, the leg becomes cool and pale. 3 While there are many potential sources of a blood clot, one common place to look is the heart.", + "1 Blood clots can also obstruct veins, causing pain. 2 Veins return blood from the legs to the heart. 3 There are two systems of veins in the leg: superficial and deep. 4 If a blood clot occurs in a deep vein (deep venous thrombosis), it causes a damming effect, and blood is trapped behind the blockage.", + "When your leg pain is caused by anxiety, there is no danger to your health. Despite how scary it may feel when you're suffering from serious pain, anxiety related leg pain is merely a response to the way your body is experiencing stress.", + "Leg pain often starts as a problem in the lumbar spine, or low back. Watch: Sciatic Nerve Anatomy Video. Leg pain may be caused by a problem in the leg, but often it starts with a problem in the lower back, where the sciatic nerve originates, and then travels along the path of the nerve (called sciatica). 1 See What You Need to Know About Sciatica." + ], + "url": [ + "http://www.calmclinic.com/anxiety/symptoms/leg-pain", + "http://www.calmclinic.com/anxiety/symptoms/leg-pain", + "http://www.spine-health.com/conditions/leg-pain/leg-pain-and-numbness-what-might-these-symptoms-mean", + "http://www.spine-health.com/conditions/leg-pain/leg-pain-and-numbness-what-might-these-symptoms-mean", + "http://www.emedicinehealth.com/leg_pain/page3_em.htm", + "http://www.emedicinehealth.com/leg_pain/page3_em.htm", + "http://www.emedicinehealth.com/leg_pain/page3_em.htm", + "http://www.emedicinehealth.com/leg_pain/page3_em.htm", + "http://www.calmclinic.com/anxiety/symptoms/leg-pain", + "http://www.spine-health.com/conditions/leg-pain/leg-pain-and-numbness-what-might-these-symptoms-mean" + ] + }, + "query": "what causes constant leg pain", + "query_id": 586752, + "query_type": "DESCRIPTION", + "wellFormedAnswers": [] + }, + "truncated_cells": [] + }, + { + "row_idx": 495, + "row": { + "answers": [ + "No Answer Present." + ], + "passages": { + "is_selected": [ + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0 + ], + "passage_text": [ + "Chest pain that accompanies frequent heartburn can be treated with proton pump inhibitors (PPIs). A PPI is a type of medication that reduces acid production in your stomach. Your doctor also may recommend cutting out certain types of food that can trigger symptoms, such as fried foods, spicy foods, and citrus fruits.", + "For example, it is very possible to feel some pain in the right ribs if you have heartburn. Heartburn is caused by hyperacidity in the stomach. If this happens, then you may also have the initial stages of ulcers and GERD or acid reflux. Of course, there is no telling that you have them unless diagnosed by the doctor.", + "The symptoms of acid reflux, including chest pain and heartburn, may ease considerably as you straighten your body to a sitting or standing position. Bending and lying down can make GERD symptoms and discomfort worse, particularly right after eating. Cardiac chest pain continues to hurt, regardless your body position. However, it can also come and go throughout the day, depending on the severity of angina.", + "For example, the pancreas and liver may induce pain in the lower part of the right rib cage. If there are diseases in these organs, you may feel tenderness and pain in the nearby rib areas. It is important that you seek medical assistance if you feel other symptoms like nausea, vomiting, headaches, and extreme pain.", + "Sorry for your pain. I too suffer from this pain. I have acid reflux and I take nexium for that. I had/have pain in the right quadrant area which also wraps around the back and up to the shoulder blade sometimes.", + "Still, acid reflux and heartburn could deliver pain in the ribcage and the chest. On the other hand, a disease or damage in the spleen may also result to rib pain in the left side of the body. This is where the spleen is located.", + "For me it became obvious when I took more omeprazole and the rib pain increased. Decrease omeprazole and the bone pain decreased. However altering the dose (up or down) can trigger the pain and therefore reducing the dose can also cause bone pain whilst mineralisation takes place in the bones.", + "Re: Questions rib pain. I had the same thing. No gerd, it was H.Pylori. I took the breath test and it was positive. I picked up a bottle of mastic gum and after a month, my breath test came back neg. No more rib pain. I also had a lot of burping that went away with the mastic gum.", + "Causes of Left Rib Cage Pain. On the other hand, a left side pain in the ribcage could be due to heart problems. The heart is somewhat lying away to the left side of the chest. Therefore, if there are heart diseases or even heart attack a person may feel the initial stages of ribcage pain towards the left of the chest.", + "Esophageal spasms are the constriction of the muscles around the food tube. They occur when acid reflux or other medical issues cause damage within the esophagus. In turn, these spasms can cause pain in your throat and the upper area of your chest as well." + ], + "url": [ + "http://www.healthline.com/health/gerd/chest-pain", + "http://lindatate.typepad.com/blog/2012/05/causes-of-ribcage-pain-remedy-and-treatment-for-rib-cage-pain.html", + "http://www.healthline.com/health/gerd/chest-pain", + "http://lindatate.typepad.com/blog/2012/05/causes-of-ribcage-pain-remedy-and-treatment-for-rib-cage-pain.html", + "http://www.healthboards.com/boards/acid-reflux-gerd/951068-questions-rib-pain.html", + "http://lindatate.typepad.com/blog/2012/05/causes-of-ribcage-pain-remedy-and-treatment-for-rib-cage-pain.html", + "http://www.healthboards.com/boards/acid-reflux-gerd/951068-questions-rib-pain.html", + "http://www.healthboards.com/boards/acid-reflux-gerd/951068-questions-rib-pain.html", + "http://lindatate.typepad.com/blog/2012/05/causes-of-ribcage-pain-remedy-and-treatment-for-rib-cage-pain.html", + "http://www.healthline.com/health/gerd/chest-pain" + ] + }, + "query": "can indigestion hurt your ribs", + "query_id": 70303, + "query_type": "DESCRIPTION", + "wellFormedAnswers": [] + }, + "truncated_cells": [] + }, + { + "row_idx": 496, + "row": { + "answers": [ + "No Answer Present." + ], + "passages": { + "is_selected": [ + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0 + ], + "passage_text": [ + "Home Remedies for Mouth Ulcers. Mouth ulcers are quite common and irritating. These painful, open sores are white in color, surrounded by an inflamed red border. More often than not, they appear on the inside of the cheeks, lips, under the tongue, and on the floor of the mouth.", + "Swish your mouth with warm water or salt water to get the area clean, allowing the clove oil to really sink in and do its job. Mix the clove oil with the olive oil and then soak a cotton ball in it. Apply the cotton ball directly to the sore for 5-8 minutes for numbing relief.", + "A cold sore often begins as several tiny blisters that eventually form one larger sore. They appear most often on the lips and face. In contrast, canker sores usually travel alone. And unlike a sore caused by the herpes virus, a canker sore is not contagious. A canker sore has a yellow or white-gray center with a well-defined red border.", + "It used widely in the culinary world, and has also been prevalent in homeopathic medicine and home remedies for years. Native American’s used sage long before modern medicine to help cleanse the mouth, and to heal the painful ulcers that we now know as canker sores. You will need….", + "Some of the effective home remedies which can cure your painful mouth ulcers are listed below: 1 Most effective home remedy for mouth ulcer is to chew few holy basil leaves with water twice in a day. This not only treats your ulcers but also prevents bad smell. 2 Gargle at least 3-4 times in a day with fresh coconut milk.", + "Most effective home remedy for mouth ulcer is to chew few holy basil leaves with water twice in a day. This not only treats your ulcers but also prevents bad smell. Gargle at least 3-4 times in a day with fresh coconut milk. Alternately gargle with cold and hot water. Eat lot of raw salad especially raw onions.", + "Fortunately, a canker sore is usually a fairly short-lived misery, and there are a few home remedies you can employ to find some temporary relief. First, however, you need to be able to tell the difference between a canker sore and a cold sore, or fever blister, which is caused by the herpes virus.", + "Hence, you can use the ingredients separately or in an effective combination to cure mouth ulcers or canker sores. 1 Add two teaspoons each of sea salt and 3% hydrogen peroxide to a glass of warm water. Mix it well. 2 Use it as a mouth rinse. 3 Repeat once or twice a day. Make sure you do not swallow the solution.", + "Hence, you can use the ingredients separately or in an effective combination to cure mouth ulcers or canker sores. 1 Add two teaspoons each of sea salt and 3% hydrogen peroxide to a glass of warm water. 2 Use it as a mouth rinse. 3 Repeat once or twice a day.", + "Canker sores are small, shallow ulcers that appear in the mouth and often make eating and talking uncomfortable. There are two types of canker sores: Simple canker sores. These may appear three or four times a year and last up to a week. They typically occur in people ages 10 to 20. Complex canker sores." + ], + "url": [ + "http://www.top10homeremedies.com/home-remedies/home-remedies-mouth-ulcers.html", + "http://everydayroots.com/canker-sore-remedies", + "http://health.howstuffworks.com/wellness/natural-medicine/home-remedies/home-remedies-for-canker-sores.htm", + "http://everydayroots.com/canker-sore-remedies", + "http://homeremedies.ygoy.com/2008/04/09/home-remedies-for-mouth-ulcers/", + "http://homeremedies.ygoy.com/2008/04/09/home-remedies-for-mouth-ulcers/", + "http://health.howstuffworks.com/wellness/natural-medicine/home-remedies/home-remedies-for-canker-sores.htm", + "http://www.top10homeremedies.com/home-remedies/home-remedies-mouth-ulcers.html", + "http://www.top10homeremedies.com/home-remedies/home-remedies-mouth-ulcers.html", + "http://www.webmd.com/oral-health/guide/canker-sores" + ] + }, + "query": "home remedies for blisters in mouth", + "query_id": 204476, + "query_type": "DESCRIPTION", + "wellFormedAnswers": [] + }, + "truncated_cells": [] + }, + { + "row_idx": 497, + "row": { + "answers": [ + "It is also known as pyrexia and febrile response, is defined as having a temperature above the normal range due to an increase in the body's temperature set-point." + ], + "passages": { + "is_selected": [ + 1, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0 + ], + "passage_text": [ + "Fever, also known as pyrexia and febrile response, is defined as having a temperature above the normal range due to an increase in the body's temperature set-point.There is not a single agreed upon upper limit for normal temperature with sources using values between 37.5 and 38.3 °C (99.5 and 100.9 °F).ever is one of the most common medical signs. It is part of about 30% of healthcare visits by children and occurs in up to 75% of adults who are seriously sick. While fever is a useful defense mechanism, treating fever does not appear to worsen outcomes.", + "A fever, or pyrexia, is a rise in internal body temperature to levels that are considered to be above normal. Average body temperature is about 98.6°F or 37°C, and temperatures above 100.4°F or 38°C are generally considered to be febrile.Body temperature is determined by the body's thermoregulatory set-point. fever, or pyrexia, is a rise in internal body temperature to levels that are considered to be above normal. Average body temperature is about 98.6°F or 37°C, and temperatures above 100.4°F or 38°C are generally considered to be febrile.", + "Definition. A fever is a temporary increase in your body temperature, often due to an illness. Having a fever is a sign that something out of the ordinary is going on in your body.For an adult, a fever may be uncomfortable, but usually isn't a cause for concern unless it reaches 103 F (39.4 C) or higher.For infants and toddlers, a slightly elevated temperature may indicate a serious infection.aving a fever is a sign that something out of the ordinary is going on in your body. For an adult, a fever may be uncomfortable, but usually isn't a cause for concern unless it reaches 103 F (39.4 C) or higher. For infants and toddlers, a slightly elevated temperature may indicate a serious infection.", + "A fever is a body temperature that is higher than normal. While the average normal body temperature is 98.6°F (37°C), a normal temperature range is between 97.5°F (36.4°C) and 99.5°F (37.5°C).Most pediatricians consider a temperature above 100.4°F (38°C) as a sign of a fever. fever is usually a sign that the body is fighting an illness or infection. Fevers are generally harmless. In fact, they can be considered a good sign that your child’s immune system is working and the body is trying to heal itself.", + "A fever is a rise in body temperature. It's usually a sign of infection. The fever itself is generally harmless and probably helpful. Fevers usually don't need treatment.The average body temperature is 98.6 F (37 C). But normal body temperature can range between 97 (36.1) and 99 (37.2) or more. fever is a rise in body temperature. It's usually a sign of infection. The fever itself is generally harmless and probably helpful. Fevers usually don't need treatment.", + "Most people think of a normal body temperature as an oral temperature of 98.6°F (37°C) . This is an average of normal body temperatures. Your temperature may actually be 1°F (0.6°C) or more above or below 98.6°F (37°C) .ost people think of a normal body temperature as an oral temperature of 98.6°F (37°C) . This is an average of normal body temperatures. Your temperature may actually be 1°F (0.6°C) or more above or below 98.6°F (37°C) .", + "A normal temperature is about 98.6°F (37°C) when taken orally (in your child’s mouth) and 99.6°F (37.5°C) when taken rectally (in your child’s bottom).Many doctors define a fever as an oral temperature above 99.5°F (37.5°C) or a rectal temperature above 100.4°F (38°C). normal temperature is about 98.6°F (37°C) when taken orally (in your child’s mouth) and 99.6°F (37.5°C) when taken rectally (in your child’s bottom).", + "When you get a fever, your body temperature, typically around 98.6 degrees Fahrenheit (37 degrees Celsius), rises by at least 1 degree. A temperature of 100 to 102 degrees F (37.8 to 38.9 degrees C) is considered a low-grade fever.hen you get a fever, your body temperature, typically around 98.6 degrees Fahrenheit (37 degrees Celsius), rises by at least 1 degree. A temperature of 100 to 102 degrees F (37.8 to 38.9 degrees C) is considered a low-grade fever.", + "A fever is an increase in the body temperature above normal. A low-grade fever is a mild elevation of the temperature above normal.Your temperature measurements fluctuate through the day and vary depending upon the site of measurement. fever is an increase in the body temperature above normal. A low-grade fever is a mild elevation of the temperature above normal.", + "A fever can be caused by many medical conditions ranging from the not serious to potentially serious. This includes viral, bacterial and parasitic infections such as the common cold, urinary tract infections, meningitis, malaria and appendicitis among others.ever is one of the most common medical signs. It is part of about 30% of healthcare visits by children and occurs in up to 75% of adults who are seriously sick. While fever is a useful defense mechanism, treating fever does not appear to worsen outcomes." + ], + "url": [ + "https://en.wikipedia.org/wiki/Fever", + "http://www.medicalnewstoday.com/articles/9895.php", + "http://www.mayoclinic.org/diseases-conditions/fever/basics/definition/CON-20019229", + "https://www.healthychildren.org/English/health-issues/conditions/fever/Pages/Signs-and-Symptoms-of-Fever.aspx", + "http://www.mayoclinic.org/first-aid/first-aid-fever/basics/ART-20056685", + "http://www.webmd.com/first-aid/body-temperature", + "http://familydoctor.org/familydoctor/en/diseases-conditions/fever-in-infants-and-children.html", + "http://health.howstuffworks.com/diseases-conditions/cold-flu/starve-a-fever1.htm", + "http://www.healthgrades.com/symptoms/low-grade-fever", + "https://en.wikipedia.org/wiki/Fever" + ] + }, + "query": "what constitutes a fever", + "query_id": 600317, + "query_type": "DESCRIPTION", + "wellFormedAnswers": [] + }, + "truncated_cells": [] + }, + { + "row_idx": 498, + "row": { + "answers": [ + "From 3% to 6.99%." + ], + "passages": { + "is_selected": [ + 0, + 0, + 0, + 0, + 0, + 1, + 0, + 0, + 0, + 0 + ], + "passage_text": [ + "Frequently Asked Questions on Gift Taxes. Below are some of the more common questions and answers about Gift Tax issues. You may also find additional information in Publication 559 or some of the other forms and publications offered on our Forms Page. Included in this area are the instructions to Forms 706 and 709.", + "The annual exclusion applies to gifts to each donee. In other words, if you give each of your children $11,000 in 2002-2005, $12,000 in 2006-2008, $13,000 in 2009-2012 and $14,000 on or after January 1, 2013, the annual exclusion applies to each gift. The annual exclusion for 2014, 2015, 2016 and 2017 is $14,000.", + "The annual exclusion exempts from gift tax those gifts made to a person in a given calendar year provided that the gift is less than $14,000. This means that you can give up to $14,000 to as many people as you want without triggering the requirement of filing a gift tax return or paying any gift tax.", + "If you give people a lot of money or property, you might have to pay a federal gift tax. But most gifts are not subject to the gift tax. For instance, you can give up to the annual exclusion amount ($14,000 in 2016) to any number of people every year, without facing any gift taxes.", + "By: Judith Lohman, Assistant Director. You asked for the estate and inheritance tax rates in Connecticut, Massachusetts, New Jersey, New York, and Rhode Island. The information in this report comes from CCH's State Tax Guide and each state's tax department website.", + "Both Connecticut's tax brackets and the associated tax rates were last changed one year prior to 2015 in 2014. Connecticut has seven marginal tax brackets, ranging from 3% (the lowest Connecticut tax bracket) to 6.99% (the highest Connecticut tax bracket). Each marginal rate only applies to earnings within the applicable marginal tax bracket .", + "The bad news – the person who gives the gift pays the tax. The good news – the government gives each person a credit to pay their gift and estate tax. In 2017, each person has enough federal credit to pay for gifts totaling $5,490,000 and Connecticut credit to pay for the tax for taxable gifts totaling $2,000,000.", + "Such a person can give away their entire estate (not that I would recommend it) because their $2.0 million gift tax credit would fully protect the gift from any gift tax. Remember, the credit is applied to the gift and estate tax. This means that you get one credit to either. 1) shield large gifts from gift tax or.", + "Connecticut's estate tax is the only one of the five with rates not linked to the pre-EGTRRA federal credit rates. Connecticut's rates and brackets are shown in Table 2. Connecticut's taxable estate threshold is $2 million effective with deaths occurring on or after January 1, 2011.", + "The interplay between the gift tax and the estate tax. Your estate is the total value of all of your assets, less any debts, at the time you die. The new rules for 2016 will tax estates over $5.45 million at rates as high as 40%." + ], + "url": [ + "https://www.irs.gov/businesses/small-businesses-self-employed/frequently-asked-questions-on-gift-taxes", + "https://www.irs.gov/businesses/small-businesses-self-employed/frequently-asked-questions-on-gift-taxes", + "https://www.czepigalaw.com/blog/2015/01/30/need-worry-gift-tax/", + "https://turbotax.intuit.com/tax-tools/tax-tips/Tax-Planning-and-Checklists/The-Gift-Tax/INF12036.html", + "https://www.cga.ct.gov/2011/rpt/2011-R-0380.htm", + "http://www.tax-brackets.org/connecticuttaxtable", + "https://www.czepigalaw.com/blog/2015/01/30/need-worry-gift-tax/", + "https://www.czepigalaw.com/blog/2015/01/30/need-worry-gift-tax/", + "https://www.cga.ct.gov/2011/rpt/2011-R-0380.htm", + "https://turbotax.intuit.com/tax-tools/tax-tips/Tax-Planning-and-Checklists/The-Gift-Tax/INF12036.html" + ] + }, + "query": "what is connecticut's gift tax rate", + "query_id": 733177, + "query_type": "NUMERIC", + "wellFormedAnswers": [] + }, + "truncated_cells": [] + }, + { + "row_idx": 499, + "row": { + "answers": [ + "Eat plenty of fiber, think fruit, vegetables, and whole grains, eat three to five servings of fish each week, choose lean cuts of meat and remove the skin from poultry, stay well hydrated — water is best, avoid high-fat, processed, and fried foods." + ], + "passages": { + "is_selected": [ + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 0, + 1 + ], + "passage_text": [ + "Eating the right foods not only makes it easier for your body to digest meals and absorb nutrients, but it can also help you achieve a healthy body weight, another essential for good digestive tract health.", + "Eat a healthy diet. Photo Credit Tay Jnr/Digital Vision/Getty Images. Eat a diet rich in nutrients necessary for a healthy respiratory system. According to the University of Maryland Medical Center, low levels of certain nutrients have been linked to lung diseases.", + "Share. Your digestive system is where it all begins. You won’t produce energy, have a balanced mood, or fight illness if you can’t digest, break down, and absorb nutrients. There are many simple things you can do to keep your digestive system healthy, many of which are completely free.", + "Start Slideshow. For some of us, digestive discomfort has become a fact of life, like never getting enough sleep or having too much to do. We complain about everyday ailments such as occasional gas, bloating and irregularity, assuming they are inevitable. But they don't have to be.", + "Practicing yoga is an excellent way to keep your reproductive system healthy. It will help to keep proper balance between your mind and body, thereby keeping your overall health and reproductive system working. There are yoga poses which will keep your reproductive system healthy.", + "Quit smoking. If you want to keep a good reproductive health, you should definitely quit smoking. Smoking will affect the reproductive system of both men and women. Smoking can clog arteries and it can cause vasospasm.", + "Reproductive health problems can even affect your life with the associated emotional stress and anxiety. Knowing what all things you have to do to keep your reproductive system healthy is important. At the same time, it is imperative to know the factors that may affect your reproductive functions. Knowing these will help you avoid those risks.", + "You can promote respiratory health in many ways beyond not smoking. Whether using these strategies preventatively or to reduce symptoms of a condition such as chronic obstructive pulmonary disease, you can make a positive difference in the health of your respiratory system.", + "5 Tips for Healthy Digestion. Digestion begins in the mouth when you begin to chew. In fact, just the act of chewing thoroughly can take a huge strain off your digestive system by prompting your body to provide enzymes to help digestion. Here are a few other things you can do to promote healthy digestion.", + "For better digestive tract health, make these changes to your diet: 1 Eat plenty of fiber; think fruit, vegetables, and whole grains. 2 Eat three to five servings of fish each week. 3 Choose lean cuts of meat and remove the skin from poultry. 4 Stay well hydrated — water is best. 5 Avoid high-fat, processed, and fried foods." + ], + "url": [ + "http://www.everydayhealth.com/digestive-health/understanding/index.aspx", + "http://www.livestrong.com/article/352871-how-to-keep-my-respiratory-system-healthy/", + "http://www.globalhealingcenter.com/natural-health/how-to-keep-your-digestive-system-healthy/", + "http://www.doctoroz.com/slideshow/8-tips-improve-your-digestive-health", + "http://www.boldsky.com/health/wellness/2013/tips-maintain-reproductive-health-033747.html", + "http://www.boldsky.com/health/wellness/2013/tips-maintain-reproductive-health-033747.html", + "http://www.boldsky.com/health/wellness/2013/tips-maintain-reproductive-health-033747.html", + "http://www.livestrong.com/article/352871-how-to-keep-my-respiratory-system-healthy/", + "http://www.globalhealingcenter.com/natural-health/how-to-keep-your-digestive-system-healthy/", + "http://www.everydayhealth.com/digestive-health/understanding/index.aspx" + ] + }, + "query": "what are some things you can do to keep your digestive system healthy", + "query_id": 565901, + "query_type": "DESCRIPTION", + "wellFormedAnswers": [] + }, + "truncated_cells": [] + } + ], + "num_rows_total": 808731, + "num_rows_per_page": 100, + "partial": false +} \ No newline at end of file diff --git a/trulens_eval/trulens_eval/tests/datasets/summeval_test_100.json b/trulens_eval/trulens_eval/tests/datasets/summeval/summeval_test_100.json similarity index 100% rename from trulens_eval/trulens_eval/tests/datasets/summeval_test_100.json rename to trulens_eval/trulens_eval/tests/datasets/summeval/summeval_test_100.json diff --git a/trulens_eval/trulens_eval/tests/groundedness_smoke_tests.ipynb b/trulens_eval/trulens_eval/tests/groundedness_benchmark.ipynb similarity index 97% rename from trulens_eval/trulens_eval/tests/groundedness_smoke_tests.ipynb rename to trulens_eval/trulens_eval/tests/groundedness_benchmark.ipynb index 09358d019..2df4de4fa 100644 --- a/trulens_eval/trulens_eval/tests/groundedness_smoke_tests.ipynb +++ b/trulens_eval/trulens_eval/tests/groundedness_benchmark.ipynb @@ -18,9 +18,18 @@ }, { "cell_type": "code", - "execution_count": 6, + "execution_count": 1, "metadata": {}, - "outputs": [], + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "🦑 Tru initialized with db url sqlite:///default.sqlite .\n", + "🛑 Secret keys may be written to the database. See the `database_redact_keys` option of `Tru` to prevent this.\n" + ] + } + ], "source": [ "# Import groundedness feedback function\n", "from trulens_eval.feedback import GroundTruthAgreement, Groundedness\n", @@ -30,24 +39,24 @@ "Tru().reset_database()\n", "\n", "# generator for groundedness golden set\n", - "test_cases_gen = generate_summeval_groundedness_golden_set(\"./datasets/summeval_test_100.json\")" + "test_cases_gen = generate_summeval_groundedness_golden_set(\"./datasets/summeval/summeval_test_100.json\")" ] }, { "cell_type": "code", - "execution_count": 7, + "execution_count": 2, "metadata": {}, "outputs": [], "source": [ "# specify the number of test cases we want to run the smoke test on\n", "groundedness_golden_set = []\n", - "for i in range(100):\n", + "for i in range(5):\n", " groundedness_golden_set.append(next(test_cases_gen))" ] }, { "cell_type": "code", - "execution_count": 8, + "execution_count": 3, "metadata": {}, "outputs": [ { @@ -70,7 +79,7 @@ " 'expected_score': 1.0}]" ] }, - "execution_count": 8, + "execution_count": 3, "metadata": {}, "output_type": "execute_result" } @@ -81,7 +90,7 @@ }, { "cell_type": "code", - "execution_count": 9, + "execution_count": 4, "metadata": {}, "outputs": [], "source": [ @@ -99,7 +108,7 @@ }, { "cell_type": "code", - "execution_count": 10, + "execution_count": 5, "metadata": {}, "outputs": [ { @@ -141,7 +150,7 @@ }, { "cell_type": "code", - "execution_count": 11, + "execution_count": 6, "metadata": {}, "outputs": [ { @@ -163,7 +172,7 @@ }, { "cell_type": "code", - "execution_count": 12, + "execution_count": 7, "metadata": {}, "outputs": [], "source": [ @@ -283,7 +292,7 @@ "name": "python", "nbconvert_exporter": "python", "pygments_lexer": "ipython3", - "version": "3.10.6" + "version": "3.11.5" } }, "nbformat": 4, diff --git a/trulens_eval/trulens_eval/tests/results/Claude-2_score_groundtruth_pairs.csv b/trulens_eval/trulens_eval/tests/results/Claude-2_score_groundtruth_pairs.csv new file mode 100644 index 000000000..a9b56c8c3 --- /dev/null +++ b/trulens_eval/trulens_eval/tests/results/Claude-2_score_groundtruth_pairs.csv @@ -0,0 +1,51 @@ +,scores,groundtruth (human-preferences of relevancy) +0,"[0.8, 0.8, 1.0, 0.8, 0.7, 0.8, 0.3, 1.0, 1.0, 0.8]","[0, 0, 1, 0, 0, 0, 0, 0, 0, 0]" +1,"[0.8, 0.8, 0.8, 0.8, 0.8, 0.8, 0.7, 0.9, 0.8, 0.8]","[0, 0, 0, 0, 0, 0, 0, 1, 0, 0]" +2,"[0.0, 0.6, 0.0, 0.8, 0.7, 0.8, 0.8, 0.8, 0.8, 0.8]","[1, 0, 0, 0, 0, 0, 0, 0, 0, 0]" +3,"[0.8, 0.8, 0.7, 0.7, 0.7, 0.8, 0.7, 0.7, 0.7, 0.7]","[0, 0, 0, 0, 0, 0, 0, 0, 0, 1]" +4,"[1.0, 1.0, 0.7, 1.0, 0.7, 1.0, 1.0, 0.8, 0.8, 1.0]","[1, 0, 0, 0, 0, 0, 0, 0, 0, 0]" +5,"[0.0, 0.3, 0.8, 0.7, 0.7, 0.2, 0.7, 0.7, 0.7, 0.7]","[0, 0, 1, 0, 0, 0, 0, 0, 0, 0]" +6,"[0.8, 0.7, 0.9, 0.7, 0.7, 0.9, 0.8, 0.7, 0.7, 0.8]","[0, 0, 0, 0, 0, 0, 0, 1, 0, 0]" +7,"[0.8, 0.9, 0.3, 0.7, 0.7, 0.7, 0.3, 0.7, 0.3, 0.7]","[1, 0, 0, 0, 0, 0, 0, 0, 0, 0]" +8,"[0.8, 0.3, 0.3, 0.7, 0.7, 0.7, 0.3, 0.3, 0.8, 0.3]","[0, 0, 0, 0, 0, 0, 0, 0, 1, 0]" +9,"[0.9, 0.7, 0.7, 0.7, 0.8, 0.9, 0.8, 0.7, 0.7, 0.8]","[0, 0, 0, 0, 1, 0, 0, 0, 0, 0]" +10,"[0.7, 0.7, 0.7, 0.7, 0.7, 0.7, 0.7, 0.7, 0.7, 0.7]","[0, 0, 0, 0, 0, 1, 0, 0, 0, 0]" +11,"[1.0, 1.0, 0.9, 0.8, 1.0, 0.8, 0.7, 1.0, 0.8, 0.8]","[0, 1, 0, 0, 0, 0, 0, 0, 0, 0]" +12,"[1.0, 0.7, 0.7, 0.7, 0.9, 0.9, 0.8, 0.9, 0.8, 0.8]","[1, 0, 0, 0, 0, 0, 0, 0, 0, 0]" +13,"[0.9, 0.7, 0.7, 0.7, 0.8, 0.8, 0.9, 0.7, 0.9, 0.9]","[0, 0, 0, 0, 0, 0, 0, 0, 0, 1]" +14,"[0.7, 0.7, 0.7, 0.8, 0.3, 0.9, 0.7, 0.7, 0.7, 1.0]","[0, 0, 0, 0, 0, 0, 0, 0, 0, 1]" +15,"[0.8, 1.0, 1.0, 1.0, 1.0, 1.0, 0.8, 0.9, 0.7, 1.0]","[0, 1, 0, 0, 0, 0, 0, 0, 0, 0]" +16,"[0.9, 0.8, 0.8, 0.8, 0.8, 0.8, 1.0, 0.9, 0.7, 1.0]","[0, 0, 0, 0, 1, 0, 0, 0, 0, 0]" +17,"[0.7, 0.8, 0.7, 0.9, 0.8, 0.8, 0.8, 0.7, 0.8, 0.8]","[0, 0, 0, 0, 0, 0, 0, 0, 1, 0]" +18,"[1.0, 1.0, 0.8, 0.7, 0.7, 0.8, 0.8, 0.9, 1.0, 1.0]","[1, 0, 0, 0, 0, 0, 0, 0, 0, 0]" +19,"[0.7, 0.7, 0.7, 0.7, 0.7, 0.7, 0.8, 0.8, 0.7, 0.7]","[1, 0, 0, 0, 0, 0, 0, 0, 0, 0]" +20,"[0.8, 0.7, 0.8, 0.7, 0.7, 1.0, 0.7, 0.7, 0.2, 0.8]","[1, 0, 0, 0, 0, 0, 0, 0, 0, 0]" +21,"[0.8, 1.0, 0.8, 0.7, 0.9, 0.7, 1.0, 0.7, 0.7, 0.9]","[0, 1, 0, 0, 0, 0, 0, 0, 0, 0]" +22,"[1.0, 0.7, 1.0, 0.9, 0.9, 0.9, 0.7, 0.7, 0.7, 0.7]","[1, 0, 0, 0, 0, 0, 0, 0, 0, 0]" +23,"[0.7, 0.3, 1.0, 1.0, 1.0, 1.0, 0.0, 1.0, 0.7, 0.3]","[0, 0, 0, 1, 0, 0, 0, 0, 0, 0]" +24,"[0.9, 1.0, 0.9, 1.0, 1.0, 0.7, 0.8, 1.0, 1.0, 1.0]","[0, 0, 0, 0, 1, 0, 0, 0, 0, 0]" +25,"[0.9, 1.0, 0.3, 0.9, 0.9, 0.7, 0.7, 0.9, 0.9, 0.9]","[0, 1, 0, 0, 0, 0, 0, 0, 0, 0]" +26,"[0.3, 1.0, 0.7, 0.3, 1.0, 0.8, 0.7, 1.0, 0.7, 0.3]","[0, 1, 0, 0, 0, 0, 0, 0, 0, 0]" +27,"[1.0, 1.0, 1.0, 1.0, 0.7, 1.0, 0.0, 0.7, 0.7, 1.0]","[0, 1, 0, 0, 0, 0, 0, 0, 0, 0]" +28,"[1.0, 1.0, 0.8, 0.9, 0.8, 1.0, 0.9, 0.3, 0.8, 0.7]","[0, 0, 1, 0, 0, 0, 0, 0, 0, 0]" +29,"[0.9, 0.9, 1.0, 1.0, 0.8, 1.0, 1.0, 1.0, 1.0, 1.0]","[0, 0, 0, 0, 0, 0, 0, 1, 0, 0]" +30,"[0.8, 0.8, 0.9, 0.8, 0.7, 0.7, 0.7, 0.7, 0.8, 0.7]","[0, 1, 0, 0, 0, 0, 0, 0, 0, 0]" +31,"[1.0, 1.0, 1.0, 1.0, 1.0, 1.0, 1.0, 0.7, 0.8, 1.0]","[0, 0, 0, 1, 0, 0, 0, 0, 0, 0]" +32,"[0.8, 0.8, 0.8, 0.7, 0.8, 0.8, 0.8, 1.0, 0.8, 0.8]","[0, 0, 0, 0, 1, 0, 0, 0, 0, 0]" +33,"[0.8, 0.6, 0.7, 0.7, 0.7, 0.2, 0.8, 0.7, 0.8, 0.3]","[1, 0, 0, 0, 0, 0, 0, 0, 0, 0]" +34,"[0.7, 1.0, 0.5, 0.7, 1.0, 0.8, 0.9, 0.8, 0.7, 1.0]","[0, 0, 0, 0, 0, 0, 1, 0, 0, 0]" +35,"[0.7, 0.7, 0.7, 0.7, 0.9, 1.0, 1.0, 0.0, 0.7, 1.0]","[0, 0, 0, 0, 0, 1, 0, 0, 0, 0]" +36,"[1.0, 0.8, 1.0, 1.0, 1.0, 0.7, 0.7, 1.0, 0.7, 0.8]","[0, 0, 1, 0, 0, 0, 0, 0, 0, 0]" +37,"[0.7, 0.7, 0.0, 0.7, 0.7, 0.7, 0.8, 1.0, 0.8, 0.3]","[0, 0, 0, 0, 0, 0, 0, 1, 0, 0]" +38,"[0.8, 0.8, 1.0, 1.0, 0.8, 1.0, 1.0, 1.0, 1.0, 0.7]","[0, 0, 0, 0, 1, 0, 0, 0, 0, 0]" +39,"[1.0, 0.7, 1.0, 1.0, 1.0, 1.0, 1.0, 1.0, 0.7, 0.8]","[0, 0, 1, 0, 0, 0, 0, 0, 0, 0]" +40,"[1.0, 1.0, 0.9, 1.0, 0.7, 0.7, 0.7, 1.0, 1.0, 1.0]","[0, 0, 0, 0, 0, 0, 0, 0, 1, 0]" +41,"[0.7, 0.7, 0.8, 0.7, 0.7, 0.7, 0.7, 0.7, 0.7, 0.0]","[0, 0, 0, 0, 0, 0, 0, 0, 1, 0]" +42,"[0.8, 0.8, 1.0, 0.8, 1.0, 0.8, 1.0, 1.0, 0.9, 0.7]","[0, 0, 1, 0, 0, 0, 0, 0, 0, 0]" +43,"[0.3, 1.0, 1.0, 1.0, 1.0, 0.7, 1.0, 0.7, 0.8, 1.0]","[0, 0, 0, 1, 0, 0, 0, 0, 0, 0]" +44,"[0.7, 0.9, 0.7, 0.7, 0.7, 0.7, 0.7, 0.7, 0.7, 0.9]","[0, 1, 0, 0, 0, 0, 0, 0, 0, 0]" +45,"[0.7, 0.3, 0.7, 0.0, 0.3, 0.3, 0.3, 0.0, 0.3, 0.0]","[0, 0, 0, 0, 0, 0, 1, 0, 0, 0]" +46,"[0.7, 0.0, 0.9, 0.8, 0.8, 1.0, 0.8, 0.3, 0.0, 0.9]","[0, 0, 0, 0, 0, 1, 0, 0, 0, 0]" +47,"[0.7, 0.3, 0.8, 0.0, 0.8, 0.8, 0.8, 0.0, 0.8, 0.8]","[0, 0, 0, 0, 0, 0, 1, 0, 0, 0]" +48,"[0.7, 1.0, 1.0, 0.9, 0.8, 0.7, 0.9, 0.7, 0.7, 0.8]","[0, 0, 0, 0, 0, 0, 1, 0, 0, 0]" +49,"[0.7, 0.8, 0.7, 0.8, 0.7, 0.8, 0.7, 0.8, 0.8, 0.3]","[1, 0, 0, 0, 0, 0, 0, 0, 0, 0]" diff --git a/trulens_eval/trulens_eval/tests/results/GPT-3.5-Turbo_score_groundtruth_pairs.csv b/trulens_eval/trulens_eval/tests/results/GPT-3.5-Turbo_score_groundtruth_pairs.csv new file mode 100644 index 000000000..454068fe4 --- /dev/null +++ b/trulens_eval/trulens_eval/tests/results/GPT-3.5-Turbo_score_groundtruth_pairs.csv @@ -0,0 +1,51 @@ +,scores,groundtruth (human-preferences of relevancy) +0,"[0.8, 0.8, 0.8, 0.8, 0.4, 0.8, 0.4, 0.8, 0.8, 0.8]","[0, 0, 1, 0, 0, 0, 0, 0, 0, 0]" +1,"[0.8, 0.8, 0.8, 0.8, 0.8, 0.4, 0.8, 0.8, 0.7, 0.8]","[0, 0, 0, 0, 0, 0, 0, 1, 0, 0]" +2,"[0.8, 0.8, 0.8, 0.7, 0.8, 0.8, 0.8, 0.7, 0.8, 0.8]","[1, 0, 0, 0, 0, 0, 0, 0, 0, 0]" +3,"[0.8, 0.7, 0.8, 0.8, 0.8, 0.8, 0.6, 0.8, 0.8, 0.8]","[0, 0, 0, 0, 0, 0, 0, 0, 0, 1]" +4,"[0.8, 0.8, 0.4, 0.8, 0.7, 0.8, 0.8, 0.7, 0.8, 0.8]","[1, 0, 0, 0, 0, 0, 0, 0, 0, 0]" +5,"[0.2, 0.0, 0.8, 0.6, 0.4, 0.2, 0.8, 0.6, 0.6, 0.4]","[0, 0, 1, 0, 0, 0, 0, 0, 0, 0]" +6,"[0.7, 0.8, 0.8, 0.2, 0.4, 0.8, 0.4, 0.4, 0.4, 0.8]","[0, 0, 0, 0, 0, 0, 0, 1, 0, 0]" +7,"[0.8, 0.8, 0.8, 0.4, 0.8, 0.2, 0.2, 0.4, 0.2, 0.8]","[1, 0, 0, 0, 0, 0, 0, 0, 0, 0]" +8,"[0.6, 0.2, 0.8, 0.2, 0.4, 0.7, 0.2, 0.2, 0.8, 0.2]","[0, 0, 0, 0, 0, 0, 0, 0, 1, 0]" +9,"[0.8, 0.8, 0.4, 0.7, 0.8, 0.8, 0.7, 0.2, 0.4, 0.4]","[0, 0, 0, 0, 1, 0, 0, 0, 0, 0]" +10,"[0.2, 0.2, 0.2, 0.8, 0.4, 0.8, 0.2, 0.2, 0.2, 0.4]","[0, 0, 0, 0, 0, 1, 0, 0, 0, 0]" +11,"[0.8, 0.8, 0.8, 0.8, 0.8, 0.8, 0.8, 0.2, 0.4, 0.8]","[0, 1, 0, 0, 0, 0, 0, 0, 0, 0]" +12,"[0.8, 0.4, 0.4, 0.2, 0.8, 0.8, 0.8, 0.8, 0.8, 0.8]","[1, 0, 0, 0, 0, 0, 0, 0, 0, 0]" +13,"[0.8, 0.8, 0.7, 0.2, 0.8, 0.8, 0.8, 0.8, 0.8, 1.0]","[0, 0, 0, 0, 0, 0, 0, 0, 0, 1]" +14,"[0.4, 0.7, 0.4, 0.2, 0.2, 0.8, 0.4, 0.6, 0.6, 0.8]","[0, 0, 0, 0, 0, 0, 0, 0, 0, 1]" +15,"[0.8, 0.8, 0.8, 0.8, 0.8, 1.0, 0.8, 0.8, 0.8, 1.0]","[0, 1, 0, 0, 0, 0, 0, 0, 0, 0]" +16,"[0.8, 0.4, 0.8, 0.7, 0.8, 0.8, 0.8, 0.8, 0.8, 0.8]","[0, 0, 0, 0, 1, 0, 0, 0, 0, 0]" +17,"[0.8, 0.8, 0.2, 0.8, 0.8, 0.4, 0.8, 0.6, 0.8, 0.8]","[0, 0, 0, 0, 0, 0, 0, 0, 1, 0]" +18,"[0.8, 0.8, 0.8, 0.8, 0.2, 0.8, 0.8, 0.8, 0.8, 0.8]","[1, 0, 0, 0, 0, 0, 0, 0, 0, 0]" +19,"[0.8, 0.7, 0.4, 0.2, 0.4, 0.4, 0.8, 0.2, 0.4, 0.8]","[1, 0, 0, 0, 0, 0, 0, 0, 0, 0]" +20,"[0.7, 0.7, 0.6, 0.4, 0.7, 0.7, 0.7, 0.8, 0.4, 0.8]","[1, 0, 0, 0, 0, 0, 0, 0, 0, 0]" +21,"[0.6, 0.8, 0.2, 0.7, 0.4, 0.4, 1.0, 0.2, 0.2, 0.7]","[0, 1, 0, 0, 0, 0, 0, 0, 0, 0]" +22,"[0.8, 0.8, 0.8, 0.8, 0.8, 0.8, 0.7, 0.8, 0.8, 0.8]","[1, 0, 0, 0, 0, 0, 0, 0, 0, 0]" +23,"[0.4, 0.2, 0.8, 0.8, 1.0, 0.8, 0.2, 0.8, 0.4, 0.2]","[0, 0, 0, 1, 0, 0, 0, 0, 0, 0]" +24,"[0.8, 0.8, 0.2, 0.8, 1.0, 0.2, 0.2, 0.2, 0.8, 0.8]","[0, 0, 0, 0, 1, 0, 0, 0, 0, 0]" +25,"[0.8, 0.8, 0.4, 0.8, 0.8, 0.2, 0.2, 0.8, 0.8, 0.4]","[0, 1, 0, 0, 0, 0, 0, 0, 0, 0]" +26,"[0.2, 0.8, 0.2, 0.2, 1.0, 0.8, 0.4, 0.8, 0.2, 0.2]","[0, 1, 0, 0, 0, 0, 0, 0, 0, 0]" +27,"[1.0, 0.8, 1.0, 0.9, 0.8, 0.8, 0.0, 0.8, 0.2, 0.2]","[0, 1, 0, 0, 0, 0, 0, 0, 0, 0]" +28,"[0.8, 0.8, 0.8, 0.8, 0.8, 0.8, 0.8, 0.8, 0.8, 0.6]","[0, 0, 1, 0, 0, 0, 0, 0, 0, 0]" +29,"[0.8, 0.8, 0.4, 0.4, 0.2, 0.8, 0.8, 0.8, 0.8, 0.8]","[0, 0, 0, 0, 0, 0, 0, 1, 0, 0]" +30,"[0.8, 0.8, 0.8, 0.6, 0.7, 0.8, 0.8, 0.8, 0.8, 0.6]","[0, 1, 0, 0, 0, 0, 0, 0, 0, 0]" +31,"[0.8, 0.8, 0.8, 0.8, 0.8, 0.8, 0.8, 0.7, 0.7, 0.8]","[0, 0, 0, 1, 0, 0, 0, 0, 0, 0]" +32,"[0.8, 0.7, 0.8, 0.8, 0.8, 0.8, 0.7, 0.8, 0.8, 0.8]","[0, 0, 0, 0, 1, 0, 0, 0, 0, 0]" +33,"[0.8, 0.2, 0.4, 0.2, 0.4, 0.2, 0.4, 0.4, 0.7, 0.2]","[1, 0, 0, 0, 0, 0, 0, 0, 0, 0]" +34,"[0.8, 1.0, 0.8, 0.7, 0.8, 0.7, 0.8, 0.8, 0.7, 0.8]","[0, 0, 0, 0, 0, 0, 1, 0, 0, 0]" +35,"[0.8, 0.2, 0.4, 0.2, 0.8, 1.0, 0.8, 0.2, 0.8, 0.8]","[0, 0, 0, 0, 0, 1, 0, 0, 0, 0]" +36,"[0.8, 0.8, 0.8, 1.0, 0.8, 0.8, 0.8, 0.8, 0.8, 0.9]","[0, 0, 1, 0, 0, 0, 0, 0, 0, 0]" +37,"[0.7, 0.4, 0.1, 0.8, 0.7, 0.2, 0.6, 0.8, 0.8, 0.7]","[0, 0, 0, 0, 0, 0, 0, 1, 0, 0]" +38,"[0.8, 0.8, 0.8, 0.8, 0.8, 0.8, 0.8, 0.8, 0.8, 0.7]","[0, 0, 0, 0, 1, 0, 0, 0, 0, 0]" +39,"[0.8, 0.8, 0.7, 0.8, 0.8, 0.8, 0.8, 0.7, 0.8, 0.8]","[0, 0, 1, 0, 0, 0, 0, 0, 0, 0]" +40,"[0.8, 0.8, 0.7, 0.8, 0.8, 0.4, 0.4, 0.8, 0.8, 0.8]","[0, 0, 0, 0, 0, 0, 0, 0, 1, 0]" +41,"[0.2, 0.2, 0.8, 0.2, 0.2, 0.2, 0.9, 0.2, 0.7, 0.2]","[0, 0, 0, 0, 0, 0, 0, 0, 1, 0]" +42,"[0.8, 0.8, 1.0, 0.8, 0.8, 0.4, 1.0, 0.9, 0.8, 0.0]","[0, 0, 1, 0, 0, 0, 0, 0, 0, 0]" +43,"[0.4, 0.8, 0.7, 0.8, 0.8, 0.7, 0.8, 0.2, 0.8, 0.8]","[0, 0, 0, 1, 0, 0, 0, 0, 0, 0]" +44,"[0.8, 1.0, 1.0, 0.4, 0.8, 0.8, 0.8, 0.8, 0.8, 0.8]","[0, 1, 0, 0, 0, 0, 0, 0, 0, 0]" +45,"[0.7, 0.4, 0.7, 0.2, 0.4, 0.8, 0.6, 0.6, 0.2, 0.2]","[0, 0, 0, 0, 0, 0, 1, 0, 0, 0]" +46,"[0.6, 0.0, 0.8, 0.8, 0.8, 0.8, 0.8, 0.0, 0.0, 0.8]","[0, 0, 0, 0, 0, 1, 0, 0, 0, 0]" +47,"[0.7, 0.3, 0.7, 0.0, 0.8, 0.8, 0.4, 0.1, 0.8, 0.8]","[0, 0, 0, 0, 0, 0, 1, 0, 0, 0]" +48,"[0.8, 0.7, 1.0, 0.8, 0.8, 0.8, 0.8, 0.8, 0.8, 0.8]","[0, 0, 0, 0, 0, 0, 1, 0, 0, 0]" +49,"[0.4, 0.8, 0.4, 0.8, 0.2, 0.8, 0.2, 0.8, 0.4, 0.4]","[1, 0, 0, 0, 0, 0, 0, 0, 0, 0]" diff --git a/trulens_eval/trulens_eval/tests/results/GPT-4-Turbo-latest_score_groundtruth_pairs.csv b/trulens_eval/trulens_eval/tests/results/GPT-4-Turbo-latest_score_groundtruth_pairs.csv new file mode 100644 index 000000000..f084f397c --- /dev/null +++ b/trulens_eval/trulens_eval/tests/results/GPT-4-Turbo-latest_score_groundtruth_pairs.csv @@ -0,0 +1,51 @@ +,scores,groundtruth (human-preferences of relevancy) +0,"[0.9, 0.2, 0.9, 1.0, 0.2, 0.2, 0.2, 1.0, 1.0, 0.9]","[0, 0, 1, 0, 0, 0, 0, 0, 0, 0]" +1,"[0.8, 0.4, 0.9, 0.9, 0.9, 0.2, 0.8, 0.9, 0.7, 0.8]","[0, 0, 0, 0, 0, 0, 0, 1, 0, 0]" +2,"[1.0, 1.0, 0.9, 0.8, 0.7, 0.9, 0.9, 0.7, 0.8, 0.2]","[1, 0, 0, 0, 0, 0, 0, 0, 0, 0]" +3,"[1.0, 0.6, 0.8, 0.8, 0.9, 0.8, 0.8, 0.9, 1.0, 0.9]","[0, 0, 0, 0, 0, 0, 0, 0, 0, 1]" +4,"[0.9, 0.8, 0.2, 1.0, 0.4, 1.0, 1.0, 0.2, 0.7, 1.0]","[1, 0, 0, 0, 0, 0, 0, 0, 0, 0]" +5,"[0.0, 0.0, 0.8, 0.2, 0.0, 0.0, 0.9, 0.2, 0.2, 0.2]","[0, 0, 1, 0, 0, 0, 0, 0, 0, 0]" +6,"[0.2, 0.7, 0.8, 0.2, 0.4, 0.7, 0.4, 0.6, 0.7, 0.7]","[0, 0, 0, 0, 0, 0, 0, 1, 0, 0]" +7,"[0.9, 0.8, 0.9, 0.2, 0.8, 0.2, 0.2, 0.2, 0.2, 0.9]","[1, 0, 0, 0, 0, 0, 0, 0, 0, 0]" +8,"[0.2, 0.2, 0.9, 0.4, 0.4, 0.7, 0.2, 0.2, 0.8, 0.3]","[0, 0, 0, 0, 0, 0, 0, 0, 1, 0]" +9,"[0.8, 0.2, 0.4, 0.7, 0.9, 0.8, 0.9, 0.2, 0.1, 0.2]","[0, 0, 0, 0, 1, 0, 0, 0, 0, 0]" +10,"[0.2, 0.2, 0.0, 0.2, 0.4, 0.7, 0.2, 0.2, 0.2, 0.2]","[0, 0, 0, 0, 0, 1, 0, 0, 0, 0]" +11,"[0.8, 0.7, 0.8, 0.4, 0.8, 0.8, 0.2, 0.4, 0.2, 0.7]","[0, 1, 0, 0, 0, 0, 0, 0, 0, 0]" +12,"[1.0, 0.2, 0.7, 0.1, 0.9, 1.0, 0.8, 1.0, 0.9, 0.8]","[1, 0, 0, 0, 0, 0, 0, 0, 0, 0]" +13,"[0.4, 0.8, 0.2, 0.2, 0.2, 0.2, 0.2, 0.8, 0.5, 1.0]","[0, 0, 0, 0, 0, 0, 0, 0, 0, 1]" +14,"[0.2, 0.7, 0.8, 0.2, 0.2, 0.9, 0.7, 0.8, 0.7, 0.8]","[0, 0, 0, 0, 0, 0, 0, 0, 0, 1]" +15,"[0.8, 1.0, 1.0, 1.0, 0.4, 1.0, 0.8, 0.9, 0.2, 1.0]","[0, 1, 0, 0, 0, 0, 0, 0, 0, 0]" +16,"[0.2, 0.4, 0.1, 0.2, 0.2, 0.4, 0.9, 0.8, 0.2, 0.5]","[0, 0, 0, 0, 1, 0, 0, 0, 0, 0]" +17,"[0.2, 0.8, 0.2, 0.8, 0.2, 0.2, 0.7, 0.4, 0.9, 0.5]","[0, 0, 0, 0, 0, 0, 0, 0, 1, 0]" +18,"[0.9, 1.0, 0.2, 0.2, 0.2, 0.4, 0.9, 1.0, 1.0, 0.8]","[1, 0, 0, 0, 0, 0, 0, 0, 0, 0]" +19,"[1.0, 0.2, 0.2, 0.2, 0.1, 0.4, 0.9, 0.8, 0.2, 0.4]","[1, 0, 0, 0, 0, 0, 0, 0, 0, 0]" +20,"[0.9, 0.9, 0.8, 0.8, 1.0, 0.2, 0.7, 0.8, 0.2, 0.9]","[1, 0, 0, 0, 0, 0, 0, 0, 0, 0]" +21,"[0.2, 1.0, 0.2, 0.2, 0.2, 0.2, 0.9, 0.2, 0.2, 1.0]","[0, 1, 0, 0, 0, 0, 0, 0, 0, 0]" +22,"[1.0, 0.2, 0.8, 0.2, 0.8, 1.0, 0.2, 0.2, 0.5, 0.4]","[1, 0, 0, 0, 0, 0, 0, 0, 0, 0]" +23,"[0.2, 0.0, 1.0, 1.0, 0.0, 0.9, 0.2, 0.9, 0.4, 0.2]","[0, 0, 0, 1, 0, 0, 0, 0, 0, 0]" +24,"[0.0, 1.0, 0.9, 0.9, 1.0, 0.9, 0.7, 1.0, 0.2, 1.0]","[0, 0, 0, 0, 1, 0, 0, 0, 0, 0]" +25,"[0.2, 1.0, 0.2, 1.0, 0.8, 0.2, 0.2, 0.9, 0.4, 0.4]","[0, 1, 0, 0, 0, 0, 0, 0, 0, 0]" +26,"[0.0, 1.0, 0.0, 0.0, 1.0, 0.2, 0.0, 0.0, 1.0, 0.0]","[0, 1, 0, 0, 0, 0, 0, 0, 0, 0]" +27,"[0.0, 1.0, 1.0, 1.0, 1.0, 1.0, 0.0, 0.4, 0.8, 1.0]","[0, 1, 0, 0, 0, 0, 0, 0, 0, 0]" +28,"[1.0, 1.0, 1.0, 1.0, 1.0, 1.0, 1.0, 0.2, 1.0, 0.8]","[0, 0, 1, 0, 0, 0, 0, 0, 0, 0]" +29,"[0.9, 0.7, 0.8, 0.9, 0.2, 1.0, 0.2, 1.0, 1.0, 1.0]","[0, 0, 0, 0, 0, 0, 0, 1, 0, 0]" +30,"[0.2, 0.9, 0.2, 0.2, 0.4, 0.4, 0.4, 0.4, 0.9, 0.2]","[0, 1, 0, 0, 0, 0, 0, 0, 0, 0]" +31,"[0.4, 0.4, 0.8, 0.8, 0.8, 0.8, 0.9, 0.8, 0.4, 0.8]","[0, 0, 0, 1, 0, 0, 0, 0, 0, 0]" +32,"[0.2, 0.2, 0.9, 0.9, 0.9, 1.0, 0.2, 1.0, 0.8, 0.9]","[0, 0, 0, 0, 1, 0, 0, 0, 0, 0]" +33,"[0.2, 0.1, 0.2, 0.1, 0.1, 0.0, 0.2, 0.1, 0.1, 0.0]","[1, 0, 0, 0, 0, 0, 0, 0, 0, 0]" +34,"[0.7, 1.0, 0.2, 0.7, 1.0, 0.4, 1.0, 1.0, 0.9, 1.0]","[0, 0, 0, 0, 0, 0, 1, 0, 0, 0]" +35,"[0.2, 0.2, 0.2, 0.1, 0.2, 1.0, 0.7, 0.0, 0.2, 1.0]","[0, 0, 0, 0, 0, 1, 0, 0, 0, 0]" +36,"[0.9, 0.9, 0.9, 0.9, 1.0, 0.2, 0.4, 0.7, 0.2, 0.9]","[0, 0, 1, 0, 0, 0, 0, 0, 0, 0]" +37,"[0.5, 0.4, 0.0, 0.8, 0.7, 0.2, 0.4, 0.9, 0.7, 0.2]","[0, 0, 0, 0, 0, 0, 0, 1, 0, 0]" +38,"[0.2, 0.8, 0.5, 0.9, 0.1, 0.4, 0.4, 0.9, 0.1, 0.1]","[0, 0, 0, 0, 1, 0, 0, 0, 0, 0]" +39,"[0.9, 0.8, 1.0, 1.0, 0.9, 0.9, 1.0, 1.0, 0.7, 0.4]","[0, 0, 1, 0, 0, 0, 0, 0, 0, 0]" +40,"[0.5, 0.7, 0.5, 0.8, 0.2, 0.5, 0.5, 1.0, 1.0, 0.9]","[0, 0, 0, 0, 0, 0, 0, 0, 1, 0]" +41,"[0.2, 0.2, 0.2, 0.2, 0.1, 0.2, 0.4, 0.2, 0.8, 0.0]","[0, 0, 0, 0, 0, 0, 0, 0, 1, 0]" +42,"[0.9, 0.8, 1.0, 0.9, 0.8, 0.2, 1.0, 1.0, 0.8, 0.2]","[0, 0, 1, 0, 0, 0, 0, 0, 0, 0]" +43,"[0.0, 0.0, 0.2, 0.2, 0.2, 0.2, 0.2, 0.2, 0.2, 0.2]","[0, 0, 0, 1, 0, 0, 0, 0, 0, 0]" +44,"[1.0, 1.0, 1.0, 0.4, 0.2, 1.0, 1.0, 1.0, 1.0, 1.0]","[0, 1, 0, 0, 0, 0, 0, 0, 0, 0]" +45,"[0.1, 0.2, 1.0, 0.0, 0.2, 1.0, 0.2, 0.0, 0.0, 0.0]","[0, 0, 0, 0, 0, 0, 1, 0, 0, 0]" +46,"[0.2, 0.0, 0.9, 0.2, 0.8, 1.0, 0.2, 0.0, 0.0, 1.0]","[0, 0, 0, 0, 0, 1, 0, 0, 0, 0]" +47,"[0.2, 0.2, 0.4, 0.0, 0.2, 0.7, 0.8, 0.2, 0.9, 0.7]","[0, 0, 0, 0, 0, 0, 1, 0, 0, 0]" +48,"[0.7, 0.9, 1.0, 0.8, 0.9, 0.9, 1.0, 0.2, 0.4, 0.8]","[0, 0, 0, 0, 0, 0, 1, 0, 0, 0]" +49,"[0.8, 0.8, 0.2, 0.2, 0.0, 0.2, 0.2, 0.2, 0.2, 0.2]","[1, 0, 0, 0, 0, 0, 0, 0, 0, 0]" diff --git a/trulens_eval/trulens_eval/tests/results/GPT-4-Turbo_score_groundtruth_pairs.csv b/trulens_eval/trulens_eval/tests/results/GPT-4-Turbo_score_groundtruth_pairs.csv new file mode 100644 index 000000000..712029462 --- /dev/null +++ b/trulens_eval/trulens_eval/tests/results/GPT-4-Turbo_score_groundtruth_pairs.csv @@ -0,0 +1,51 @@ +,scores,groundtruth (human-preferences of relevancy) +0,"[0.5, 0.2, 0.9, 1.0, 0.2, 0.5, 0.2, 1.0, 1.0, 0.8]","[0, 0, 1, 0, 0, 0, 0, 0, 0, 0]" +1,"[0.7, 0.4, 0.8, 0.8, 0.8, 0.2, 0.7, 0.9, 0.5, 0.7]","[0, 0, 0, 0, 0, 0, 0, 1, 0, 0]" +2,"[1.0, 1.0, 0.9, 0.8, 0.8, 0.9, 1.0, 0.7, 0.8, 0.2]","[1, 0, 0, 0, 0, 0, 0, 0, 0, 0]" +3,"[0.9, 0.7, 0.7, 0.8, 0.9, 0.8, 0.8, 0.8, 0.9, 0.9]","[0, 0, 0, 0, 0, 0, 0, 0, 0, 1]" +4,"[0.9, 0.9, 0.4, 0.9, 0.2, 1.0, 1.0, 0.2, 0.7, 1.0]","[1, 0, 0, 0, 0, 0, 0, 0, 0, 0]" +5,"[0.0, 0.0, 0.8, 0.2, 0.0, 0.0, 0.9, 0.2, 0.2, 0.2]","[0, 0, 1, 0, 0, 0, 0, 0, 0, 0]" +6,"[0.7, 0.9, 0.7, 0.2, 0.2, 0.7, 0.7, 0.7, 0.5, 0.7]","[0, 0, 0, 0, 0, 0, 0, 1, 0, 0]" +7,"[0.9, 0.8, 0.8, 0.2, 0.8, 0.2, 0.2, 0.2, 0.2, 0.9]","[1, 0, 0, 0, 0, 0, 0, 0, 0, 0]" +8,"[0.2, 0.2, 0.8, 0.4, 0.5, 0.5, 0.2, 0.2, 0.7, 0.2]","[0, 0, 0, 0, 0, 0, 0, 0, 1, 0]" +9,"[0.5, 0.2, 0.4, 0.5, 0.7, 0.4, 0.8, 0.2, 0.2, 0.2]","[0, 0, 0, 0, 1, 0, 0, 0, 0, 0]" +10,"[0.2, 0.2, 0.2, 0.2, 0.4, 0.7, 0.2, 0.2, 0.2, 0.2]","[0, 0, 0, 0, 0, 1, 0, 0, 0, 0]" +11,"[0.8, 0.9, 0.9, 0.4, 0.8, 0.8, 0.4, 0.4, 0.7, 0.7]","[0, 1, 0, 0, 0, 0, 0, 0, 0, 0]" +12,"[1.0, 0.2, 0.5, 0.2, 0.8, 1.0, 0.8, 0.9, 0.9, 0.8]","[1, 0, 0, 0, 0, 0, 0, 0, 0, 0]" +13,"[0.2, 0.7, 0.2, 0.2, 0.2, 0.2, 0.2, 0.9, 0.2, 1.0]","[0, 0, 0, 0, 0, 0, 0, 0, 0, 1]" +14,"[0.2, 0.7, 0.5, 0.2, 0.2, 0.8, 0.7, 0.7, 0.5, 0.9]","[0, 0, 0, 0, 0, 0, 0, 0, 0, 1]" +15,"[0.8, 1.0, 1.0, 1.0, 0.7, 1.0, 0.8, 0.7, 0.2, 1.0]","[0, 1, 0, 0, 0, 0, 0, 0, 0, 0]" +16,"[0.2, 0.4, 0.1, 0.2, 0.2, 0.4, 0.8, 0.8, 0.4, 0.2]","[0, 0, 0, 0, 1, 0, 0, 0, 0, 0]" +17,"[0.2, 0.5, 0.2, 0.8, 0.2, 0.2, 0.5, 0.2, 0.8, 0.5]","[0, 0, 0, 0, 0, 0, 0, 0, 1, 0]" +18,"[0.9, 1.0, 0.2, 0.2, 0.2, 0.4, 0.7, 0.9, 1.0, 0.8]","[1, 0, 0, 0, 0, 0, 0, 0, 0, 0]" +19,"[1.0, 0.2, 0.2, 0.2, 0.2, 0.2, 0.8, 1.0, 0.2, 0.2]","[1, 0, 0, 0, 0, 0, 0, 0, 0, 0]" +20,"[0.8, 0.8, 0.8, 0.7, 0.8, 0.2, 0.7, 0.8, 0.7, 0.9]","[1, 0, 0, 0, 0, 0, 0, 0, 0, 0]" +21,"[0.2, 0.9, 0.0, 0.1, 0.0, 0.2, 1.0, 0.0, 0.2, 0.2]","[0, 1, 0, 0, 0, 0, 0, 0, 0, 0]" +22,"[0.9, 0.4, 0.7, 0.2, 0.8, 1.0, 0.2, 0.2, 0.5, 0.2]","[1, 0, 0, 0, 0, 0, 0, 0, 0, 0]" +23,"[0.2, 0.2, 1.0, 1.0, 0.2, 1.0, 0.2, 0.9, 0.2, 0.2]","[0, 0, 0, 1, 0, 0, 0, 0, 0, 0]" +24,"[0.2, 1.0, 1.0, 1.0, 1.0, 0.2, 0.5, 0.7, 0.1, 1.0]","[0, 0, 0, 0, 1, 0, 0, 0, 0, 0]" +25,"[0.2, 1.0, 0.2, 0.4, 0.5, 0.1, 0.1, 0.7, 0.2, 0.4]","[0, 1, 0, 0, 0, 0, 0, 0, 0, 0]" +26,"[0.0, 1.0, 0.0, 0.0, 1.0, 0.2, 0.2, 0.0, 0.2, 0.0]","[0, 1, 0, 0, 0, 0, 0, 0, 0, 0]" +27,"[0.2, 1.0, 0.2, 1.0, 1.0, 1.0, 0.0, 0.5, 0.2, 1.0]","[0, 1, 0, 0, 0, 0, 0, 0, 0, 0]" +28,"[1.0, 1.0, 1.0, 1.0, 1.0, 1.0, 1.0, 0.2, 1.0, 0.8]","[0, 0, 1, 0, 0, 0, 0, 0, 0, 0]" +29,"[1.0, 0.9, 0.8, 0.8, 0.2, 1.0, 1.0, 1.0, 1.0, 1.0]","[0, 0, 0, 0, 0, 0, 0, 1, 0, 0]" +30,"[0.5, 0.5, 0.4, 0.2, 0.2, 0.5, 0.7, 0.2, 0.5, 0.2]","[0, 1, 0, 0, 0, 0, 0, 0, 0, 0]" +31,"[0.4, 0.8, 0.7, 0.7, 0.8, 0.8, 0.9, 0.7, 0.2, 0.9]","[0, 0, 0, 1, 0, 0, 0, 0, 0, 0]" +32,"[0.2, 0.2, 0.9, 1.0, 0.9, 0.9, 0.2, 1.0, 0.9, 0.9]","[0, 0, 0, 0, 1, 0, 0, 0, 0, 0]" +33,"[0.2, 0.2, 0.2, 0.1, 0.1, 0.0, 0.2, 0.2, 0.2, 0.0]","[1, 0, 0, 0, 0, 0, 0, 0, 0, 0]" +34,"[0.5, 1.0, 0.2, 0.7, 1.0, 0.2, 1.0, 1.0, 0.7, 1.0]","[0, 0, 0, 0, 0, 0, 1, 0, 0, 0]" +35,"[0.7, 0.1, 0.1, 0.2, 0.2, 1.0, 0.2, 0.0, 0.7, 1.0]","[0, 0, 0, 0, 0, 1, 0, 0, 0, 0]" +36,"[0.9, 0.9, 0.9, 0.8, 0.9, 0.2, 0.7, 0.7, 0.4, 0.9]","[0, 0, 1, 0, 0, 0, 0, 0, 0, 0]" +37,"[0.5, 0.4, 0.0, 0.7, 0.5, 0.4, 0.5, 1.0, 0.5, 0.2]","[0, 0, 0, 0, 0, 0, 0, 1, 0, 0]" +38,"[0.7, 0.9, 0.7, 0.8, 0.2, 0.7, 0.5, 0.9, 0.4, 0.2]","[0, 0, 0, 0, 1, 0, 0, 0, 0, 0]" +39,"[1.0, 0.8, 0.9, 1.0, 0.9, 0.8, 0.9, 0.8, 0.7, 0.7]","[0, 0, 1, 0, 0, 0, 0, 0, 0, 0]" +40,"[0.2, 0.2, 0.2, 0.8, 0.7, 0.2, 0.4, 1.0, 1.0, 0.9]","[0, 0, 0, 0, 0, 0, 0, 0, 1, 0]" +41,"[0.2, 0.2, 0.2, 0.2, 0.2, 0.2, 0.4, 0.2, 0.8, 0.2]","[0, 0, 0, 0, 0, 0, 0, 0, 1, 0]" +42,"[0.8, 0.8, 1.0, 0.7, 0.8, 0.2, 1.0, 0.9, 0.7, 0.2]","[0, 0, 1, 0, 0, 0, 0, 0, 0, 0]" +43,"[0.0, 0.2, 0.2, 0.2, 0.2, 0.2, 0.2, 0.1, 0.2, 0.2]","[0, 0, 0, 1, 0, 0, 0, 0, 0, 0]" +44,"[1.0, 1.0, 1.0, 0.2, 0.2, 1.0, 1.0, 1.0, 1.0, 1.0]","[0, 1, 0, 0, 0, 0, 0, 0, 0, 0]" +45,"[0.0, 1.0, 0.9, 0.0, 0.2, 0.9, 1.0, 0.2, 0.0, 0.1]","[0, 0, 0, 0, 0, 0, 1, 0, 0, 0]" +46,"[0.2, 0.0, 0.8, 0.2, 0.7, 1.0, 0.2, 0.0, 0.0, 0.9]","[0, 0, 0, 0, 0, 1, 0, 0, 0, 0]" +47,"[0.2, 0.2, 0.5, 0.0, 0.2, 0.7, 0.5, 0.2, 0.8, 0.5]","[0, 0, 0, 0, 0, 0, 1, 0, 0, 0]" +48,"[0.2, 1.0, 1.0, 0.7, 0.8, 0.7, 1.0, 0.2, 0.4, 0.7]","[0, 0, 0, 0, 0, 0, 1, 0, 0, 0]" +49,"[0.7, 0.7, 0.2, 0.2, 0.1, 0.7, 0.2, 0.2, 0.2, 0.2]","[1, 0, 0, 0, 0, 0, 0, 0, 0, 0]" diff --git a/trulens_eval/trulens_eval/tests/results/all_context_relevance_benchmark.csv b/trulens_eval/trulens_eval/tests/results/all_context_relevance_benchmark.csv new file mode 100644 index 000000000..d6a6d3fb6 --- /dev/null +++ b/trulens_eval/trulens_eval/tests/results/all_context_relevance_benchmark.csv @@ -0,0 +1,5 @@ +,Model,nDCG,ECE,Recall@5,Precision@1 +0,GPT-3.5-Turbo,0.5672297616817523,0.5473999999999999,0.94,0.21836507936507935 +1,GPT-4-Turbo,0.6646960496100054,0.443,0.94,0.32583333333333336 +2,GPT-4-Turbo-latest,0.6557130861021041,0.45959999999999995,0.94,0.3121666666666667 +3,Claude-2,0.5991096262769967,0.669,0.9,0.2682142857142857 diff --git a/trulens_eval/trulens_eval/tests/results/results_comprehensiveness_benchmark.csv b/trulens_eval/trulens_eval/tests/results/results_comprehensiveness_benchmark.csv new file mode 100644 index 000000000..7d4864ad7 --- /dev/null +++ b/trulens_eval/trulens_eval/tests/results/results_comprehensiveness_benchmark.csv @@ -0,0 +1,1202 @@ +scores,true_scores +0.5,0.8 +0.6,0.67 +0.2,0.53 +0.0,0.2 +0.3,0.73 +0.2,0.4 +0.7,0.87 +0.1,0.47 +0.0,0.4 +0.8,0.93 +0.6,0.6 +0.7,0.93 +0.0,0.2 +0.5,0.6 +0.2,0.6 +0.2,0.6 +0.0,0.2 +0.3,0.6 +0.8,0.67 +0.1,0.4 +0.1,0.33 +0.7,0.87 +0.2,0.2 +0.3,0.93 +0.5,0.8 +0.2,0.53 +0.6,0.8 +0.3,0.67 +0.3,0.47 +0.2,0.47 +0.2,0.47 +0.2,0.2 +0.0,0.2 +0.8,0.73 +0.3,0.6 +0.7,0.8 +0.6,0.53 +0.4,0.4 +0.8,0.93 +0.2,0.2 +0.4,0.53 +0.3,0.53 +0.3,0.4 +0.4,0.6 +0.7,0.53 +0.3,0.67 +0.2,0.47 +0.8,0.73 +0.1,0.2 +0.2,0.47 +0.3,0.8 +0.4,0.73 +0.3,0.67 +0.5,0.8 +0.6,0.8 +0.2,0.27 +0.2,0.6 +0.2,0.67 +0.7,0.87 +0.2,0.47 +0.2,0.73 +0.2,0.8 +0.0,0.2 +0.0,0.2 +0.3,0.6 +0.7,0.73 +0.3,0.67 +0.3,0.4 +0.2,0.2 +0.5,0.67 +0.0,0.2 +0.2,0.53 +0.3,0.8 +0.5,0.87 +0.2,0.6 +0.3,0.87 +0.7,0.87 +0.6,0.87 +0.0,0.2 +0.3,0.87 +0.2,0.6 +0.3,0.8 +0.2,0.6 +0.2,0.67 +0.4,0.73 +0.0,0.2 +0.3,0.73 +0.3,0.73 +0.7,0.87 +0.0,0.27 +0.2,0.6 +0.0,0.27 +0.4,0.73 +0.2,0.47 +0.6,0.8 +0.4,0.6 +0.6,0.73 +0.7,0.93 +0.1,0.2 +0.3,0.6 +0.1,0.2 +0.8,0.93 +0.2,0.53 +0.3,0.67 +0.2,0.67 +0.0,0.6 +0.0,0.53 +0.0,0.2 +0.2,0.33 +0.2,0.2 +0.0,0.6 +0.0,0.4 +0.1,0.2 +0.1,0.6 +0.1,0.67 +0.5,0.27 +0.1,0.73 +0.1,0.2 +0.1,0.27 +0.7,0.87 +0.4,0.73 +0.3,0.47 +0.3,0.6 +0.0,0.2 +0.6,0.8 +0.1,0.2 +0.2,0.6 +0.2,0.67 +0.2,0.27 +0.0,0.2 +0.0,0.2 +0.3,0.67 +0.3,0.53 +0.2,0.33 +0.8,0.8 +0.2,0.53 +0.6,0.67 +0.1,0.2 +0.3,0.33 +0.2,0.4 +0.5,0.93 +0.3,0.87 +0.3,0.6 +0.4,0.73 +0.8,0.4 +0.3,0.87 +0.3,0.6 +0.8,0.93 +0.3,0.53 +0.5,0.6 +0.0,0.2 +0.9,0.87 +0.7,0.87 +0.8,0.8 +0.0,0.2 +0.8,0.67 +0.8,0.87 +0.4,0.6 +0.2,0.2 +0.5,0.73 +0.3,0.47 +0.0,0.2 +0.2,0.47 +0.7,0.67 +0.7,0.67 +0.2,0.4 +0.7,0.67 +0.7,0.67 +0.4,0.47 +0.2,0.2 +0.2,0.2 +0.5,0.67 +0.0,0.27 +0.1,0.2 +0.8,0.6 +0.2,0.6 +0.7,0.67 +0.2,0.4 +0.2,0.6 +0.3,0.73 +0.0,0.33 +0.0,0.2 +0.3,0.93 +0.3,0.73 +0.3,0.53 +0.2,0.53 +0.2,0.4 +0.3,0.6 +0.3,0.93 +0.0,0.2 +0.0,0.27 +0.3,0.27 +0.6,0.6 +0.2,0.53 +0.0,0.2 +0.0,0.2 +0.4,0.33 +0.6,0.87 +0.7,0.53 +0.0,0.2 +0.7,0.73 +0.0,0.27 +0.6,0.87 +0.2,0.53 +0.3,0.53 +0.2,0.73 +0.2,0.47 +0.5,0.93 +0.7,0.47 +0.3,0.8 +0.7,0.73 +0.7,0.87 +0.1,0.2 +0.7,0.93 +0.2,0.47 +0.3,0.73 +0.7,0.87 +0.2,0.67 +0.5,0.8 +0.2,0.4 +0.4,0.6 +0.7,0.6 +0.3,0.73 +0.3,0.2 +0.2,0.53 +0.6,0.87 +0.4,0.8 +0.2,0.33 +0.4,0.6 +0.2,0.6 +0.7,0.87 +0.2,0.4 +0.0,0.6 +0.0,0.2 +0.0,0.47 +0.0,0.2 +0.5,0.33 +0.0,0.6 +0.6,1.0 +0.8,0.8 +0.0,0.2 +0.5,0.93 +0.6,1.0 +0.2,0.33 +0.6,0.93 +0.3,0.8 +0.4,0.73 +0.4,0.93 +0.4,0.93 +0.7,0.93 +0.7,0.8 +0.2,0.47 +0.1,0.33 +0.3,0.87 +0.2,0.73 +0.2,0.73 +0.0,0.2 +0.3,0.47 +0.7,0.67 +0.0,0.2 +0.2,0.8 +0.3,0.73 +0.2,0.8 +0.2,0.67 +0.0,0.2 +0.0,0.33 +0.3,0.73 +0.1,0.47 +0.0,0.2 +0.4,0.87 +0.3,0.73 +0.3,0.8 +0.7,1.0 +0.4,0.73 +0.7,1.0 +0.4,0.8 +0.4,0.8 +0.0,0.2 +0.7,0.87 +0.3,0.53 +0.8,0.53 +0.5,0.73 +0.7,0.33 +0.0,0.33 +0.5,0.53 +0.2,0.27 +0.0,0.2 +0.3,0.87 +0.2,0.87 +0.6,0.67 +0.0,0.47 +0.3,0.87 +0.0,0.2 +0.1,0.2 +0.6,0.73 +0.8,0.87 +0.7,0.8 +0.0,0.2 +0.6,0.87 +0.5,0.8 +0.2,0.6 +0.4,0.67 +0.6,0.8 +0.7,0.87 +0.3,0.4 +0.2,0.47 +0.2,0.4 +0.5,0.73 +0.2,0.6 +0.3,0.2 +0.2,0.53 +0.0,0.2 +0.0,0.33 +0.2,0.53 +0.6,0.4 +0.7,0.73 +0.5,0.6 +0.7,0.4 +0.5,0.73 +0.6,0.67 +0.5,0.67 +0.5,0.47 +0.7,0.8 +0.8,1.0 +0.2,0.4 +0.7,0.73 +0.3,0.67 +0.2,0.4 +0.2,0.33 +0.3,0.47 +0.2,0.2 +0.4,0.6 +0.4,0.53 +0.1,0.2 +0.4,0.53 +0.7,0.87 +0.0,0.4 +0.8,0.67 +0.3,0.53 +0.0,0.2 +0.2,0.2 +0.0,0.2 +0.0,0.2 +0.0,0.2 +0.2,0.27 +0.2,0.27 +0.2,0.6 +0.3,0.6 +0.7,0.67 +0.3,0.6 +0.7,0.8 +0.4,0.6 +0.6,0.67 +0.2,0.4 +0.1,0.27 +0.6,0.73 +0.3,0.53 +0.1,0.67 +0.3,0.73 +0.3,0.73 +0.2,0.53 +0.3,0.6 +0.2,0.67 +0.7,0.73 +0.7,0.93 +0.7,0.8 +0.8,0.87 +0.5,0.67 +0.2,0.47 +0.8,0.87 +0.3,0.47 +0.7,0.8 +0.5,0.73 +0.6,0.73 +0.3,0.6 +0.3,0.67 +0.8,0.87 +0.1,0.33 +0.7,0.8 +0.6,0.6 +0.4,0.4 +0.1,0.2 +0.3,0.4 +0.3,0.47 +0.3,0.73 +0.3,0.73 +0.3,0.8 +0.2,0.4 +0.7,1.0 +0.1,0.4 +0.2,0.4 +0.1,0.2 +0.1,0.33 +0.0,0.2 +0.2,0.6 +0.3,0.6 +0.3,0.8 +0.3,0.8 +0.8,0.93 +0.2,0.67 +0.1,0.2 +0.2,0.53 +0.7,0.53 +0.0,0.47 +0.3,0.67 +0.3,0.73 +0.4,0.27 +0.2,0.6 +0.1,0.27 +0.4,0.8 +0.2,0.67 +0.2,0.6 +0.3,0.73 +0.0,0.2 +0.0,0.33 +0.2,0.2 +0.7,0.47 +0.3,0.6 +0.0,0.4 +0.2,0.53 +0.7,0.73 +0.6,0.8 +0.0,0.2 +0.2,0.53 +0.6,0.67 +0.7,0.87 +0.3,0.6 +0.3,0.8 +0.2,0.53 +0.0,0.2 +0.1,0.2 +0.3,0.47 +0.3,0.6 +0.7,0.73 +0.8,0.8 +0.5,0.87 +0.7,0.73 +0.2,0.33 +0.5,0.67 +0.5,0.87 +0.2,0.2 +0.1,0.47 +0.3,0.4 +0.2,0.27 +0.0,0.2 +0.0,0.27 +0.2,0.6 +0.2,0.33 +0.6,0.73 +0.5,0.87 +0.2,0.6 +0.2,0.8 +0.8,0.93 +0.3,0.73 +0.5,0.87 +0.3,0.6 +0.7,0.8 +0.1,0.4 +0.3,0.67 +0.1,0.33 +0.3,0.73 +0.3,0.73 +0.2,0.53 +0.5,0.27 +0.2,0.47 +0.2,0.4 +0.0,0.2 +0.1,0.4 +0.8,0.47 +0.7,0.8 +0.0,0.2 +0.6,0.8 +0.6,0.8 +0.2,0.53 +0.6,0.67 +0.4,0.67 +0.7,0.33 +0.3,0.53 +0.2,0.2 +0.0,0.33 +0.2,0.6 +0.3,0.8 +0.1,0.2 +0.2,0.73 +0.7,0.73 +0.7,0.67 +0.3,0.53 +0.2,0.2 +0.2,0.33 +0.2,0.2 +0.2,0.47 +0.3,0.6 +0.3,0.67 +0.7,0.93 +0.3,0.8 +0.1,0.47 +0.3,0.73 +0.2,0.27 +0.7,0.73 +0.3,0.53 +0.7,0.73 +0.7,0.8 +0.1,0.2 +0.7,0.87 +0.3,0.8 +0.2,0.27 +0.3,0.73 +0.0,0.73 +0.3,0.8 +0.2,0.2 +0.6,0.53 +0.8,0.87 +0.2,0.47 +0.3,0.67 +0.3,0.67 +0.0,0.2 +0.3,0.8 +0.3,0.8 +0.7,0.73 +0.3,0.67 +0.4,0.73 +0.0,0.2 +0.2,0.4 +0.4,0.8 +0.2,0.47 +0.3,0.53 +0.7,0.6 +0.4,0.67 +0.7,0.67 +0.8,0.93 +0.1,0.47 +0.6,0.8 +0.3,0.67 +0.3,0.67 +0.3,0.73 +0.7,0.93 +0.2,0.4 +0.2,0.73 +0.0,0.2 +0.2,0.2 +0.0,0.67 +0.2,0.2 +0.0,0.8 +0.7,0.8 +0.0,0.53 +0.2,0.53 +0.6,0.53 +0.2,0.27 +0.1,0.2 +0.3,0.33 +0.3,0.73 +0.3,0.67 +0.2,0.53 +0.0,0.73 +0.0,0.2 +0.0,0.2 +0.7,0.93 +0.5,0.87 +0.0,0.47 +0.0,0.2 +0.6,0.8 +0.5,0.8 +0.5,0.8 +0.6,0.67 +0.7,0.73 +0.5,0.8 +0.1,0.4 +0.8,0.53 +0.0,0.2 +0.7,0.73 +0.2,0.33 +0.7,0.87 +0.7,0.87 +0.8,0.93 +0.0,0.2 +0.2,0.53 +0.8,0.73 +0.3,0.6 +0.2,0.33 +0.2,0.33 +0.6,0.73 +0.5,0.8 +0.5,0.8 +0.7,0.93 +0.6,0.93 +0.0,0.2 +0.2,0.33 +0.7,0.93 +0.0,0.27 +0.2,0.6 +0.0,0.2 +0.2,0.53 +0.3,0.6 +0.6,0.53 +0.0,0.6 +0.1,0.27 +0.0,0.67 +0.0,0.53 +0.0,0.6 +0.6,0.73 +0.0,0.67 +0.0,0.2 +0.4,0.6 +0.4,0.73 +0.0,0.2 +0.0,0.2 +0.0,0.27 +0.6,0.73 +0.8,0.93 +0.2,0.27 +0.3,0.47 +0.8,0.8 +0.7,0.73 +0.7,0.8 +0.3,0.47 +0.8,0.8 +0.7,0.73 +0.7,0.8 +0.7,0.87 +0.4,0.67 +0.5,0.73 +0.3,0.2 +0.2,0.47 +0.3,0.93 +0.3,0.2 +0.2,0.73 +0.2,0.47 +0.2,0.8 +0.2,0.87 +0.8,0.47 +0.2,0.2 +0.7,0.8 +0.8,0.8 +0.3,0.6 +0.8,0.87 +0.7,0.67 +0.8,0.93 +0.6,0.93 +0.2,0.67 +0.6,1.0 +0.0,0.2 +0.3,0.4 +0.7,0.8 +0.2,0.73 +0.2,0.67 +0.3,0.73 +0.3,0.67 +0.6,0.8 +0.1,0.2 +0.3,0.67 +0.1,0.2 +0.0,0.67 +0.0,0.67 +0.7,0.67 +0.2,0.47 +0.0,0.2 +0.2,0.8 +0.0,0.47 +0.5,0.6 +0.7,0.67 +0.8,0.73 +0.8,0.6 +0.8,0.87 +0.3,0.33 +0.5,0.6 +0.3,0.73 +0.7,0.93 +0.3,0.73 +0.4,0.53 +0.2,0.53 +0.2,0.8 +0.0,0.2 +0.2,0.6 +0.2,0.73 +0.2,0.8 +0.0,0.2 +0.2,0.8 +0.3,0.93 +0.8,0.87 +0.4,0.87 +0.4,0.8 +0.5,0.93 +0.5,0.87 +0.3,0.47 +0.2,0.6 +0.2,0.73 +0.1,0.2 +0.0,0.33 +0.0,0.4 +0.2,0.73 +0.2,0.8 +0.0,0.33 +0.8,0.8 +0.6,0.33 +0.2,0.2 +0.0,0.2 +0.6,0.53 +0.5,0.53 +0.3,0.47 +0.0,0.27 +0.2,0.6 +0.1,0.27 +0.3,0.87 +0.0,0.6 +0.7,0.73 +0.2,0.67 +0.3,0.8 +0.2,0.4 +0.7,0.53 +0.1,0.27 +0.2,0.47 +0.7,0.6 +0.0,0.2 +0.7,0.67 +0.3,0.8 +0.7,0.87 +0.1,0.27 +0.5,0.8 +0.0,0.2 +0.5,0.87 +0.0,0.27 +0.0,0.2 +0.5,0.53 +0.7,0.93 +0.3,0.8 +0.3,0.8 +0.3,0.67 +0.4,0.67 +0.3,0.53 +0.4,0.53 +0.3,0.67 +0.0,0.27 +0.3,0.73 +0.1,0.2 +0.3,0.67 +0.1,0.27 +0.3,0.87 +0.3,0.8 +0.4,0.93 +0.2,0.4 +0.2,0.47 +0.4,0.73 +0.8,0.6 +0.8,0.67 +0.3,0.4 +0.8,0.67 +0.4,0.4 +0.3,0.27 +0.8,0.67 +0.0,0.2 +0.5,0.73 +0.8,0.93 +0.7,0.73 +0.7,0.53 +0.3,0.67 +0.3,0.33 +0.8,0.67 +0.2,0.67 +0.2,0.4 +0.3,0.33 +0.1,0.2 +0.2,0.27 +0.2,0.53 +0.0,0.2 +0.2,0.87 +0.2,0.67 +0.2,0.87 +0.7,1.0 +0.2,0.8 +0.2,0.47 +0.7,0.8 +0.0,0.2 +0.2,0.73 +0.5,0.73 +0.2,0.53 +0.2,0.67 +0.1,0.2 +0.2,0.33 +0.3,0.73 +0.1,0.47 +0.4,0.67 +0.0,0.2 +0.7,0.73 +0.8,0.87 +0.7,0.6 +0.6,0.6 +0.7,0.4 +0.0,0.2 +0.0,0.2 +0.3,0.47 +0.5,0.73 +0.5,0.93 +0.5,0.93 +0.2,0.73 +0.2,0.8 +0.2,0.2 +0.5,0.8 +0.7,0.8 +0.7,0.8 +0.1,0.4 +0.2,0.67 +0.3,0.53 +0.2,0.2 +0.3,0.8 +0.3,0.8 +0.0,0.2 +0.7,0.87 +0.1,0.27 +0.7,0.73 +0.7,0.87 +0.7,0.8 +0.3,0.6 +0.6,0.8 +0.3,0.67 +0.8,0.87 +0.6,0.87 +0.0,0.2 +0.2,0.33 +0.1,0.4 +0.3,0.73 +0.5,0.87 +0.7,0.87 +0.0,0.2 +0.5,0.87 +0.5,0.6 +0.5,0.87 +0.5,0.93 +0.4,0.6 +0.0,0.2 +0.1,0.4 +0.8,0.93 +0.5,0.8 +0.4,0.73 +0.5,0.73 +0.6,0.87 +0.7,0.8 +0.6,0.73 +0.8,0.8 +0.3,0.6 +0.1,0.2 +0.2,0.4 +0.3,0.6 +0.0,0.2 +0.3,0.6 +0.6,0.8 +0.7,0.87 +0.7,0.87 +0.7,0.87 +0.3,0.67 +0.2,0.73 +0.3,0.33 +0.4,0.67 +0.1,0.4 +0.2,0.87 +0.7,0.73 +0.1,0.33 +0.5,0.67 +0.2,0.47 +0.4,0.6 +0.7,0.53 +0.3,0.53 +0.2,0.6 +0.0,0.2 +0.4,0.87 +0.8,1.0 +0.3,0.4 +0.3,0.67 +0.4,0.87 +0.2,0.6 +0.3,0.53 +0.4,0.53 +0.7,0.8 +0.7,0.8 +0.7,0.87 +0.7,0.93 +0.2,0.6 +0.3,0.73 +0.7,0.87 +0.5,0.67 +0.2,0.53 +0.2,0.4 +0.2,0.53 +0.1,0.6 +0.7,0.87 +0.2,0.73 +0.2,0.33 +0.3,0.67 +0.3,0.87 +0.2,0.6 +0.0,0.2 +0.2,0.53 +0.2,0.4 +0.2,0.53 +0.2,0.53 +0.3,0.27 +0.7,0.53 +0.5,0.6 +0.7,0.73 +0.0,0.2 +0.7,0.8 +0.3,0.4 +0.3,0.53 +0.5,0.67 +0.5,0.87 +0.3,0.27 +0.3,0.8 +0.6,0.87 +0.7,0.87 +0.2,0.33 +0.6,0.87 +0.1,0.27 +0.7,0.87 +0.1,0.27 +0.8,0.87 +0.4,0.53 +0.8,0.87 +0.8,0.8 +0.3,0.73 +0.0,0.2 +0.2,0.67 +0.7,0.93 +0.1,0.27 +0.2,0.33 +0.2,0.47 +0.8,0.93 +0.6,0.73 +0.4,0.6 +0.3,0.2 +0.7,0.8 +0.7,0.8 +0.7,0.8 +0.2,0.6 +0.2,0.8 +0.1,0.8 +0.2,0.33 +0.2,0.73 +0.0,0.2 +0.6,0.8 +0.2,0.2 +0.3,0.53 +0.2,0.2 +0.6,0.53 +0.7,0.8 +0.3,0.73 +0.4,0.73 +0.5,0.73 +0.5,0.67 +0.1,0.2 +0.0,0.2 +0.8,0.87 +0.7,0.73 +0.8,0.8 +0.5,0.87 +0.2,0.53 +0.1,0.2 +0.2,0.47 +0.8,1.0 +0.5,0.67 +0.5,0.73 +0.2,0.4 +0.8,1.0 +0.4,0.87 +0.4,0.93 +0.3,0.67 +0.0,0.2 +0.7,0.87 +0.6,0.6 +0.4,0.47 +0.7,0.47 +0.7,0.67 +0.7,0.73 +0.0,0.2 +0.2,0.47 +0.8,0.87 +0.3,0.67 +0.2,0.4 +0.4,0.73 +0.2,0.47 +0.4,0.73 +0.3,0.73 +0.2,0.53 +0.1,0.6 +0.0,0.2 +0.2,0.87 +0.2,0.67 +0.2,0.87 +0.6,0.8 +0.7,0.93 +0.0,0.2 +0.0,0.53 +0.5,0.67 +0.0,0.2 +0.7,1.0 +0.4,0.6 +0.3,0.6 +0.2,0.53 +0.2,0.73 +0.2,0.33 +0.0,0.2 +0.3,0.6 +0.2,0.67 +0.6,0.73 +0.2,0.6 +0.4,0.67 +0.2,0.33 +0.1,0.47 +0.4,0.67 +0.2,0.53 +0.6,0.73 +0.3,0.67 +0.7,0.73 +0.7,0.93 +0.5,0.93 +0.3,0.67 +0.3,0.8 +0.1,0.4 +0.7,0.93 +0.2,0.8 +0.2,0.73 +0.2,0.8 +0.0,0.2 +0.3,0.67 +0.7,0.6 +0.3,0.73 +0.8,0.93 +0.8,0.8 +0.0,0.2 +0.2,0.47 +0.6,0.67 +0.8,1.0 +0.3,0.53 +0.5,0.73 +0.5,0.67 +0.7,0.8 +0.3,0.6 +0.3,0.6 +0.6,0.8 +0.5,0.8 +0.4,0.8 +0.1,0.4 +0.7,0.93 +0.7,0.47 +0.7,0.8 +0.2,0.33 +0.7,0.67 +0.3,0.53 +0.7,0.67 +0.8,0.6 +0.7,0.67 +0.0,0.2 +0.4,0.67 +0.2,0.4 +0.0,0.33 +0.2,0.2 +0.7,1.0 +0.2,0.47 +0.7,0.73 +0.2,0.53 +0.0,0.27 +0.4,0.8 +0.4,0.6 +0.3,0.8 +0.3,0.67 +0.5,0.87 +0.3,0.6 +0.2,0.4 +0.5,0.47 +0.1,0.2 +0.1,0.27 +0.6,0.6 +0.3,0.73 +0.2,0.47 +0.7,0.53 +0.1,0.27 +0.2,0.67 +0.3,0.53 +0.0,0.27 +0.2,0.4 +0.8,0.8 +0.5,0.6 +0.2,0.27 +0.5,0.53 +0.0,0.2 +0.0,0.2 +0.4,0.47 +0.0,0.53 +0.0,0.53 +0.0,0.67 +0.2,0.73 +0.0,0.2 +0.2,0.2 +0.7,0.47 +0.5,0.53 +0.7,0.67 +0.7,0.73 +0.3,0.27 +0.0,0.2 +0.7,0.87 +0.7,0.6 +0.0,0.2 +0.4,0.67 +0.2,0.6 +0.6,0.87 +0.7,0.73 +0.2,0.8 +0.3,0.8 +0.3,0.87 +0.2,0.4 +0.3,0.87 +0.2,0.4 +0.7,0.8 +0.3,0.73 +0.0,0.2 +0.0,0.2 +0.0,0.2 +0.3,0.73 +0.2,0.53 +0.4,0.67 +0.2,0.73 +0.2,0.53 +0.8,1.0 +0.2,0.53 +0.0,0.2 +0.3,0.73 +0.3,0.27 +0.3,0.67 +0.3,0.67 +0.7,0.4 +0.7,0.8 +0.3,0.53 +0.1,0.2 +0.3,0.27 +0.7,0.47 +0.4,0.47 +0.8,0.47 +0.1,0.2 +0.0,0.2 +0.3,0.67 +0.3,0.73 +0.4,0.6 +0.2,0.4 +0.8,0.8 +0.0,0.27 +0.5,0.67 +0.8,0.87 +0.2,0.2 +0.7,0.87 +0.8,0.67 +0.8,0.87 +0.0,0.2 +0.7,0.93 +0.3,0.87 +0.7,0.87 +0.7,0.8 +0.2,0.33 +0.0,0.2 +0.2,0.47 +0.2,0.4 +0.0,0.2 +0.3,0.6 +0.7,0.73 +0.0,0.27 +0.7,0.87 +0.0,0.2 +0.7,0.87 +0.3,0.87 +0.6,0.8 +0.2,0.33 +0.7,0.73 +0.2,0.2 +0.1,0.2 +0.0,0.27 +0.0,0.2 +0.7,0.33 +0.0,0.2 +0.0,0.2 +0.8,0.87 +0.3,0.73 +0.3,0.6 +0.2,0.73 +0.4,0.67 +0.4,0.93 +0.0,0.2 +0.7,0.73 +0.6,0.87 +0.1,0.53 +0.1,0.2 +0.7,0.67 +0.3,0.53 +0.7,0.87 +0.7,0.67 +0.8,0.87 +0.7,0.87 +0.4,0.47 +0.7,0.67 +0.2,0.53 +0.2,0.2 +0.1,0.2 +0.4,0.67 +0.3,0.47 +0.6,0.6 diff --git a/trulens_eval/trulens_eval/tests/results/results_temp_scaling_gpt-3.5.csv b/trulens_eval/trulens_eval/tests/results/results_temp_scaling_gpt-3.5.csv new file mode 100644 index 000000000..4cee501ab --- /dev/null +++ b/trulens_eval/trulens_eval/tests/results/results_temp_scaling_gpt-3.5.csv @@ -0,0 +1,5 @@ +Scaling: Temperature,Model,ECE +0,GPT-3.5-Turbo,0.4927350427350427 +0.3,GPT-3.5-Turbo,0.47784352399737 +0.7,GPT-3.5-Turbo,0.4671268902038133 +1,GPT-3.5-Turbo,0.4654174884944116 diff --git a/trulens_eval/trulens_eval/tests/results/results_temp_scaling_gpt-4.csv b/trulens_eval/trulens_eval/tests/results/results_temp_scaling_gpt-4.csv new file mode 100644 index 000000000..7699c406d --- /dev/null +++ b/trulens_eval/trulens_eval/tests/results/results_temp_scaling_gpt-4.csv @@ -0,0 +1,5 @@ +Scaling: Temperature,Model,ECE +0,GPT-4-Turbo,0.7415187376725839 +0.3,GPT-4-Turbo,0.7423734385272847 +0.7,GPT-4-Turbo,0.7377712031558186 +1,GPT-4-Turbo,0.7328073635765944 diff --git a/trulens_eval/trulens_eval/tests/results/results_verbalized_ece_t_0.3.csv b/trulens_eval/trulens_eval/tests/results/results_verbalized_ece_t_0.3.csv new file mode 100644 index 000000000..5d590d777 --- /dev/null +++ b/trulens_eval/trulens_eval/tests/results/results_verbalized_ece_t_0.3.csv @@ -0,0 +1,3 @@ +,Model-t-0.3,ECE +0,GPT-3.5-Turbo,0.47784352399737007 +1,GPT-4-Turbo,0.7423734385272847 diff --git a/trulens_eval/trulens_eval/tests/results/results_verbalized_ece_t_0.7.csv b/trulens_eval/trulens_eval/tests/results/results_verbalized_ece_t_0.7.csv new file mode 100644 index 000000000..d0b58a731 --- /dev/null +++ b/trulens_eval/trulens_eval/tests/results/results_verbalized_ece_t_0.7.csv @@ -0,0 +1,3 @@ +,Model-t-0.7,ECE +0,GPT-3.5-Turbo,0.46712689020381337 +1,GPT-4-Turbo,0.7377712031558186 diff --git a/trulens_eval/trulens_eval/tests/results/results_verbalized_ece_t_0.csv b/trulens_eval/trulens_eval/tests/results/results_verbalized_ece_t_0.csv new file mode 100644 index 000000000..71fc462fe --- /dev/null +++ b/trulens_eval/trulens_eval/tests/results/results_verbalized_ece_t_0.csv @@ -0,0 +1,3 @@ +,Model-t-0,ECE +0,GPT-3.5-Turbo,0.4927350427350427 +1,GPT-4-Turbo,0.7415187376725839 diff --git a/trulens_eval/trulens_eval/tests/results/results_verbalized_ece_t_1.csv b/trulens_eval/trulens_eval/tests/results/results_verbalized_ece_t_1.csv new file mode 100644 index 000000000..7e30b2d5b --- /dev/null +++ b/trulens_eval/trulens_eval/tests/results/results_verbalized_ece_t_1.csv @@ -0,0 +1,3 @@ +,Model-t-1,ECE +0,GPT-3.5-Turbo,0.4654174884944116 +1,GPT-4-Turbo,0.7328073635765944 diff --git a/trulens_eval/trulens_eval/tests/test_cases.py b/trulens_eval/trulens_eval/tests/test_cases.py index 2df010764..70e9e8a4d 100644 --- a/trulens_eval/trulens_eval/tests/test_cases.py +++ b/trulens_eval/trulens_eval/tests/test_cases.py @@ -240,29 +240,68 @@ def generate_summeval_groundedness_golden_set(file_path): } -def generate_summeval_answer_relevance_golden_set(file_path): +def generate_meetingbank_comprehensiveness_benchmark(human_annotation_file_path, meetingbank_file_path): + + with open(meetingbank_file_path, 'r') as f: + transcripts_data = json.load(f) + + with open(human_annotation_file_path, 'r') as f: + annotation_data = json.load(f) + + def get_transcript_as_string(transcripts_data, meeting_name, section): + """ + Retrieve a specific transcript based on the meeting name and section, + and concatenate the text fields into a single string. + """ + meeting_minutes = "" + meeting_data = transcripts_data.get(meeting_name) + if meeting_data: + item_info = meeting_data.get("itemInfo") + if item_info: + section_data = item_info.get(section) + if section_data and "transcripts" in section_data: + for transcript in section_data["transcripts"]: + speaker_text = f"speaker {transcript['speaker']}: {transcript['text']}\n" + meeting_minutes += speaker_text + return meeting_minutes + + + for key, annotations in annotation_data.items(): + meeting_name, section = key.rsplit('_', 1) + # Retrieve transcript based on meeting_name and section + transcripts_str = get_transcript_as_string(transcripts_data, meeting_name, section) + + for model, details in annotations.items(): + summary = details["summary"] + avg_informativeness_score = sum(details["informativeness"]) / len(details["informativeness"]) # informativeness maps to comprehensiveness + yield { + # "summarizer_model": model, + "query": transcripts_str, + "response": summary, + "expected_score": calculate_expected_score( + [avg_informativeness_score / 5], # normalize score from 1 to 5 to 0 to 1.0 + [1.0] + ) + } + + +def generate_ms_marco_context_relevance_benchmark(file_path): with open(file_path, 'r') as f: data = json.load(f) - for item in data["rows"]: - row = item["row"] + for item in data['rows']: + row = item['row'] - assert ( - len(row["machine_summaries"]) == len(row["relevance"]) == - len(row["human_summaries"]) - ) + assert len(row['passages']['is_selected']) == len(row['passages']['passage_text']) - for i in range(len(row["machine_summaries"])): + if sum(row['passages']['is_selected']) < 1: + # currently we only consider sample with one passage marked as relevant (there are samples where zero passage_text is selected) + continue + for i, passage_text in enumerate(row['passages']['passage_text']): yield { - "query": - row["text"], - "response": - row["machine_summaries"][i], - "expected_score": - calculate_expected_score( - [ - row["relevance"][i] / 5, # normalize to [0, 1] - ], - [1.0] - ) - } + 'query_id': row['query_id'], + 'query': row['query'], + 'passage': passage_text, + 'is_selected': row['passages']['is_selected'][i], # Binary relevance + 'relevant_idx': row['passages']['is_selected'].index(1) # Index of the relevant passage + } \ No newline at end of file