diff --git a/src/benchmark/trulens/benchmark/benchmark_frameworks/experiments/competitive_analysis.ipynb b/src/benchmark/trulens/benchmark/benchmark_frameworks/experiments/competitive_analysis.ipynb
index 2f6f91024..9909cad30 100644
--- a/src/benchmark/trulens/benchmark/benchmark_frameworks/experiments/competitive_analysis.ipynb
+++ b/src/benchmark/trulens/benchmark/benchmark_frameworks/experiments/competitive_analysis.ipynb
@@ -32,39 +32,12 @@
},
{
"cell_type": "code",
- "execution_count": 1,
+ "execution_count": null,
"metadata": {},
- "outputs": [
- {
- "name": "stderr",
- "output_type": "stream",
- "text": [
- "/opt/anaconda3/envs/trulens/lib/python3.11/site-packages/snowflake/sqlalchemy/base.py:1068: SAWarning: The GenericFunction 'flatten' is already registered and is going to be overridden.\n",
- " functions.register_function(\"flatten\", flatten)\n"
- ]
- },
- {
- "name": "stdout",
- "output_type": "stream",
- "text": [
- "đŠ Initialized with db url sqlite:///default.sqlite .\n",
- "đ Secret keys may be written to the database. See the `database_redact_keys` option of `TruSession` to prevent this.\n"
- ]
- },
- {
- "name": "stderr",
- "output_type": "stream",
- "text": [
- "Updating app_name and app_version in apps table: 0it [00:00, ?it/s]\n",
- "Updating app_id in records table: 0it [00:00, ?it/s]\n",
- "Updating app_json in apps table: 0it [00:00, ?it/s]\n"
- ]
- }
- ],
+ "outputs": [],
"source": [
"import os\n",
"\n",
- "from trulens.connectors.snowflake import SnowflakeConnector\n",
"from trulens.core.session import TruSession\n",
"\n",
"# os.environ[\"OPENAI_API_KEY\"] = \"sk-...\"\n",
@@ -202,11 +175,6 @@
"metadata": {},
"outputs": [],
"source": [
- "from datasets import Dataset\n",
- "import mlflow\n",
- "from mlflow.metrics.genai import answer_relevance as answer_relevance_mlflow\n",
- "from mlflow.metrics.genai import faithfulness as faithfulness_mlflow\n",
- "from mlflow.metrics.genai import relevance as context_relevance_mlflow\n",
"# from ragas import evaluate\n",
"# from ragas.cost import get_token_usage_for_openai\n",
"# from ragas.llms import llm_factory\n",
@@ -251,7 +219,7 @@
"# # not supplying any example as other metrics do zero-shot evaluation as well\n",
"# faithfulness_metric = faithfulness_mlflow(\n",
"# model=f\"openai:/{OPENAI_LLM_NAME}\"\n",
- "# ) \n",
+ "# )\n",
"# context_relevance_metric = context_relevance_mlflow(\n",
"# model=f\"openai:/{OPENAI_LLM_NAME}\"\n",
"# )\n",
@@ -263,7 +231,7 @@
"# def mlflow_context_relevance(query: str, context: str, response: str, gt_score: float) -> str:\n",
"# eval_data = pd.DataFrame({\n",
"# \"inputs\": [\n",
- "# query \n",
+ "# query\n",
"# ],\n",
"# \"predictions\": [response], # note that we are using the response as the prediction\n",
"# \"context\": [context],\n",
@@ -323,7 +291,7 @@
"# data=eval_data,\n",
"# predictions=\"predictions\",\n",
"# extra_metrics=[\n",
- "# faithfulness_metric \n",
+ "# faithfulness_metric\n",
"# ],\n",
"# evaluators=\"default\",\n",
"# )\n",
@@ -337,9 +305,6 @@
"# return f\"{mlflow_faithfulness_score_norm};{gt_score}\"\n",
"\n",
"\n",
- "\n",
- "\n",
- "\n",
"def run_experiment_and_record(\n",
" evaluate_func_wrapper, app_name, app_version, dataset_df, true_labels\n",
"):\n",
@@ -374,30 +339,30 @@
"metadata": {},
"outputs": [],
"source": [
- "EXP_NAME = \"competitive-analysis-10312024\"\n",
- "run_experiment_and_record(\n",
- " evaluate_func_wrapper=trulens_groundedness,\n",
- " app_version=\"trulens-groundedness\",\n",
- " app_name=EXP_NAME,\n",
- " dataset_df=combined_dataset,\n",
- " true_labels=combined_true_labels,\n",
- ")\n",
+ "# EXP_NAME = \"competitive-analysis-10312024\"\n",
+ "# run_experiment_and_record(\n",
+ "# evaluate_func_wrapper=trulens_groundedness,\n",
+ "# app_version=\"trulens-groundedness\",\n",
+ "# app_name=EXP_NAME,\n",
+ "# dataset_df=combined_dataset,\n",
+ "# true_labels=combined_true_labels,\n",
+ "# )\n",
"\n",
- "run_experiment_and_record(\n",
- " evaluate_func_wrapper=ragas_faithfulness,\n",
- " app_version=\"ragas-faithfulness\",\n",
- " app_name=EXP_NAME,\n",
- " dataset_df=combined_dataset,\n",
- " true_labels=combined_true_labels,\n",
- ")\n",
+ "# run_experiment_and_record(\n",
+ "# evaluate_func_wrapper=ragas_faithfulness,\n",
+ "# app_version=\"ragas-faithfulness\",\n",
+ "# app_name=EXP_NAME,\n",
+ "# dataset_df=combined_dataset,\n",
+ "# true_labels=combined_true_labels,\n",
+ "# )\n",
"\n",
- "run_experiment_and_record(\n",
- " evaluate_func_wrapper=mlflow_faithfulness,\n",
- " app_version=\"mlflow-faithfulness\",\n",
- " app_name=EXP_NAME,\n",
- " dataset_df=combined_dataset,\n",
- " true_labels=combined_true_labels,\n",
- ")"
+ "# run_experiment_and_record(\n",
+ "# evaluate_func_wrapper=mlflow_faithfulness,\n",
+ "# app_version=\"mlflow-faithfulness\",\n",
+ "# app_name=EXP_NAME,\n",
+ "# dataset_df=combined_dataset,\n",
+ "# true_labels=combined_true_labels,\n",
+ "# )"
]
},
{
@@ -471,8 +436,8 @@
" ], # Binary relevance\n",
" }\n",
"\n",
- "ms_marco = list(generate_ms_marco_context_relevance_benchmark_for_mlflow(\n",
- "))\n",
+ "\n",
+ "ms_marco = list(generate_ms_marco_context_relevance_benchmark_for_mlflow())\n",
"\n",
"\n",
"score_1_entries = [entry for entry in ms_marco if entry[\"expected_score\"] == 1]\n",
@@ -517,7 +482,7 @@
"]\n",
"\n",
"\n",
- "hotpotqa_subset_for_answer_relevance = [] \n",
+ "hotpotqa_subset_for_answer_relevance = []\n",
"\n",
"for idx, row in hotpotqa_raw_subset.iterrows():\n",
" # Positive examples for answer relevance\n",
@@ -552,11 +517,13 @@
},
{
"cell_type": "code",
- "execution_count": 49,
+ "execution_count": null,
"metadata": {},
"outputs": [],
"source": [
- "ms_marco_balanced_sample_300_true_labels = ms_marco_balanced_sample_300[\"expected_score\"]\n"
+ "ms_marco_balanced_sample_300_true_labels = ms_marco_balanced_sample_300[\n",
+ " \"expected_score\"\n",
+ "]"
]
},
{
@@ -579,30 +546,19 @@
},
{
"cell_type": "code",
- "execution_count": 29,
+ "execution_count": null,
"metadata": {},
- "outputs": [
- {
- "name": "stderr",
- "output_type": "stream",
- "text": [
- "Updating app_name and app_version in apps table: 0it [00:00, ?it/s]\n",
- "Updating app_id in records table: 0it [00:00, ?it/s]\n",
- "Updating app_json in apps table: 0it [00:00, ?it/s]\n"
- ]
- }
- ],
+ "outputs": [],
"source": [
"import os\n",
"\n",
- "from trulens.connectors.snowflake import SnowflakeConnector\n",
"from trulens.core.session import TruSession\n",
"\n",
"# os.environ[\"OPENAI_API_KEY\"] = \"sk-...\"\n",
"\n",
"\n",
"session = TruSession()\n",
- "session.reset_database()\n"
+ "session.reset_database()"
]
},
{
@@ -611,27 +567,137 @@
"metadata": {},
"outputs": [],
"source": [
+ "from trulens.core import Provider\n",
"\n",
- "tru_wrapped_answer_relevance_app = TruBasicApp(\n",
- " mlflow_answer_relevance,\n",
- " app_name=\"competitive-analysis-mlflow-11022024\",\n",
- " app_version=\"mlflow-answer-relevance\",\n",
- " feedbacks=CUSTOM_FEEDBACK_FUNCS,\n",
- ")\n",
+ "THRESHOLD = 0.5 # for passage retrieval annotation, we consider a score of 0.5 or above as relevant\n",
"\n",
- "for i in range(len(hotpotqa_subset_for_answer_relevance)):\n",
- " arg_1 = hotpotqa_subset_for_answer_relevance.iloc[i][\"query\"]\n",
- " arg_2 = hotpotqa_subset_for_answer_relevance.iloc[i][\"expected_response\"]\n",
- " arg_3 = hotpotqa_subset_for_answer_relevance_true_labels[i]\n",
"\n",
- " try:\n",
- " with tru_wrapped_answer_relevance_app as _:\n",
- " tru_wrapped_answer_relevance_app.app(arg_1, arg_2, arg_3)\n",
+ "class CustomTermFeedback(Provider):\n",
+ " def true_positive(self, output: str) -> float:\n",
+ " feedback_score, gt_score = (\n",
+ " float(output.split(\";\")[0]),\n",
+ " float(output.split(\";\")[1]),\n",
+ " )\n",
+ " binary_score = 1 if feedback_score >= 0.5 else 0\n",
+ " binary_gt_score = 1 if gt_score >= THRESHOLD else 0\n",
+ " return 1.0 if binary_score == 1 and binary_gt_score == 1 else 0.0\n",
+ "\n",
+ " def true_negative(self, output: str) -> float:\n",
+ " feedback_score, gt_score = (\n",
+ " float(output.split(\";\")[0]),\n",
+ " float(output.split(\";\")[1]),\n",
+ " )\n",
+ " binary_score = 1 if feedback_score >= 0.5 else 0\n",
+ " binary_gt_score = 1 if gt_score >= THRESHOLD else 0\n",
+ " return 1.0 if binary_score == 0 and binary_gt_score == 0 else 0.0\n",
+ "\n",
+ " def false_positive(self, output: str) -> float:\n",
+ " feedback_score, gt_score = (\n",
+ " float(output.split(\";\")[0]),\n",
+ " float(output.split(\";\")[1]),\n",
+ " )\n",
+ " binary_score = 1 if feedback_score >= 0.5 else 0\n",
+ " binary_gt_score = 1 if gt_score >= THRESHOLD else 0\n",
+ " return 1.0 if binary_score == 1 and binary_gt_score == 0 else 0.0\n",
+ "\n",
+ " def false_negative(self, output: str) -> float:\n",
+ " feedback_score, gt_score = (\n",
+ " float(output.split(\";\")[0]),\n",
+ " float(output.split(\";\")[1]),\n",
+ " )\n",
+ " binary_score = 1 if feedback_score >= 0.5 else 0\n",
+ " binary_gt_score = 1 if gt_score >= THRESHOLD else 0\n",
+ " return 1.0 if binary_score == 0 and binary_gt_score == 1 else 0.0\n",
+ "\n",
+ " def term_absolute_error(self, output: str) -> float:\n",
+ " feedback_score, gt_score = (\n",
+ " float(output.split(\";\")[0]),\n",
+ " float(output.split(\";\")[1]),\n",
+ " )\n",
+ " return abs(feedback_score - gt_score)\n",
+ "\n",
+ " def raw_gt_score(self, output: str) -> float:\n",
+ " return float(output.split(\";\")[1]) * 3\n",
"\n",
- " except Exception as e:\n",
- " print(\n",
- " f\"Error {e} in run_feedback_experiment row {i} with first arg {arg_1} and second arg {arg_2}\"\n",
- " )"
+ " def raw_feedback_score(self, output: str) -> float:\n",
+ " return float(output.split(\";\")[0]) * 3\n",
+ "\n",
+ "\n",
+ "custom_term_feedback = CustomTermFeedback()\n",
+ "\n",
+ "f_tp = Feedback(\n",
+ " custom_term_feedback.true_positive,\n",
+ " name=\"True Positive\",\n",
+ " higher_is_better=True,\n",
+ ").on_output()\n",
+ "f_tn = Feedback(\n",
+ " custom_term_feedback.true_negative,\n",
+ " name=\"True Negative\",\n",
+ " higher_is_better=True,\n",
+ ").on_output()\n",
+ "f_fp = Feedback(\n",
+ " custom_term_feedback.false_positive,\n",
+ " name=\"False Positive\",\n",
+ " higher_is_better=False,\n",
+ ").on_output()\n",
+ "f_fn = Feedback(\n",
+ " custom_term_feedback.false_negative,\n",
+ " name=\"False Negative\",\n",
+ " higher_is_better=False,\n",
+ ").on_output()\n",
+ "f_abs_err = Feedback(\n",
+ " custom_term_feedback.term_absolute_error,\n",
+ " name=\"Absolute Error\",\n",
+ " higher_is_better=False,\n",
+ ").on_output()\n",
+ "f_raw_gt_score = Feedback(\n",
+ " custom_term_feedback.raw_gt_score,\n",
+ " name=\"Raw GT Score\",\n",
+ " higher_is_better=True,\n",
+ ").on_output()\n",
+ "f_raw_feedback_score = Feedback(\n",
+ " custom_term_feedback.raw_feedback_score,\n",
+ " name=\"Raw Feedback Score\",\n",
+ " higher_is_better=True,\n",
+ ").on_output()\n",
+ "\n",
+ "CUSTOM_FEEDBACK_FUNCS = [\n",
+ " f_tp,\n",
+ " f_tn,\n",
+ " f_fp,\n",
+ " f_fn,\n",
+ " f_abs_err,\n",
+ " f_raw_gt_score,\n",
+ " f_raw_feedback_score,\n",
+ "]"
+ ]
+ },
+ {
+ "cell_type": "code",
+ "execution_count": null,
+ "metadata": {},
+ "outputs": [],
+ "source": [
+ "# tru_wrapped_answer_relevance_app = TruBasicApp(\n",
+ "# mlflow_answer_relevance,\n",
+ "# app_name=\"competitive-analysis-mlflow-11022024\",\n",
+ "# app_version=\"mlflow-answer-relevance\",\n",
+ "# feedbacks=CUSTOM_FEEDBACK_FUNCS,\n",
+ "# )\n",
+ "\n",
+ "# for i in range(len(hotpotqa_subset_for_answer_relevance)):\n",
+ "# arg_1 = hotpotqa_subset_for_answer_relevance.iloc[i][\"query\"]\n",
+ "# arg_2 = hotpotqa_subset_for_answer_relevance.iloc[i][\"expected_response\"]\n",
+ "# arg_3 = hotpotqa_subset_for_answer_relevance_true_labels[i]\n",
+ "\n",
+ "# try:\n",
+ "# with tru_wrapped_answer_relevance_app as _:\n",
+ "# tru_wrapped_answer_relevance_app.app(arg_1, arg_2, arg_3)\n",
+ "\n",
+ "# except Exception as e:\n",
+ "# print(\n",
+ "# f\"Error {e} in run_feedback_experiment row {i} with first arg {arg_1} and second arg {arg_2}\"\n",
+ "# )"
]
},
{
@@ -645,45 +711,33 @@
},
{
"cell_type": "code",
- "execution_count": 11,
+ "execution_count": null,
"metadata": {},
- "outputs": [
- {
- "ename": "NameError",
- "evalue": "name 'mlflow_context_relevance' 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[11], line 4\u001b[0m\n\u001b[1;32m 1\u001b[0m \u001b[38;5;28;01mfrom\u001b[39;00m \u001b[38;5;21;01mtrulens\u001b[39;00m\u001b[38;5;21;01m.\u001b[39;00m\u001b[38;5;21;01mapps\u001b[39;00m\u001b[38;5;21;01m.\u001b[39;00m\u001b[38;5;21;01mbasic\u001b[39;00m \u001b[38;5;28;01mimport\u001b[39;00m TruBasicApp\n\u001b[1;32m 3\u001b[0m tru_wrapped_answer_relevance_app \u001b[38;5;241m=\u001b[39m TruBasicApp(\n\u001b[0;32m----> 4\u001b[0m \u001b[43mmlflow_context_relevance\u001b[49m,\n\u001b[1;32m 5\u001b[0m app_name\u001b[38;5;241m=\u001b[39m\u001b[38;5;124m\"\u001b[39m\u001b[38;5;124mcompetitive-analysis-mlflow-11022024\u001b[39m\u001b[38;5;124m\"\u001b[39m,\n\u001b[1;32m 6\u001b[0m app_version\u001b[38;5;241m=\u001b[39m\u001b[38;5;124m\"\u001b[39m\u001b[38;5;124mmlflow-context-relevance\u001b[39m\u001b[38;5;124m\"\u001b[39m,\n\u001b[1;32m 7\u001b[0m feedbacks\u001b[38;5;241m=\u001b[39mCUSTOM_FEEDBACK_FUNCS,\n\u001b[1;32m 8\u001b[0m )\n\u001b[1;32m 10\u001b[0m \u001b[38;5;28;01mfor\u001b[39;00m i \u001b[38;5;129;01min\u001b[39;00m \u001b[38;5;28mrange\u001b[39m(\u001b[38;5;28mlen\u001b[39m(ms_marco_balanced_sample_300)):\n\u001b[1;32m 11\u001b[0m arg_1 \u001b[38;5;241m=\u001b[39m ms_marco_balanced_sample_300\u001b[38;5;241m.\u001b[39miloc[i][\u001b[38;5;124m\"\u001b[39m\u001b[38;5;124mquery\u001b[39m\u001b[38;5;124m\"\u001b[39m]\n",
- "\u001b[0;31mNameError\u001b[0m: name 'mlflow_context_relevance' is not defined"
- ]
- }
- ],
+ "outputs": [],
"source": [
- "from trulens.apps.basic import TruBasicApp\n",
+ "# from trulens.apps.basic import TruBasicApp\n",
"\n",
- "tru_wrapped_answer_relevance_app = TruBasicApp(\n",
- " mlflow_context_relevance,\n",
- " app_name=\"competitive-analysis-mlflow-11022024\",\n",
- " app_version=\"mlflow-context-relevance\",\n",
- " feedbacks=CUSTOM_FEEDBACK_FUNCS,\n",
- ")\n",
+ "# tru_wrapped_answer_relevance_app = TruBasicApp(\n",
+ "# mlflow_context_relevance,\n",
+ "# app_name=\"competitive-analysis-mlflow-11022024\",\n",
+ "# app_version=\"mlflow-context-relevance\",\n",
+ "# feedbacks=CUSTOM_FEEDBACK_FUNCS,\n",
+ "# )\n",
"\n",
- "for i in range(len(ms_marco_balanced_sample_300)):\n",
- " arg_1 = ms_marco_balanced_sample_300.iloc[i][\"query\"]\n",
- " arg_2 = ms_marco_balanced_sample_300.iloc[i][\"expected_context\"]\n",
- " arg_3 = ms_marco_balanced_sample_300.iloc[i][\"expected_response\"]\n",
- " arg_4 = ms_marco_balanced_sample_300_true_labels[i]\n",
+ "# for i in range(len(ms_marco_balanced_sample_300)):\n",
+ "# arg_1 = ms_marco_balanced_sample_300.iloc[i][\"query\"]\n",
+ "# arg_2 = ms_marco_balanced_sample_300.iloc[i][\"expected_context\"]\n",
+ "# arg_3 = ms_marco_balanced_sample_300.iloc[i][\"expected_response\"]\n",
+ "# arg_4 = ms_marco_balanced_sample_300_true_labels[i]\n",
"\n",
- " try:\n",
- " with tru_wrapped_answer_relevance_app as _:\n",
- " tru_wrapped_answer_relevance_app.app(arg_1, arg_2, arg_3, arg_4)\n",
+ "# try:\n",
+ "# with tru_wrapped_answer_relevance_app as _:\n",
+ "# tru_wrapped_answer_relevance_app.app(arg_1, arg_2, arg_3, arg_4)\n",
"\n",
- " except Exception as e:\n",
- " print(\n",
- " f\"Error {e} in run_feedback_experiment row {i} with first arg {arg_1} and second arg {arg_2} and third arg {arg_3}\"\n",
- " )"
+ "# except Exception as e:\n",
+ "# print(\n",
+ "# f\"Error {e} in run_feedback_experiment row {i} with first arg {arg_1} and second arg {arg_2} and third arg {arg_3}\"\n",
+ "# )"
]
},
{
@@ -704,16 +758,35 @@
},
{
"cell_type": "code",
- "execution_count": 36,
+ "execution_count": null,
"metadata": {},
"outputs": [],
"source": [
- "import snowflake.connector\n",
+ "import os\n",
+ "\n",
"from snowflake.snowpark.session import Session\n",
- "from trulens.providers.cortex import Cortex\n",
+ "from trulens.core.session import TruSession\n",
"from trulens.providers.litellm import LiteLLM\n",
"from trulens.providers.openai import OpenAI\n",
"\n",
+ "# os.environ[\"OPENAI_API_KEY\"] = \"sk-...\"\n",
+ "\n",
+ "connection_params = {\n",
+ " \"account\": os.environ.get(\"SNOWFLAKE_ACCOUNT\"),\n",
+ " \"user\": os.environ.get(\"SNOWFLAKE_USER\"),\n",
+ " \"password\": os.environ.get(\"SNOWFLAKE_USER_PASSWORD\"),\n",
+ " \"database\": os.environ.get(\"SNOWFLAKE_DATABASE\"),\n",
+ " \"schema\": os.environ.get(\"SNOWFLAKE_SCHEMA\"),\n",
+ " \"warehouse\": os.environ.get(\"SNOWFLAKE_WAREHOUSE\"),\n",
+ " \"role\": os.environ.get(\"SNOWFLAKE_ROLE\"),\n",
+ " \"init_server_side\": False, # Set to True to enable server side feedback functions\n",
+ "}\n",
+ "\n",
+ "# connector = SnowflakeConnector(**connection_params)\n",
+ "# session = TruSession(connector=connector)\n",
+ "\n",
+ "session = TruSession()\n",
+ "session.reset_database()\n",
"trulens_ollama_provider = LiteLLM(\n",
" model_engine=\"ollama/llama3.1:8b\", api_base=\"http://localhost:11434\"\n",
")\n",
@@ -729,29 +802,41 @@
"llama3_1_8b = LiteLLM(\n",
" model_engine=\"ollama/llama3.1:8b\", api_base=\"http://localhost:11434\"\n",
")\n",
- "PROVIDERS = [gpt_4o, gpt_4o_mini, llama3_1_8b]\n"
+ "PROVIDERS = [\n",
+ " gpt_4o,\n",
+ " gpt_4o_mini,\n",
+ "]"
]
},
{
"cell_type": "code",
- "execution_count": 37,
+ "execution_count": null,
"metadata": {},
"outputs": [],
"source": [
+ "from trulens.feedback.v2.feedback import ContextRelevance\n",
"\n",
- "\n",
- "def trulens_context_relevance(provider, query: str, context: str, gt_score: float) -> str:\n",
- " trulens_context_relevance_res = (\n",
- " provider.context_relevance_with_cot_reasons(\n",
- " question=query, context=context\n",
- " )\n",
+ "print(ContextRelevance.system_prompt)"
+ ]
+ },
+ {
+ "cell_type": "code",
+ "execution_count": null,
+ "metadata": {},
+ "outputs": [],
+ "source": [
+ "def trulens_context_relevance(\n",
+ " provider, query: str, context: str, gt_score: float\n",
+ ") -> str:\n",
+ " trulens_context_relevance_res = provider.context_relevance_with_cot_reasons(\n",
+ " question=query, context=context\n",
" )\n",
" return f\"{trulens_context_relevance_res[0]};{gt_score};{trulens_context_relevance_res[1]}\""
]
},
{
"cell_type": "code",
- "execution_count": 29,
+ "execution_count": null,
"metadata": {},
"outputs": [],
"source": [
@@ -761,199 +846,49 @@
"\n",
"# trec_doc_2022 = list(generate_ms_marco_trec_dl_annotation_benchmark(dataset_path=\"msmarco-document-v2/trec-dl-2022\", max_samples_per_bucket=150))\n",
"\n",
- "trec_passage_2022 = list(generate_ms_marco_trec_dl_annotation_benchmark(dataset_path=\"msmarco-passage-v2/trec-dl-2022\", max_samples_per_bucket=150))"
+ "trec_passage_2022 = list(\n",
+ " generate_ms_marco_trec_dl_annotation_benchmark(\n",
+ " dataset_path=\"msmarco-passage-v2/trec-dl-2022\",\n",
+ " max_samples_per_bucket=150,\n",
+ " )\n",
+ ")"
]
},
{
"cell_type": "code",
- "execution_count": 32,
+ "execution_count": null,
"metadata": {},
- "outputs": [
- {
- "data": {
- "text/plain": [
- "482"
- ]
- },
- "execution_count": 32,
- "metadata": {},
- "output_type": "execute_result"
- }
- ],
+ "outputs": [],
"source": [
"len(trec_passage_2022)"
]
},
{
"cell_type": "code",
- "execution_count": 33,
+ "execution_count": null,
"metadata": {},
"outputs": [],
- "source": [
- "trec_passage_2022_true_labels = [entry[\"expected_score\"] for entry in trec_passage_2022]"
- ]
- },
- {
- "cell_type": "code",
- "execution_count": 9,
- "metadata": {},
- "outputs": [
- {
- "data": {
- "image/png": "iVBORw0KGgoAAAANSUhEUgAAArcAAAIjCAYAAAAZajMiAAAAOXRFWHRTb2Z0d2FyZQBNYXRwbG90bGliIHZlcnNpb24zLjkuMiwgaHR0cHM6Ly9tYXRwbG90bGliLm9yZy8hTgPZAAAACXBIWXMAAA9hAAAPYQGoP6dpAACAQ0lEQVR4nO3dd3wUZf4H8M/M9k3vBUKI9A7SpEiRKhbsDRE4LHeCjTs9Oc+CDfEUsXOWswKWO0R/FjBSpCO9SZcaUgjp23fn+f2xyUpMgCRstkw+79crL93Z2Z3v7gyzn332meeRhBACREREREQqIAe7ACIiIiIif2G4JSIiIiLVYLglIiIiItVguCUiIiIi1WC4JSIiIiLVYLglIiIiItVguCUiIiIi1WC4JSIiIiLVYLglIiIiItVguCUiAMBTTz0FSZICsq0hQ4ZgyJAhvtsrVqyAJEn473//G5DtT5w4ES1btgzIthqqoqICd955J1JTUyFJEh588MFglxS2jhw5AkmS8OGHHwa7FCIKAIZbIhX68MMPIUmS789oNCI9PR2jRo3Ca6+9hvLycr9s5+TJk3jqqaewbds2vzyfP4VybXXx/PPP48MPP8Rf/vIXfPLJJxg/fvxZ123ZsmW1/X3m3+jRowNY9YV56623gh5Ajxw5gkmTJqFVq1YwGo1ITU3FoEGD8OSTTwa1LiKqO22wCyCixvP0008jKysLLpcLeXl5WLFiBR588EHMnj0b33zzDbp27epb95///CceffTRej3/yZMnMWPGDLRs2RLdu3ev8+N+/PHHem2nIc5V27vvvgtFURq9hguxbNkyXHLJJXUOVd27d8df//rXGsvT09P9XVqjeeutt5CYmIiJEycGZfsHDx5E7969YTKZ8Kc//QktW7ZEbm4utmzZglmzZmHGjBlBqYuI6ofhlkjFLr/8cvTq1ct3e/r06Vi2bBmuvPJKXH311dizZw9MJhMAQKvVQqtt3FOC1WqF2WyGXq9v1O2cj06nC+r266KgoAAdO3as8/rNmjXD7bff3ogVqd8rr7yCiooKbNu2DZmZmdXuKygoCGgtFosFERERAd0mkVqwWwJRE3PZZZfh8ccfx9GjR/Hpp5/6ltfW5zY7OxsDBw5EbGwsIiMj0a5dO/zjH/8A4O0n27t3bwDApEmTfD+DV/2sPGTIEHTu3BmbN2/GoEGDYDabfY/9Y5/bKh6PB//4xz+QmpqKiIgIXH311Th+/Hi1dVq2bFlry96Zz3m+2mrrc2uxWPDXv/4VGRkZMBgMaNeuHV566SUIIaqtJ0kSpk6dikWLFqFz584wGAzo1KkTFi9eXPsb/gcFBQWYPHkyUlJSYDQa0a1bN3z00Ue++6v6Hx8+fBjfffedr/YjR47U6fnPtd2kpCQMGTKk2ms6ePAgIiIicPPNN/uWnbnv+vfvD5PJhKysLMydO7fG8zocDjz55JNo3bo1DAYDMjIy8Mgjj8DhcNRY99NPP0WfPn1gNpsRFxeHQYMG+VrxW7Zsid27d+Pnn3/2veYzj5GSkhI8+OCDvv3TunVrzJo1q0YLfElJCSZOnIiYmBjExsZiwoQJKCkpqdN7dOjQITRv3rxGsAWA5OTkGst++OEHDB48GFFRUYiOjkbv3r0xf/78aut8+eWX6NmzJ0wmExITE3H77bcjJyen2joTJ05EZGQkDh06hDFjxiAqKgrjxo0DACiKgjlz5qBTp04wGo1ISUnBPffcg+Li4mrPsWnTJowaNQqJiYm+/fWnP/2pTq+bSG3YckvUBI0fPx7/+Mc/8OOPP+Kuu+6qdZ3du3fjyiuvRNeuXfH000/DYDDg4MGDWLNmDQCgQ4cOePrpp/HEE0/g7rvvxqWXXgoA6N+/v+85Tp8+jcsvvxy33HILbr/9dqSkpJyzrueeew6SJOHvf/87CgoKMGfOHAwfPhzbtm3ztTDXRV1qO5MQAldffTWWL1+OyZMno3v37liyZAkefvhh5OTk4JVXXqm2/urVq7Fw4ULce++9iIqKwmuvvYbrr78ex44dQ0JCwlnrstlsGDJkCA4ePIipU6ciKysLX375JSZOnIiSkhI88MAD6NChAz755BM89NBDaN68ua+rQVJS0jlfs8vlQmFhYY3lERERMJlMSE5Oxttvv40bb7wRr7/+Ou6//34oioKJEyciKioKb731VrXHFRcXY8yYMbjppptw66234osvvsBf/vIX6PV6X2hSFAVXX301Vq9ejbvvvhsdOnTAzp078corr2D//v1YtGiR7/lmzJiBp556Cv3798fTTz8NvV6PDRs2YNmyZRg5ciTmzJmD++67D5GRkXjssccAwHe8WK1WDB48GDk5ObjnnnvQokULrF27FtOnT0dubi7mzJnj249jx47F6tWr8ec//xkdOnTAV199hQkTJpzzvauSmZmJn376CcuWLcNll112znU//PBD/OlPf0KnTp0wffp0xMbGYuvWrVi8eDFuu+023zqTJk1C7969MXPmTOTn5+PVV1/FmjVrsHXrVsTGxvqez+12Y9SoURg4cCBeeuklmM1mAMA999zje577778fhw8fxhtvvIGtW7dizZo10Ol0KCgowMiRI5GUlIRHH30UsbGxOHLkCBYuXFin102kOoKIVOeDDz4QAMTGjRvPuk5MTIzo0aOH7/aTTz4pzjwlvPLKKwKAOHXq1FmfY+PGjQKA+OCDD2rcN3jwYAFAzJ07t9b7Bg8e7Lu9fPlyAUA0a9ZMlJWV+ZZ/8cUXAoB49dVXfcsyMzPFhAkTzvuc56ptwoQJIjMz03d70aJFAoB49tlnq613ww03CEmSxMGDB33LAAi9Xl9t2fbt2wUA8frrr9fY1pnmzJkjAIhPP/3Ut8zpdIp+/fqJyMjIaq89MzNTXHHFFed8vjPXBVDr38yZM6ute+uttwqz2Sz2798v/vWvfwkAYtGiRdXWqdp3L7/8sm+Zw+EQ3bt3F8nJycLpdAohhPjkk0+ELMti1apV1R4/d+5cAUCsWbNGCCHEgQMHhCzL4tprrxUej6fauoqi+P6/U6dO1fZhlWeeeUZERESI/fv3V1v+6KOPCo1GI44dOyaE+H0/vvjii7513G63uPTSS896LJxp165dwmQyCQCie/fu4oEHHhCLFi0SFoul2nolJSUiKipK9O3bV9hstlpfj9PpFMnJyaJz587V1vn2228FAPHEE0/4lk2YMEEAEI8++mi151q1apUAIObNm1dt+eLFi6st/+qrr877752oKWG3BKImKjIy8pyjJlS1Kn399dcNvvjKYDBg0qRJdV7/jjvuQFRUlO/2DTfcgLS0NHz//fcN2n5dff/999BoNLj//vurLf/rX/8KIQR++OGHasuHDx+OVq1a+W537doV0dHR+O233867ndTUVNx6662+ZTqdDvfffz8qKirw888/N/g19O3bF9nZ2TX+ztwWALzxxhuIiYnBDTfcgMcffxzjx4/H2LFjazyfVqvFPffc47ut1+txzz33oKCgAJs3bwbg/cm9Q4cOaN++PQoLC31/Va2ey5cvBwAsWrQIiqLgiSeegCxX/9ipy/BzX375JS699FLExcVV287w4cPh8XiwcuVKAN73V6vV4i9/+YvvsRqNBvfdd19d3kJ06tQJ27Ztw+23344jR47g1VdfxTXXXIOUlBS8++67vvWys7NRXl6ORx99FEajsdbXs2nTJhQUFODee++tts4VV1yB9u3b47vvvqux/TPrrnrdMTExGDFiRLXX3bNnT0RGRvre36p/q99++y1cLledXiuRmrFbAlETVVFRUWs/wio333wz3nvvPdx555149NFHMWzYMFx33XW44YYbagSUs2nWrFm9Lh5r06ZNtduSJKF169YX3N/0fI4ePYr09PRqwRrwdm+ouv9MLVq0qPEccXFxNfpB1radNm3a1Hj/zrad+khMTMTw4cPPu158fDxee+013HjjjUhJScFrr71W63rp6ek1Lmhq27YtAO9wWZdccgkOHDiAPXv2nLXLRNVFWIcOHYIsy/W6QO5MBw4cwI4dO867naNHjyItLQ2RkZHV7m/Xrl2dt9W2bVt88skn8Hg8+PXXX/Htt9/ixRdfxN13342srCwMHz4chw4dAgB07tz5rM9TtS9r23b79u2xevXqasu0Wi2aN29ebdmBAwdQWlp61n+nVa978ODBuP766zFjxgy88sorGDJkCK655hrcdtttMBgMdX7tRGrBcEvUBJ04cQKlpaVo3br1WdcxmUxYuXIlli9fju+++w6LFy/G559/jssuuww//vgjNBrNebdTn36ydXW2lj6Px1OnmvzhbNsRf7j4LFQtWbIEgLdf7YkTJ6r1/awPRVHQpUsXzJ49u9b7MzIyGlpije2MGDECjzzySK33V4Vuf9JoNOjSpQu6dOmCfv36YejQoZg3b16dvkA0hMFgqPGlR1EUJCcnY968ebU+pirsV02Asn79evzf//0flixZgj/96U94+eWXsX79+hphn0jtGG6JmqBPPvkEADBq1KhzrifLMoYNG4Zhw4Zh9uzZeP755/HYY49h+fLlGD58uN9nNDtw4EC120IIHDx4sNp4vHFxcbVe/X706FFcdNFFvtv1qa3qQqLy8vJqrbd79+713e8PmZmZ2LFjBxRFqRZk/L2dc1m8eDHee+89PPLII5g3bx4mTJiADRs21BgG7uTJkzWGo9q/fz8A+EaaaNWqFbZv345hw4ad8/1u1aoVFEXBr7/+es7xkM/2HK1atUJFRcV5g2VmZiaWLl2KioqKaoFu375953zc+VQNp5ebm+urBwB27dp11i+IVfty3759NS5O27dvX532datWrfDTTz9hwIABdfqieMkll+CSSy7Bc889h/nz52PcuHH47LPPcOedd573sURqwj63RE3MsmXL8MwzzyArK8s33FBtioqKaiyrCiZVwzxVBZ+6DrV0Ph9//HG1fsD//e9/kZubi8svv9y3rFWrVli/fj2cTqdv2bfffltjyLD61DZmzBh4PB688cYb1Za/8sorkCSp2vYvxJgxY5CXl4fPP//ct8ztduP1119HZGQkBg8e7JftnE1JSQnuvPNO9OnTB88//zzee+89bNmyBc8//3yNdd1uN/7973/7bjudTvz73/9GUlISevbsCQC46aabkJOTU60/ahWbzQaLxQIAuOaaayDLMp5++uka/bfPbO2OiIiodX/ddNNNWLduna/F+Y+vye12A/C+v263G2+//bbvfo/Hg9dff/1cb4vPqlWrau2zWtXnu6qLwciRIxEVFYWZM2fCbrfX+np69eqF5ORkzJ07t9qwaD/88AP27NmDK6644rz13HTTTfB4PHjmmWdq3Od2u33vVXFxcY1fDf74b5WoKWHLLZGK/fDDD9i7dy/cbjfy8/OxbNkyZGdnIzMzE998802Ni2HO9PTTT2PlypW44oorkJmZiYKCArz11lto3rw5Bg4cCMAbNGNjYzF37lxERUUhIiICffv2RVZWVoPqjY+Px8CBAzFp0iTk5+djzpw5aN26dbXhyu68807897//xejRo3HTTTfh0KFD+PTTT6td4FXf2q666ioMHToUjz32GI4cOYJu3brhxx9/xNdff40HH3ywxnM31N13341///vfmDhxIjZv3oyWLVviv//9L9asWYM5c+bU6PNbHzk5OdXGLa4SGRmJa665BgDwwAMP4PTp0/jpp5+g0WgwevRo3HnnnXj22WcxduxYdOvWzfe49PR0zJo1C0eOHEHbtm3x+eefY9u2bXjnnXd8k2CMHz8eX3zxBf785z9j+fLlGDBgADweD/bu3YsvvvgCS5YsQa9evdC6dWs89thjeOaZZ3DppZfiuuuug8FgwMaNG5Geno6ZM2cCAHr27Im3334bzz77LFq3bo3k5GRcdtllePjhh/HNN9/gyiuvxMSJE9GzZ09YLBbs3LkT//3vf3HkyBEkJibiqquuwoABA/Doo4/iyJEj6NixIxYuXIjS0tI6vYezZs3C5s2bcd111/l+LdiyZQs+/vhjxMfH48EHHwQAREdH45VXXsGdd96J3r1747bbbkNcXBy2b98Oq9WKjz76CDqdDrNmzcKkSZMwePBg3Hrrrb6hwFq2bImHHnrovPUMHjwY99xzD2bOnIlt27Zh5MiR0Ol0OHDgAL788ku8+uqruOGGG/DRRx/hrbfewrXXXotWrVqhvLwc7777LqKjozFmzJg6vXYiVQnmUA1E1DiqhgKr+tPr9SI1NVWMGDFCvPrqq9WGnKryx6HAli5dKsaOHSvS09OFXq8X6enp4tZbb60xHNPXX38tOnbsKLRabbXhlgYPHiw6depUa31nGwpswYIFYvr06SI5OVmYTCZxxRVXiKNHj9Z4/MsvvyyaNWsmDAaDGDBggNi0aVON5zxXbX8cCkwIIcrLy8VDDz0k0tPThU6nE23atBH/+te/qg1VJYR3KLApU6bUqOlsQ5T9UX5+vpg0aZJITEwUer1edOnSpdYhqvw1FFjV6/z6669rDO8lhBBlZWUiMzNTdOvWzTfEV9W+27Rpk+jXr58wGo0iMzNTvPHGGzW27XQ6xaxZs0SnTp2EwWAQcXFxomfPnmLGjBmitLS02rr/+c9/RI8ePXzrDR48WGRnZ/vuz8vLE1dccYWIiooSAKrtz/LycjF9+nTRunVrodfrRWJioujfv7946aWXfHULIcTp06fF+PHjRXR0tIiJiRHjx48XW7durdNQYGvWrBFTpkwRnTt3FjExMUKn04kWLVqIiRMnikOHDtVY/5tvvhH9+/cXJpNJREdHiz59+ogFCxZUW+fzzz/3veb4+Hgxbtw4ceLEiWrrTJgwQURERJy1rnfeeUf07NlTmEwmERUVJbp06SIeeeQRcfLkSSGEEFu2bBG33nqraNGihTAYDCI5OVlceeWVYtOmTed8vURqJQkRJldAEBFRQAwZMgSFhYXYtWtXsEshIqo39rklIiIiItVguCUiIiIi1WC4JSIiIiLVYJ9bIiIiIlINttwSERERkWow3BIRERGRanASB3jn7z558iSioqL8Pp0oEREREV04IQTKy8uRnp5ebQrzP2K4hXcO9YyMjGCXQURERETncfz4cTRv3vys9zPcAr4pL48fP47o6OhG357L5cKPP/7om0qRwg/3YXjj/gt/3Ifhj/swvAVj/5WVlSEjI+O8U5Uz3AK+rgjR0dEBC7dmsxnR0dH8Bx2muA/DG/df+OM+DH/ch+EtmPvvfF1IeUEZEREREakGwy0RERERqQbDLRERERGpBsMtEREREakGwy0RERERqQbDLRERERGpBsMtEREREakGwy0RERERqQbDLRERERGpBsMtEREREakGwy0RERERqQbDLRERERGpBsMtEREREakGwy0RERERqQbDLRERERGpBsMtEREREakGwy0RERERqQbDLRERERGphjbYBTRl27dvhyyr8/tFYmIiWrRoEewy6AIcO3YMhYWFwS6jUSiKEuwSyE94HiWiP2K4DYITJ04AAAYNGgSbzRbkahqH2WzGnj17eGIOU8eOHUOHDh1gtVqDXUqjMJlMWLBgAU6cOIGsrKxgl0MNwPMoEZ0Nw20QnD59GgDw8EtvIqNV2yBX439HD+7Ds1Mno7CwkCflMFVYWAir1Yp/vvE+Mlu3C3Y5fnf80H4A3n+LDLfhiedRIjobhtsganFRa7Tt2j3YZRCdVWbrdminwmNUEgrgKAp2GeQHPI8S0R+ps6MSERERETVJDLdEREREpBoMt0RERESkGgy3RERERKQaDLdEREREpBoMt0RERESkGgy3RERERKQaDLdEREREpBoMt0RERESkGgy3RERERKQaDLdEREREpBoMt0RERESkGgy3RERERKQaDLdEREREpBoMt0RERESkGgy3RERERKQaDLdEREREpBoMt0RERESkGgy3RERERKQaDLdEREREpBoMt0RERESkGgy3RERERKQaQQ23K1euxFVXXYX09HRIkoRFixaddd0///nPkCQJc+bMqba8qKgI48aNQ3R0NGJjYzF58mRUVFQ0buFEREREFJKCGm4tFgu6deuGN99885zrffXVV1i/fj3S09Nr3Ddu3Djs3r0b2dnZ+Pbbb7Fy5UrcfffdjVUyEREREYUwbTA3fvnll+Pyyy8/5zo5OTm47777sGTJElxxxRXV7tuzZw8WL16MjRs3olevXgCA119/HWPGjMFLL71UaxgmIiIiIvUKarg9H0VRMH78eDz88MPo1KlTjfvXrVuH2NhYX7AFgOHDh0OWZWzYsAHXXnttrc/rcDjgcDh8t8vKygAALpcLLpfLz6+iJkVRAACSEBAed6NvL9AkocBkMkFRlIC8n8FQ9brU+voUxbsPJaGo9BgVAKDqY1TteB4Nf2o/j6pdMPZfXbcV0uF21qxZ0Gq1uP/++2u9Py8vD8nJydWWabVaxMfHIy8v76zPO3PmTMyYMaPG8h9//BFms/nCiq6HBGcxijevCNj2AiURwIIFC5CTk4OcnJxgl9OosrOzg11Co1mwYAHgKFLlMZpQ+d/c3Fzk5uYGtRa6MDyPhj81n0ebgkDuP6vVWqf1Qjbcbt68Ga+++iq2bNkCSZL8+tzTp0/HtGnTfLfLysqQkZGBkSNHIjo62q/bqs3WrVuRm5uL0/o4tO7SrdG3F2gHdu3AfdeNwsqVK9Gtm/peH+D99pidnY0RI0ZAp9MFuxy/2759OwYNGoTXFy5Bm85dg12O3x3cuR0JzmKkpaWhR48ewS6HGoDn0fCn9vOo2gVj/1X90n4+IRtuV61ahYKCArRo0cK3zOPx4K9//SvmzJmDI0eOIDU1FQUFBdUe53a7UVRUhNTU1LM+t8FggMFgqLFcp9MFZAfJsvc6PiFJkDQhuwsaTEgybDYbZFlW/QkrUMdMoMmydx8KSVbpMer9wtwUjlG14nlUPdR6Hm0qArn/6rqdkD0jjB8/HsOHD6+2bNSoURg/fjwmTZoEAOjXrx9KSkqwefNm9OzZEwCwbNkyKIqCvn37BrxmIiIiIgquoIbbiooKHDx40Hf78OHD2LZtG+Lj49GiRQskJCRUW1+n0yE1NRXt2rUDAHTo0AGjR4/GXXfdhblz58LlcmHq1Km45ZZbOFICERERURMU1HFuN23ahB49evj6vE2bNg09evTAE088UefnmDdvHtq3b49hw4ZhzJgxGDhwIN55553GKpmIiIiIQlhQW26HDBkCUTkkT10cOXKkxrL4+HjMnz/fj1URERERUbgKasstEREREZE/MdwSERERkWow3BIRERGRajDcEhEREZFqMNwSERERkWow3BIRERGRajDcEhEREZFqMNwSERERkWow3BIRERGRajDcEhEREZFqMNwSERERkWow3BIRERGRajDcEhEREZFqMNwSERERkWow3BIRERGRajDcEhEREZFqMNwSERERkWow3BIRERGRajDcEhEREZFqMNwSERERkWow3BIRERGRajDcEhEREZFqMNwSERERkWow3BIRERGRajDcEhEREZFqMNwSERERkWow3BIRERGRajDcEhEREZFqMNwSERERkWow3BIRERGRajDcEhEREZFqMNwSERERkWow3BIRERGRajDcEhEREZFqMNwSERERkWow3BIRERGRajDcEhEREZFqMNwSERERkWow3BIRERGRajDcEhEREZFqMNwSERERkWow3BIRERGRajDcEhEREZFqMNwSERERkWow3BIRERGRajDcEhEREZFqMNwSERERkWow3BIRERGRagQ13K5cuRJXXXUV0tPTIUkSFi1a5LvP5XLh73//O7p06YKIiAikp6fjjjvuwMmTJ6s9R1FREcaNG4fo6GjExsZi8uTJqKioCPArISIiIqJQENRwa7FY0K1bN7z55ps17rNardiyZQsef/xxbNmyBQsXLsS+fftw9dVXV1tv3Lhx2L17N7Kzs/Htt99i5cqVuPvuuwP1EoiIiIgohGiDufHLL78cl19+ea33xcTEIDs7u9qyN954A3369MGxY8fQokUL7NmzB4sXL8bGjRvRq1cvAMDrr7+OMWPG4KWXXkJ6enqjvwYiIiIiCh1BDbf1VVpaCkmSEBsbCwBYt24dYmNjfcEWAIYPHw5ZlrFhwwZce+21tT6Pw+GAw+Hw3S4rKwPg7Qrhcrka7wVUUhQFACAJAeFxN/r2Ak0SCkwmExRFCcj7GQxVr0utr09RvPtQEopKj1EBAKo+RtWO59Hwp/bzqNoFY//VdVuSEJVn+SCTJAlfffUVrrnmmlrvt9vtGDBgANq3b4958+YBAJ5//nl89NFH2LdvX7V1k5OTMWPGDPzlL3+p9bmeeuopzJgxo8by+fPnw2w2X9gLISIiIiK/s1qtuO2221BaWoro6OizrhcWLbculws33XQThBB4++23L/j5pk+fjmnTpvlul5WVISMjAyNHjjznm+UvW7duRW5uLk7r49C6S7dG316gHdi1A/ddNworV65Et27qe32A95jMzs7GiBEjoNPpgl2O323fvh2DBg3C6wuXoE3nrsEux+8O7tyOBGcx0tLS0KNHj2CXQw3A82j4U/t5VO2Csf+qfmk/n5APt1XB9ujRo1i2bFm18JmamoqCgoJq67vdbhQVFSE1NfWsz2kwGGAwGGos1+l0AdlBsuy9jk9IEiRNyO+CehOSDJvNBlmWVX/CCtQxE2iy7N2HQpJVeoxKANAkjlG14nlUPdR6Hm0qArn/6rqdkB7ntirYHjhwAD/99BMSEhKq3d+vXz+UlJRg8+bNvmXLli2Doijo27dvoMslIiIioiAL6tfdiooKHDx40Hf78OHD2LZtG+Lj45GWloYbbrgBW7ZswbfffguPx4O8vDwAQHx8PPR6PTp06IDRo0fjrrvuwty5c+FyuTB16lTccsstHCmBiIiIqAkKarjdtGkThg4d6rtd1Q92woQJeOqpp/DNN98AALp3717tccuXL8eQIUMAAPPmzcPUqVMxbNgwyLKM66+/Hq+99lpA6iciIiKi0BLUcDtkyBCca7CGugzkEB8fj/nz5/uzLCIiIiIKUyHd55aIiIiIqD4YbomIiIhINRhuiYiIiEg1GG6JiIiISDUYbomIiIhINRhuiYiIiEg1GG6JiIiISDUYbomIiIhINRhuiYiIiEg1GG6JiIiISDUYbomIiIhINRhuiYiIiEg1GG6JiIiISDUYbomIiIhINRhuiYiIiEg1GG6JiIiISDUYbomIiIhINRhuiYiIiEg1GG6JiIiISDUYbomIiIhINRhuiYiIiEg1GG6JiIiISDUYbomIiIhINRhuiYiIiEg1GG6JiIiISDUYbomIiIhINRhuiYiIiEg1GG6JiIiISDUYbomIiIhINRhuiYiIiEg1GG6JiIiISDUYbomIiIhINRhuiYiIiEg1GG6JiIiISDUYbomIiIhINRhuiYiIiEg1GG6JiIiISDUYbomIiIhINRhuiYiIiEg1GG6JiIiISDUYbomIiIhINRhuiYiIiEg1GG6JiIiISDUYbomIiIhINRhuiYiIiEg1GG6JiIiISDUYbomIiIhINYIableuXImrrroK6enpkCQJixYtqna/EAJPPPEE0tLSYDKZMHz4cBw4cKDaOkVFRRg3bhyio6MRGxuLyZMno6KiIoCvgoiIiIhCRVDDrcViQbdu3fDmm2/Wev+LL76I1157DXPnzsWGDRsQERGBUaNGwW63+9YZN24cdu/ejezsbHz77bdYuXIl7r777kC9BCIiIiIKIdpgbvzyyy/H5ZdfXut9QgjMmTMH//znPzF27FgAwMcff4yUlBQsWrQIt9xyC/bs2YPFixdj48aN6NWrFwDg9ddfx5gxY/DSSy8hPT09YK+FiIiIiIIvqOH2XA4fPoy8vDwMHz7ctywmJgZ9+/bFunXrcMstt2DdunWIjY31BVsAGD58OGRZxoYNG3DttdfW+twOhwMOh8N3u6ysDADgcrngcrka6RX9TlEUAIAkBITH3ejbCzRJKDCZTFAUJSDvZzBUvS61vj5F8e5DSSgqPUYFAKj6GFU7nkfDn9rPo2oXjP1X122FbLjNy8sDAKSkpFRbnpKS4rsvLy8PycnJ1e7XarWIj4/3rVObmTNnYsaMGTWW//jjjzCbzRdaep0lOItRvHlFwLYXKIkAFixYgJycHOTk5AS7nEaVnZ0d7BIazYIFCwBHkSqP0YTK/+bm5iI3NzeotdCF4Xk0/Kn5PNoUBHL/Wa3WOq0XsuG2MU2fPh3Tpk3z3S4rK0NGRgZGjhyJ6OjoRt/+1q1bkZubi9P6OLTu0q3RtxdoB3btwH3XjcLKlSvRrZv6Xh/g/faYnZ2NESNGQKfTBbscv9u+fTsGDRqE1xcuQZvOXYNdjt8d3LkdCc5ipKWloUePHsEuhxqA59Hwp/bzqNoFY/9V/dJ+PiEbblNTUwEA+fn5SEtL8y3Pz89H9+7dfesUFBRUe5zb7UZRUZHv8bUxGAwwGAw1lut0uoDsIFn2XscnJAmSJmR3QYMJSYbNZoMsy6o/YQXqmAk0WfbuQyHJKj1GJQBoEseoWvE8qh5qPY82FYHcf3XdTsiOc5uVlYXU1FQsXbrUt6ysrAwbNmxAv379AAD9+vVDSUkJNm/e7Ftn2bJlUBQFffv2DXjNRERERBRcQf26W1FRgYMHD/puHz58GNu2bUN8fDxatGiBBx98EM8++yzatGmDrKwsPP7440hPT8c111wDAOjQoQNGjx6Nu+66C3PnzoXL5cLUqVNxyy23cKQEIiIioiYoqOF206ZNGDp0qO92VT/YCRMm4MMPP8QjjzwCi8WCu+++GyUlJRg4cCAWL14Mo9Hoe8y8efMwdepUDBs2DLIs4/rrr8drr70W8NdCRERERMEX1HA7ZMgQiMoheWojSRKefvppPP3002ddJz4+HvPnz2+M8oiIiIgozIRsn1siIiIiovpiuCUiIiIi1WC4JSIiIiLVYLglIiIiItVguCUiIiIi1WC4JSIiIiLVYLglIiIiItVguCUiIiIi1WC4JSIiIiLVYLglIiIiItVguCUiIiIi1WC4JSIiIiLVYLglIiIiItVguCUiIiIi1WC4JSIiIiLVYLglIiIiItVguCUiIiIi1WC4JSIiIiLVYLglIiIiItVguCUiIiIi1WC4JSIiIiLVYLglIiIiItVguCUiIiIi1WhQuP3tt9/8XQcRERER0QVrULht3bo1hg4dik8//RR2u93fNRERERERNUiDwu2WLVvQtWtXTJs2Dampqbjnnnvwyy+/+Ls2IiIiIqJ6aVC47d69O1599VWcPHkS//nPf5Cbm4uBAweic+fOmD17Nk6dOuXvOomIiIiIzuuCLijTarW47rrr8OWXX2LWrFk4ePAg/va3vyEjIwN33HEHcnNz/VUnEREREdF5XVC43bRpE+69916kpaVh9uzZ+Nvf/oZDhw4hOzsbJ0+exNixY/1VJxERERHReWkb8qDZs2fjgw8+wL59+zBmzBh8/PHHGDNmDGTZm5WzsrLw4YcfomXLlv6slYiIiIjonBoUbt9++2386U9/wsSJE5GWllbrOsnJyXj//fcvqDgiIiIiovpoULg9cODAedfR6/WYMGFCQ56eiIiIiKhBGtTn9oMPPsCXX35ZY/mXX36Jjz766IKLIiIiIiJqiAaF25kzZyIxMbHG8uTkZDz//PMXXBQRERERUUM0KNweO3YMWVlZNZZnZmbi2LFjF1wUEREREVFDNCjcJicnY8eOHTWWb9++HQkJCRdcFBERERFRQzQo3N566624//77sXz5cng8Hng8HixbtgwPPPAAbrnlFn/XSERERERUJw0aLeGZZ57BkSNHMGzYMGi13qdQFAV33HEH+9wSERERUdA0KNzq9Xp8/vnneOaZZ7B9+3aYTCZ06dIFmZmZ/q6PiIiIiKjOGhRuq7Rt2xZt27b1Vy1ERERERBekQeHW4/Hgww8/xNKlS1FQUABFUardv2zZMr8UR0RERERUHw0Ktw888AA+/PBDXHHFFejcuTMkSfJ3XURERERE9dagcPvZZ5/hiy++wJgxY/xdDxERERFRgzVoKDC9Xo/WrVv7uxYiIiIiogvSoHD717/+Fa+++iqEEP6uh4iIiIiowRrULWH16tVYvnw5fvjhB3Tq1Ak6na7a/QsXLvRLcURERERE9dGgcBsbG4trr73W37UQEREREV2QBoXbDz74wN91EBERERFdsAb1uQUAt9uNn376Cf/+979RXl4OADh58iQqKir8VpzH48Hjjz+OrKwsmEwmtGrVCs8880y1vr5CCDzxxBNIS0uDyWTC8OHDceDAAb/VQERERETho0Ett0ePHsXo0aNx7NgxOBwOjBgxAlFRUZg1axYcDgfmzp3rl+JmzZqFt99+Gx999BE6deqETZs2YdKkSYiJicH9998PAHjxxRfx2muv4aOPPkJWVhYef/xxjBo1Cr/++iuMRqNf6iAiIiKi8NCgltsHHngAvXr1QnFxMUwmk2/5tddei6VLl/qtuLVr12Ls2LG44oor0LJlS9xwww0YOXIkfvnlFwDeVts5c+bgn//8J8aOHYuuXbvi448/xsmTJ7Fo0SK/1UFERERE4aFBLberVq3C2rVrodfrqy1v2bIlcnJy/FIYAPTv3x/vvPMO9u/fj7Zt22L79u1YvXo1Zs+eDQA4fPgw8vLyMHz4cN9jYmJi0LdvX6xbtw633HJLrc/rcDjgcDh8t8vKygAALpcLLpfLb/WfTdV0xZIQEB53o28v0CShwGQyQVGUgLyfwVD1utT6+hTFuw8loaj0GPV2bVLzMap2PI+GP7WfR9UuGPuvrttqULhVFAUej6fG8hMnTiAqKqohT1mrRx99FGVlZWjfvj00Gg08Hg+ee+45jBs3DgCQl5cHAEhJSan2uJSUFN99tZk5cyZmzJhRY/mPP/4Is9nst/rPJ8FZjOLNKwK2vUBJBLBgwQLk5OT49ctOKMrOzg52CY1mwYIFgKNIlcdoQuV/c3NzkZubG9Ra6MLwPBr+1HwebQoCuf+sVmud1mtQuB05ciTmzJmDd955BwAgSRIqKirw5JNP+nVK3i+++ALz5s3D/Pnz0alTJ2zbtg0PPvgg0tPTMWHChAY/7/Tp0zFt2jTf7bKyMmRkZGDkyJGIjo72R+nntHXrVuTm5uK0Pg6tu3Rr9O0F2oFdO3DfdaOwcuVKdOumvtcHeL89ZmdnY8SIETXGeVaD7du3Y9CgQXh94RK06dw12OX43cGd25HgLEZaWhp69OgR7HKoAXgeDX9qP4+qXTD2X9Uv7efToHD78ssvY9SoUejYsSPsdjtuu+02HDhwAImJid7WHj95+OGH8eijj/q6F3Tp0gVHjx7FzJkzMWHCBKSmpgIA8vPzkZaW5ntcfn4+unfvftbnNRgMMBgMNZbrdLqA7CBZ9nZ1FpIESdOgXRDShCTDZrNBlmXVn7ACdcwEmix796GQZJUeoxIANIljVK14HlUPtZ5Hm4pA7r+6bqdBZ4TmzZtj+/bt+Oyzz7Bjxw5UVFRg8uTJGDduXLULzC6U1Wr1ncCqaDQaX1+rrKwspKamYunSpb4wW1ZWhg0bNuAvf/mL3+ogIiIiovDQ4K+7Wq0Wt99+uz9rqeGqq67Cc889hxYtWqBTp07YunUrZs+ejT/96U8AvN0hHnzwQTz77LNo06aNbyiw9PR0XHPNNY1aGxERERGFngaF248//vic999xxx0NKuaPXn/9dTz++OO49957UVBQgPT0dNxzzz144oknfOs88sgjsFgsuPvuu1FSUoKBAwdi8eLFHOOWiIiIqAlqULh94IEHqt12uVywWq3Q6/Uwm81+C7dRUVGYM2cO5syZc9Z1JEnC008/jaefftov2yQiIiKi8NWgSRyKi4ur/VVUVGDfvn0YOHCgXy8oIyIiIiKqjwaF29q0adMGL7zwQo1WXSIiIiKiQPFbuAW8F5mdPHnSn09JRERERFRnDepz+80331S7LYRAbm4u3njjDQwYMMAvhRERERER1VeDwu0fh9mSJAlJSUm47LLL8PLLL/ujLiIiIiKiemtQuK2aRIGIiIiIKJT4tc8tEREREVEwNajldtq0aXVed/bs2Q3ZBBERERFRvTUo3G7duhVbt26Fy+VCu3btAAD79++HRqPBxRdf7FtPkiT/VElEREREVAcNCrdXXXUVoqKi8NFHHyEuLg6Ad2KHSZMm4dJLL8Vf//pXvxZJRERERFQXDepz+/LLL2PmzJm+YAsAcXFxePbZZzlaAhEREREFTYPCbVlZGU6dOlVj+alTp1BeXn7BRRERERERNUSDwu21116LSZMmYeHChThx4gROnDiB//3vf5g8eTKuu+46f9dIRERERFQnDepzO3fuXPztb3/DbbfdBpfL5X0irRaTJ0/Gv/71L78WSERERERUVw0Kt2azGW+99Rb+9a9/4dChQwCAVq1aISIiwq/FERERERHVxwVN4pCbm4vc3Fy0adMGEREREEL4qy4iIiIionprULg9ffo0hg0bhrZt22LMmDHIzc0FAEyePJnDgBERERFR0DQo3D700EPQ6XQ4duwYzGazb/nNN9+MxYsX+604IiIiIqL6aFCf2x9//BFLlixB8+bNqy1v06YNjh496pfCiIiIiIjqq0EttxaLpVqLbZWioiIYDIYLLoqIiIiIqCEaFG4vvfRSfPzxx77bkiRBURS8+OKLGDp0qN+KIyIiIiKqjwZ1S3jxxRcxbNgwbNq0CU6nE4888gh2796NoqIirFmzxt81EhERERHVSYNabjt37oz9+/dj4MCBGDt2LCwWC6677jps3boVrVq18neNRERERER1Uu+WW5fLhdGjR2Pu3Ll47LHHGqMmIiIiIqIGqXfLrU6nw44dOxqjFiIiIiKiC9Kgbgm333473n//fX/XQkRERER0QRp0QZnb7cZ//vMf/PTTT+jZsyciIiKq3T979my/FEdEREREVB/1Cre//fYbWrZsiV27duHiiy8GAOzfv7/aOpIk+a86IiIiIqJ6qFe4bdOmDXJzc7F8+XIA3ul2X3vtNaSkpDRKcURERERE9VGvPrdCiGq3f/jhB1gsFr8WRERERETUUA26oKzKH8MuEREREVEw1SvcSpJUo08t+9gSERERUaioV59bIQQmTpwIg8EAALDb7fjzn/9cY7SEhQsX+q9ClbG4FOyV4uGIlmCT9Tht9yBKJ0Ov4ZcEUgebW0G5S4HVLWBzKxDwfovWSBLMOgnReg0itTW/KBOFI0UIVLgUVLgE3EJACEAAMGkkROhkmLUSZB7rRAFVr3A7YcKEardvv/12vxbTFJQ6PTghRwOx0QCAvSVOAECkVkKcUYMUkxYGBl0KM25F4JTdg1M2N8pd5+iuZAcANzQSkGTSIN2shUl7Qb2jiAJOCIHTDgV5VjfKnN4vcGcjAUgwapBi0iBGL/NLHVEA1CvcfvDBB41VR5Nh1spoqZSgxGqHVRcBXUQ0LG6BCrdARYUbJyrcSDFr0DxCC4OGH/oU2hQhkGf14HiFC+4zPuGjdDIitBJMWhkaCVAE4BYC5S4FZU4FHgHkWT3Is3oQb5DRMkrHkEshTwiBXKsHORY3nMrvB7xO9h7zelmCJHlbbm1uAYtLgVsAhXYPCu0eGDUSWkbpEG9gyCVqTA2axIEaLtagQWtRgpyiHBQa4tE282I4PQLFDg8KbB6UuRTkWT3It3rQIkqLZmYtT4IUkkqdHhwqdcHm8X7ImzQSUswaJBm15+xmI4RAqVPBSasbxQ4FRQ4FxQ4HWkRqkR6h5U+4FJLKXQoOlTphqfwWp5OBFJMWySYNjJrau9kIIWBxC+Rb3Thl98DuEdhb4kScXkZWNL/QETUWhtsQoNdISDFrkWLWotThwbEKN8pcCo6Wu1FsV9AmRgcjT4IUIoQQOGFx41iFGwCglYAWUTqkmjR1+iImSRJiDRrEGjSwuhUcLnOhxKngaIUbhXYP2sfqebxTyBBC4GiFGzmW34/3zCgdkk2a834RkyQJkToJkTF6tIzy/rvJsbhR7FRQWuhA6xgdkkz8GCbyN36ChJgYgwad4/VoHa2DLAFlLgXbTjtQ4vAEuzQiuBWBPSVOX7BNNmrQM8mItAb+wmDWyugYp0ebGB20EmBxC2w/7UCpk8c7BZ9bEdhT7PQF20SjBj0SjUg11/8XBo0sITNKhx6JBsToZSgA9pe68FuZEwqH1STyK4bbECRJ3pbcHgkGROlkeATwa7ETBTZ3sEujJszpEdhZ5ECxQ4EMoHW0Dm1i9dDKF9aNQJIkJJu06J5oRIRWglsAu4ucyLfyeKfgsbkV7DjtQLHTe7y3jdGhXaz+gke2MWlldIrTo3mEt8U21+rBr8VOeBQGXCJ/YbgNYUatjM7xeiQaNRAADpS6cKLCFeyyqAlyeBTsLHLA6hbQyUCXBANSzP79OdWgkdAlwYCEyuP9YJkLeQy4FAQ2t4JdRQ7YPAL6yuPdn90HJMnbits+Vg9ZAkqdCgMukR8x3IY4WZLQNkaH9Mog4e37xYBLgWN3K9h52gm7R8AgS+gSb0CkrnFOHRpJQrszjvdDDLgUYFXB1qkAZq2EbgnGRjveE4wadI4zQFPZBW13sRNuBlyiC8ZwGwYkSUJWtA4tIr0f+EfK3fzAp4BQJBm7i51wKAJGjYQuCfpGv8JbkiS0jNIizawB4A247JJDgWB3K9hV5IRTAUxaCZ3iDI0+wU6UXkaneG/ALXcp2FPMPrhEF4rhNow0j9CiWcTvLVqF/MCnRqQ1GFEW2xx2j4BeltA53hCwsZclSUJWlM4XcA+WunhRJTUqtyLwa7ETTkXApJHQOQDBtkqUTkbn+N9bcA+Wus45MQQRnRvDbRiRJAmZkVqkmLwf+PtLXSh3KUGuitRIALj5ubfh1pmgkYBO8fqAz5xXFXCr+pzvLXHC6ubxTv6nCIF9JU5fH9tO8YELtlUidTLaxeoBAKfsHtjMCQHdPpGaMNyGGUmS0CraO8ONALC32AGnh9/xyb8OIQadL7sSEAo6xOlhDtK4s5IkoU2MzjdqyJ5iJ1zsk0h+JITwjbUsS0CHOEPQpkCPM2jQKloHALBGJqLLyGuCUgdRuGO4DUPeD3w9TBoJTsXbosU+WuQvh0qd+E2KAQBEluUjRq8Jaj2yJKF9rB4GWYLdI7C/xAnB4538JN/mQZ7N2+WlbYy+0S4eq6tUs9Z3QeX1j78CC+daIqo3htswpZUldIjT+y5COFzOERTowpU4PPi/o+UAgHVf/AdGR1mQK/LSa7zHuwygxKn4BtUnuhAWl3eGPADIjNQiwRjcL3JVWkZpoXNaYYiIxHYk8tcKonpiuA1jJu3vfbTyrB6ctvOCG2o4jyKw6HA57B6BaOHAdy8/HuySqonQybio8ifboxVulHEWM7oAHsXbz1YBEKeXfRfrhgJJkhBVdhLlpwtQIemx9IQl2CURhZWQD7c5OTm4/fbbkZCQAJPJhC5dumDTpk2++4UQeOKJJ5CWlgaTyYThw4fjwIEDQaw4sOIMGt9PWAdLnXCw/y010Ko8K/Jsbhg1ErqhEB6XM9gl1ZBs0iCpsnVtX4mLLVrUYIfKXL4LyNrE6hs0fXRjkhUPvvjnvYAQ2Hbajr3FjmCXRBQ2QjrcFhcXY8CAAdDpdPjhhx/w66+/4uWXX0ZcXJxvnRdffBGvvfYa5s6diw0bNiAiIgKjRo2C3W4PYuWBlRml9U1beqCU/RGp/k5UuLAh3wYAuLxFJEwIzVZRSZJwUbQORo0EpyLwWxm741D9FdrcOFX5S1fbWD10FziFdGM5uOFnZMHbNWjJiQpYODoOUZ2EdLidNWsWMjIy8MEHH6BPnz7IysrCyJEj0apVKwDeVts5c+bgn//8J8aOHYuuXbvi448/xsmTJ7Fo0aLgFh9AsiSh7RnTOJ7kBA9UDw6Pgm+PlkMA6BxvQLtYQ7BLOietLPm64xTaPShkdxyqB6dH4FDll6LmEdqgXzB5Pq1QiiSjBja3wI8nKth4QVQHodPJqBbffPMNRo0ahRtvvBE///wzmjVrhnvvvRd33XUXAODw4cPIy8vD8OHDfY+JiYlB3759sW7dOtxyyy21Pq/D4YDD8ftPPGVl3m/GLpcLLlfjtwQpivfbtyQEhMc/QdQkAVkRGhyq8OBYuRtxOsAUpOFsJKHAZDJBUZSAvJ/BUPW61PD6lubYUOJUEKWTMCTFAJfLBUXx7kNJKH47Rv0pQgaam2WcsCo4VOpElEYLfT1a36TKgKDmY1TtGnIeFULgUJkHbgGYNUBzE0Ly+AZ+P49CUTCqmQnzD1VgX4kTu05b0T5GH+zy/EJN59GmKBj7r67bkkQIfw00Go0AgGnTpuHGG2/Exo0b8cADD2Du3LmYMGEC1q5diwEDBuDkyZNIS0vzPe6mm26CJEn4/PPPa33ep556CjNmzKixfP78+TCbzY3zYgJAADiW3AlWYyzM9lK0KNiF0PyxjUKFxRCDYymdAQAt8nchwlEa5IrqTkDC4dRucOgjEGUtRLPCfTze6ZxKzYk4mdgOEAqy8rbD6LIGu6Q6OxWTgcKYFtB4XLgodyu0CgMhNT1WqxW33XYbSktLER0dfdb1Qjrc6vV69OrVC2vXrvUtu//++7Fx40asW7euweG2tpbbjIwMFBYWnvPN8petW7ciNzcXp/VxaN2lm1+f2+4R2FbkhgLgokgZqabA/+R2YNcO3HfdKKxcuRLduvn39YUKl8uF7OxsjBgxAjqdLtjlNIhbEfj4YAWKnQq6xesxPN3ku2/79u0YNGgQXl+4BG06dw1iledW4RLYWeKGANAuWoMEQ916Wh3cuR0JzmKkpaWhR48ejVskNYr6nkddisDWIjfcAsgwy8iICO3uCH88j3oUgXm/VeCUXUGnWB1GNw/fhpgqajiPNmXB2H9lZWVITEw8b7gN6W4JaWlp6NixY7VlHTp0wP/+9z8AQGpqKgAgPz+/WrjNz89H9+7dz/q8BoMBBkPNfoU6nS4gO0iWvR/AQpIgafy7C0waIDNKwuFyF45aFMSbdDBoAtu1WkgybDYbZFlW/QkrUMdMY1h30oJip4JIrYyhzSKhO2MWMln27kMhyX4/Rv0pSgM0iwBOWNw4XOFBrFEHbR26J4jKK+ObwjGqVvU9jx6tcHq7I2glNI8KvdER/uiP51EdgNEtovDJ/lLsLnGhexKQEamOYzecz6MU2P1X1+2E9AVlAwYMwL59+6ot279/PzIzMwEAWVlZSE1NxdKlS333l5WVYcOGDejXr19Aaw0laWaNb7rSw7yanGpxyubG+srREYZnRMAYpOl1/aF5pLZy9ATgeAWPd6qp1OlBQeUsZK2j9ZBDPNieTbMIHboleBtmfjxeAU/o/vBKFFQh/Yn20EMPYf369Xj++edx8OBBzJ8/H++88w6mTJkCwDss0IMPPohnn30W33zzDXbu3Ik77rgD6enpuOaaa4JbfBBJkuSbn/y0Q0Gxg1eT0++EEFhyvAIKgNYxerQL84tTNJXDgwHASasHFRwuic6gCIFDpd4vPSkmDaL0If2xd15D0iNg0ko4ZfdgU4Et2OUQhaSQ/lfeu3dvfPXVV1iwYAE6d+6MZ555BnPmzMG4ceN86zzyyCO47777cPfdd6N3796oqKjA4sWLfRejNVUROhlpZm+fst/KXFD4DZ8q/VrswAmLGzoZGNE8IuR/nq2LOIPGN3XqoTKO9Uy/O2lxw+YR0MlAZlT4//Rt0soYmh4BAFidZ+WXOaJahG5nukpXXnklrrzyyrPeL0kSnn76aTz99NMBrCo8tIjUodDugd0jcNLiRnOV9M+ihnN6BJaf9F4h3i/FHPJjfNZHVpQOJQ4PKlwCBTYPUswhf3qjRubwCBy3eIf6ahmlC9nJGuqrS7wB2wrtOGl1Y+VJC8ZkRgW7JKKQEtItt3RhtLKElpUtFccr3HB4+A2/qVuX723pidHL6JNsOv8DwohBI6F5pDfQHq1wwc2peZu8o+UuKAKI0sm+aZvVQJIkDGvubb3dUeRAPifuIaqG4VblkowaROtkKACOlvME2JQVOzz4pbKP3rBmEXUaVSDcpJu9F5e5FCDHwuO9KSt3Kr4pdrOidarofnOmZhE6dKicqW9pjoVdcYjOwHCrcpIkIavyYptTdg/K2T+ryVqWY4FHeH++bxPmF5GdjSz9/mtFjsUNu5vHe1MkhMBv5U4AQLLJO3qMGg1pFgGNBByrcOFgmTPY5RCFDHX+i6dqIs/4Se5wmYvf8Jug4xUuHCh1QoK31VZtrVhnijfIiNHLEACOlHNosKbolN3b91qWgEwVX2sQo9f4uhctz7FyaDCiSgy3TURmlA4ygHKXgtMOtmY1JUIILMuxAAC6JRiRaFL3hVaSJCEr6veh8MqdPN6bEkUIHKvsgpURoYVeo94vcgBwSYoJJq2EIocHO087zv8AoiaA4baJMGgkNIvwhpoj5RwarCnZW+JErtUNvSxhYFr4T9lZFxE6GcmVU08fqeCvFU1JntUDhyKgl4G0CHV/kQMAg0ZG/xTvv+s1eVa4eCElEcNtU9IsQgud7B0eJ9/KiR2aArcisOKkt9W2b4oJkSrte1ibFpFaSADKnApK2HrbJLgV4ZulLiNSB42Ku9+cqUeiEdE6GeUuBVtOcWIHoqbzSUfQyJJvLvLjFhc8/IavelsL7Sh1KojUyeidpK6hv87HoPl9IpOj5Wy9bQpOWtxwC8CokZBiUs/QX+ejPeNXmXX5Ntg57CM1cQy3TUyKSQND5VBJuRwbUdWcHoF1+d4JGwammlXf97A2zSN10EiAxS1QaOevFWrm9AjkVJ7TMqPUN/TX+XSONyDBqIHdI/BLPltvqWljuG1iZElCi8qB7nMsbg50r2KbT9lgdQvE6mV0STAEu5yg0Mm/9zU/VuFmX3MVO2HxTtgQoZWQYGh6H22yJGFQZevtplN22DgMHjVhTe8MQEgyamDSSnALDnSvVna3gvWVEzZcmmZuMn0Pa5Nu9vY1t3u80/KS+tjdCvIqryNo2QRbbau0jdEjyaiBUxHYxL631IQx3DZBkiT5xn48aXXD6WFrltr8csoGh0cg0ahBh7im2WpbRSNLaB7hPd6PVbg4FqgKHa9wQwCI0cuINTSdvrZ/JEkSBqT+3nrLSUyoqWK4baLiDTIidRIU4f05j9TD6lawqcAOwNtqKzfRVqwzpZrP6GvOXytUxa0xoKCyP3VmlHonbKirdrF6JBo1cHgENhfag10OUVAw3DZRZ7be5lk9cPDqWtVYn2+DUxFIMWnQVqXT7NbXmX3NT1jcUCSe+tTCEpkEAEgwyKqdZrc+JElC/8rW240FNp7bqUnimaAJi9H/Pk3psQq2ZqlBxRnjXA5KU/c0u/WVZNTArJXgEYA1IiHY5ZAf2PSRcBqjAAAt2Grr0z5Wj3iDd+SELafYektND8NtE3Zm622BzQMr+2eFvbV5VriFd8KOi6L5YX8mSZLQovJ4t5ni4ZbVP3uV2p2KyQAAJJs0MGv5cVZFliT0T/WOa/3LKRuvq6Amh2eDJi5KLyO+ctic42y9DWslDg+2nfa20gxKM7PVthbxBhkRWgmQZRRFpQe7HLoApdDDYooHhEDzJjDNbn11jDMgziDD5hbYWsiRE6hpYbglX2tWoZ2tt+FsbZ4VigAyI3XIjGJf29pI0u+z9BVHpcPJU2DYOizHAgAM9lKY2GpbgyxJ6Jfi7Xu7ocAGF8c0pyaEZwRChI6tt+Gu2OHBziIHAGBQujnI1YS2eIMMrcsORdbgmBQd7HKoAfKsbhRKZkAImC2ng11OyOoUb0CMXobVLbCNIydQE8JwSwDga81i6214WpdnhQBwUbQOzSLY1/ZcJEmC2XIKAHBciuZMTmFobZ53WuloayG0HmeQqwldGklC/8rW2/X5VrbeUpPBcEsAgMgzWm9PsPU2rJQ4PNhV2WpbNYA7nZveUQGDswIeScbGAvZHDCcFNjf2lzoBIZBYdjzY5YS8zvEGROtkWNwCO0+z9ZaaBoZb8qlqvT1l97A1K4xsKLBBgXfaUbba1o0EIKnUG4w2nbLzeA8j6ypbbZOFFQYXv5icj0aW0DelcuSEAhsUztBHTQDDLflE6mTEsfU2rJQ7PdhR2RrTn6229RJpK0KkcMKpCLbeholCuxt7SrzdELJESXCLCSNdE4wwaSWUOBXsK2E3DlI/hluqpqr1toCtt2FhfYENHgFkRGp9o15Q3UgALlJKALD1Nlysy/N+CWkTo0cUOG14XelkCT0Tva23G/JtEGy9JZVjuKVqonQy4vSVrbcWtt6GsgqXgu2VV0APSGGrbUMkwYoko8bbenuKrbehrMjuwa/F7FveUD2TjNDJQJ7NjaMV/GJA6sZwSzVknDFrmZ2tWSHrlwIb3AJIN2uRyalHG0QCMCDNG5Q2F9h5vIewdfneEUFaReuQauakDfVl0srommAE4G29JVIzhluqIUovI5attyHN6lZ8sw4NSOVsZBeiXYweSUYNHGy9DVkcEcQ/eieZIAE4XO5CvpXndlIvhluqVUakt2WErbehaWOBDS4FSDVpcVE0W20vhCRJvovxNp2yw+Hh8R5qqlpts6J0SOeIIA0Wa9CgQ5wBgHeUFSK1YrilWkXrNYjRyxAActh6G1JsbgWbT1WNkGBiq60ftIvVI8GggcMjfO8thYZS5++z77HV9sL1SfZeWLan2IEShyfI1RA1DoZbOquq1tt8mwcOD6+uDRWbTtngVASSjBq0idEHuxxVkCUJ/VK9H/obC2xw8ngPGevzbVAEkBmpQ3OOCHLBUs1atIzSQQDshkOqxXBLZxWj1yBaV9V6y6trQ4HDo2DTqd/HtWWrrf90jDMgVi/D5hG+/swUXGeO48xWW/+5pLL1dsdpDoFH6sRwS+fka721etiaFQI2n7LD4RFIMGjQLpattv7kbb31BqhfCmxwKTzeg63aOM4cEcRvMqN0SDFp4FKALYXshkPqw3BL5xSjlxGlk6GAfW+Dzen5fSatfqkmyGy19bvO8QZE62VY3ALbT/NDP5g4jnPjkSQJfVOqLqLkFzlSH4ZbOidJknytt3k2N0+CQbS10AabRyBWL6Nj5RXP5F8aSUK/lN9ncnLzeA+aqnGcm0VwHOfG0D5Wjxi9DJtbYFcRv8iRujDc0nnF6mVEaiUogq23weJSBH7xtdqa2WrbiLrEGxGlk1HuUrCTH/pBYXFxHOfGJksSeiVVXURp55S8pCoMt3Re3tZbb8tJrpWtt8GwvdAOi1sgWi+jczxbbRuTVpbQt/KCm/X5Nnj4oR9wvnGczVpksdW20XRNMMCgkVDk8OBgmTPY5RD5DcMt1UmcQUZEZevtSbbeBpRbEb4B1/ulmKBhK1aj65ZoRIRWQqlTwe7KMVYpMGxuxXeR0wCO49yoDBoZ3Sun5P2FkzqQijDcUp1IkuQbYzLX6mZfxADaWWRHuUtBlE5Gl3hjsMtpEnSy5Bvsfl2+FQpbbwNmY4F3HOdkkwatozkiSGPrmWSEDOB4hRu5Vg75SOrAcEt1lmCQYdZK8AhvwKXG51EE1uV5W1T6JpugldmKFSg9Ek0waSQUOxTsKWbrbSDYz5h9j31tAyNa//uUvL/ks/WW1IHhlupMkiQ0j/COnHDSwtbbQNhV7ECZS0GEVkK3RLbaBpJeI6F3Zevt2nwbL7gJgE2n7HBUzr7XlrPvBUzVrxR7S5wodXJKXgp/DLdUL4lGDUwaCW4B5LH1tlEpQmBdnhWA98NHx1bbgOuZZIRBI+G03YN9JbzgpjE5PIpvOljOvhdYKWYtMiO9U/JuYt9bUgGGW6oXb9/bytZbqxsett42ml+LHShxKjBpJPRINAW7nCbJoJHRK8nbYr4mz8rW20a0hbPvBVVV6+320w7YPZySl8Ibwy3VW5JRA6NGgksB8mz8CasxKEJgbWVf2z7JJug1bMUKlt5JJuhlCafsHhwoZettY3B6fh/HuT9n3wuKi6J1SDRq4FSEb2Y4onDFcEv1dmbf2xyLi+OANoI9xQ4UOTwwaiRcnMS+tsFk1MroWbkP1uax721jqJp9L84g+y5uosCSpN/7mG86Zed5ncIawy01SJJJA4Psbb0tsLL11p8UIbDmjFZbg4b/TIOtd5IJOtk7BfVvZRwuyZ+cHoH1vnGcOfteMHWKMyBCK6HcpWAvRwihMMZPTWoQWZLQrLLv7QmLm+OA+tHeYqev1bYnW21Dglkn+/o9r81n31t/2lpog80tEMvZ94JOK0u4uHJK3l8K+CsFhS+GW2qwFJMGehlwKgIF7HvrF4oQWJPvHSGhN1ttQ0qfZBO0EpBjceNoBVtv/eHMVtsBqWy1DQUXJxqhlYB8mwfHeJxTmAqrT84XXngBkiThwQcf9C2z2+2YMmUKEhISEBkZieuvvx75+fnBK7IJkSUJzSK8s5ax9dY/9pY4cdrugYGttiEnUif7xhpeUzlEG12YM1ttO7HVNiSYtDK6cEpeCnNhE243btyIf//73+jatWu15Q899BD+7//+D19++SV+/vlnnDx5Etddd12Qqmx6Uswa6GTA4RE4xdbbCyKEwNrK0NQ7yQQjW21DTt9kEzSSd6rS42zVuiBstQ1dvSu7Jhwqc6HQzvHMKfyExadnRUUFxo0bh3fffRdxcXG+5aWlpXj//fcxe/ZsXHbZZejZsyc++OADrF27FuvXrw9ixU2HRpLQLOL3vrfso9Vwe0ucKKxste3FVtuQFK3XoEu8d9+szmXr7YXYwlbbkBVv1KBN5QxxG9l6S2FIG+wC6mLKlCm44oorMHz4cDz77LO+5Zs3b4bL5cLw4cN9y9q3b48WLVpg3bp1uOSSS2p9PofDAYfj9ytBy8rKAAAulwsuV+O3xiiKd4BsSQgIT/h/K04xACcqALtH4JTVBUkoMJlMUBQlIO9nMFS9Ln+9PiEEVudaAAAXx+uhER64XMFrCVcU7z6UhKKKY/SPpMovYQ05Rnsn6LCjyI6jFS4cKrahRWRYnEZDitMjsCHfG5ouSTLA43ajvke72s6jfxTs8+jF8TocKHViV5ED/ZP0MGv93xbm7/MoBVYw9l9dtyWJEG9q++yzz/Dcc89h48aNMBqNGDJkCLp37445c+Zg/vz5mDRpUrWgCgB9+vTB0KFDMWvWrFqf86mnnsKMGTNqLJ8/fz7MZnOjvA61K4xuhlOxLaF32XBR7hbwB8b6KTMlICepPWTFjdY5m6AR7OIRyvLiLkJxVBpM9jJkFuzk8V5Pp6OaoSCuJXQuG1rxfBGSBIAjKV1hN0QhsfQYkkqPB7skIlitVtx2220oLS1FdHT0WdcL6SaH48eP44EHHkB2djaMRv/9TDt9+nRMmzbNd7usrAwZGRkYOXLkOd8sf9m6dStyc3NxWh+H1l26Nfr2AiFaESgucsOpM+FETBYeGXMJVq5ciW7d1PH6/sjlciE7OxsjRoyATqe7oOcSQuDjgxWAQ0GflAgM6DrKT1U23Pbt2zFo0CC8vnAJ2nTuev4HhJmDO7cjwVmMtLQ09OjRo96Pr3ApeH9/OWzGaHS8dASyoi7sGGhKnB6B9/aXAx6BYS3j0anHmAY9jxrPo2c6sGsH7rtuVFDPo/tKnfj2uA2W+Ezc1q8zdLJ/v4b48zxKgReM/Vf1S/v5hHS43bx5MwoKCnDxxRf7lnk8HqxcuRJvvPEGlixZAqfTiZKSEsTGxvrWyc/PR2pq6lmf12AwwGCo2cdLp9MFZAfJsvfnHSFJkDQhvQvqTKsBmkcCR8rdsEYmwen2QJZl1Z+w/HHM/FrsQKFDgUGWcElqBHSN8PNffcmyDJvNBiHJqjlGzyQqL15q6DEapwMuTnLjlwIb1p5yok2cCRIviKqTzUVW2DzevrZdkxp+IZkaz6NnEpL332Awz6MdE7RYme9AmVPBvnKPb6xnfwvUZy81jkDuv7puJ/ifoucwbNgw7Ny5E9u2bfP99erVC+PGjfP9v06nw9KlS32P2bdvH44dO4Z+/foFsfKmKdWshV4GFI0Ofa67I9jlhAWPEFhV2de2T4oJxhAItlQ3lyRXzlpmdeNAqTPY5YQFp0dgA0dICBuyJPlGTthYYOcFwxQ2QvrrblRUFDp37lxtWUREBBISEnzLJ0+ejGnTpiE+Ph7R0dG477770K9fv7NeTEaNRyNJyIjU4VCZC0PvfAhucPrG89l52oFihwKzliMkhBuzTkavJBPW5duwKteKNjF6tt6exy8F3hES4gwcISFcdE0wYHWeFUUODw6WOdEmhvuNQl/YNxO98soruPLKK3H99ddj0KBBSE1NxcKFC4NdVpOVbNJA9jgRlZCM44gKdjkhzaUIrK4c17ZfipmzkYWhvskmGDQSTtk92FvC1ttzsboU36QAg9Ii2GobJgwaGd05qQOFmZBuua3NihUrqt02Go1488038eabbwanIKpGliSYLadREZ2Gw4iC3a3wp/az2HLKhgqXgmidjB6JbLUNR0atjD7JJqzKtWJVrhXtYvUMbWexNt8KpyKQYtKgfaw+2OVQPfRMMmJjgQ3HK9zItbqQZmb/WAptTB3kdwZ7GfIP7YVb0vCb/lnYPQrWVY7zOTDNDK2fr0KmwOmVZIRRI6HI4cHuInbFqU2Jw4OthXYAwJD0CHbfCDPReg06xHm7I/ySz3M6hT6GW/I7CUD22y8AADadssPqUoJbUAj6pcAGu0cgwaBBZ/Y9DGsGjYxLUrwX3azOs8LDi25qWJVrhUcAmZE6ZEWz1TYc9Un2HuN7S5wodXIcbgptDLfUKHYv+w7RwgGnIrAun9OUnsniUnxTWl6azivG1eDiRBMitBJKnQq2V7ZQkleBzY3dxd4W7SHNOElOuEoxa5EZqYMAsIm/yFGIY7ilRtMapQCALYV2lPGbvs+6fCtcinfotHYxbMVSA71GwoBUb3BbnWeFw8NfK6r8fNI71F37WD37aoa5qtbb7acdsPMYpxDGcEuNJgF2NI/QwiO8P0sSUOr8ve/h4DQz+x6qSLdEI+IMMqxuwb7mlY5XuHCozAUJ3hESKLxdFK1DolEDpyL4CwWFNIZbajQSgMuaeT/QdhY5kG91B7egELC6su9hi0gdWnLKVlXRSBIGp3uP918KvCNhNGVCCKyobLXtlmBEvFET5IroQkmShN6VrbebTtnZv5xCFsMtNar0CB06VA77s/ykpUnPcJNndWNn5dX0Q9LZaqtG7WL0SDdr4VK8X2SasgOlTuRY3NBKwIC0xpm2lQKvU5wBZq2EcpeCvcUcHYRCE8MtNbrB6RHQSMCRchd+K3MFu5ygEEJgWY63FatDrB7pEWy1VSNJkjC08teK7aftOGVrmr9WeITAzye94b53sglROrbaqoVWltCzckreXwpsTbrBgkIXwy01uliDxncyXH7SAqUJngwPlDpxrMIFrQQMaca+h2qWEalD2xg9BICfTjTNXyu2nrLjtMMDk1ZC32S22qpNj0QjtBKQb/PgWEXTbLCg0MZwSwHRP8UEo0ZCof33C6qaCo8isLyy72HvZBNi9GzFUrvLmnl/rTha4cKB0qY1La/VrWBV5bTSg9LMnKFQhcxaGV04JS+FMJ51KCCMWhmD0rxDJa3KtcLqbjoX22wutKPYoSBCK/kG+yd1izVofMMmLcuxwK00ndbbVblWODwCSUYNuiVwWmm16l35a9yhMhdO25tm9xsKXQy3FDDdE41INmlg9wisPNk0LrYpd3l8FxYNSo+AQcN/ck1FvxQzIrUySpwKNp1qGq1bBTY3tlX+MjO8eQQnKFGxeKMGbSrH6WbrLYUaftJSwMiShBHNIwEA207bkdcEhgZbnmOFUxFIN2vRldPsNil6jYTB6d5fK9bm2VQ/kYkQAtknKiAAtIvVIzOKE5SoXdWvE7uKHE1+6DsKLQy3FFAZkTp0jPOGvOwTFaq+2OZouRO/Vg6VMzIjkkN/NUGd4w1oFqGFUxFYWjlahlrtKnLgeIV36K+h6bxosiloHqFFutk7Uc9Gtt5SCGG4pYAbmm6GTgZyLG5sP63OcRI9QiD7hDfMXJxoRKpZG+SKKBgkScKojEhIAPaVOHFIpReX2dwKllVeNDkwzYxYAy+abAokSUK/VG/r7dZCO2xN6FoKCm0MtxRwUXqNbyrO5Sctqvw5a2OBDYV271BIVRfSUdOUbNL6ZnX68UQFXCq8uGzFSQtsboFEo8b3WqlpaB2tR1LllLybTzWtkXAodLE5iYKiZ5IRu4sdyLO68dOJClyTFR3skvymyO7BqsqLyC5Lj+BQSISBqWbsKXag1KlgbZ7VN02vGpyocPl+gRmVEQkNu980KZIkoX+qGV8fKcemUzb0TjbywtkzHDt2DIWFhcEuo1EoSug2TDHcUlDIkoTRGZH4aF8J9pY4cbDUidYx4X8BihAC3x8rh0cAWVE6dOZFZATvxWUjmkdg4eFyrM+3oV2sQRVdVVyKwPfHKgAAXeINyIjkzHtNUbtYPeIMMoodCrYV2tE3hb9WAd5g26FDB1it6hwdyGQyYcGCBThx4gSysrKCXU414X92pbCVavb+XPtLgQ1LjlegeURs2Ldybi2044TFDZ0MjG7Bi8jod21jDWgf68DeEie+O1qOie1ioZHD+/hYnWtFkcODSK2MYZx5r8mSJQmXpJjxw7EK/FJgQ88kE7Rhfmz7Q2FhIaxWK/75xvvIbN0u2OX43fFD+wEAp0+fZrglOtPAVDMOlDpQ7FCQfcKCq1pGBbukBit1erCicvzewekRnImMahjZPBJHK4pxyu7BmjwrBoVx94Qci8s3vumoFux+09R1jjNgTa4VZS4FO07bcXES+15XyWzdDu26dg92GX4nCQVwFAW7jFrxbERBpddIuKJFFCQAu4sd2FcSnqMnKELg/46Uw6kINIvQ4uJEzsxENZl1MkZVjvW8Lt8WtmM9uxSB7456x7TtFGdAmxh2v2nqNLKEvpUzMK4vsMGj4mEeKfQx3FLQNY/U+aalXXy8ApYwHD1hfb4NJyxu6GUJV2VGcWYmOqv2cQa0j9VDAPjmSDmcnvALActzLL7uCCOah2/rM/lX1wQjIrQSypwKfi0Kz4YKUgeGWwoJA1LNSDJqYHMLfHe0PKwmd8i1uHxT7I5oHsExPum8RmZEIlIno8jhQfaJimCXUy/7ShzYUjnF7pjMSHZHIB+dLPmGgluXb4MSRudxUheelSgkaGUJV7WMglYCfit3YX1+eMx24/AIfHO0HAqA9rF6jo5AdWLWyrg609sdZ2eRA7uLwmN80FKnxzc6Qt9kEy6KDv8RTsi/eiQaYdBIKHJ4sL9EnZOWUOhjuKWQkWzSYkSGtz/iylwrjpW7glzRuQkAi09YUexQEKWTvTNRsTsC1VGLKB36V87utOS4BUV2T5ArOjePEPjmSDkcHoF0sxaD0jncE9Vk0MjoleS95mBNnjWsfoUj9WC4pZDSNd6AzvEGCABfHykL6dnLTkc3w8FyNzQScG1WFEz8eZbqaUCqGRmRWjgVgf8dLoPDE7rH+08nLMixuGGQJVzdMoqTNdBZ9U4ywaCRcMruwV623lIQ8NOYQookSRjZPBKJRg0sboGFv5WF5HSlR8pdOBWTCcA7vFN6BAevp/qTJQljW0YjUifjtN2Db46Uh2Q/xS2nbNha2c/2ypaR7FdO52TUyuhT2fd2Va41JI9pUjeGWwo5eo2E67KiYdRIOGl1h9wFZqdsbnx73ApIErrE6dCNw37RBYjUybg+y9vf/FCZCytzQ2s2o6PlTvx0wgIAGJxm5rBfVCe9kowwVfa93cWREyjAGG4pJMUbNbguKxqyBOwtceLnEPnAL3N68MWhMjgUwGQvw2VpHKicLlxahA6Xt/D2N1+fb8PWwtC4oPKUzY2vDnsvmOwYZ/AN2Ud0PgaN7Dte1uRZ4QnBX+BIvRhuKWS1iNJhzBkf+BsLgvuBb3Mr+PxQGcpdCuINMjIK93CKSfKbTvFG9E/5/QKzYI+gUOzw4LODpbBXXkB2OaeTpnq6OMmECK2EUqeCHWEyIgipA8MthbTO8UZcmua9KntpjgWbghRwbW4FXxwqw2m7B1E6GddnRkCjhOfsUhS6Lk0z+2a3+/ZoBQ6UBufn3DKnBwsOlsLiFkgyanBTq2jo+EWO6kknS+if6j1/r8mzheT1E6RODLcU8vqnmNCvskXrpxwLNp8KbMC1uBTMP1CKXKsbJo2EG1tFI1rPfzrkf5IkYUTzCHSK844YsuhwOfYUBzbgFjs8mH+gFGVOBXEGGbe0juFEDdRg3RKMiNbJqHAp2FbI1lsKDJ6xKORJkoRBaWZf/63sExb8fNISkIvMSp0ezDtQilN2DyK0Em5rE4Nkk7bRt0tNlyRJuCIzEu1j9fAI4Osj5dgUoC90uVYXPtlfghKngli9N9hG6PgxQQ2nlSUMqGy9XZdvDcvppin88KxFYUGSJAxOM/sGvV+Xb8OiI+WNeqI8Uu7ER/tKUOTwIFonY1ybWCQx2FIAyJJ3LNmqLgo/nbBgWY4Fnkb8Qneg1IH5B0phdQukmDQY3zYWMXoO+UUXrnOCAbF6GVa3CPgvb9Q0MdxS2PC24EbgihaRkCVgX4kTnx4oQYHNv31fhRDYkG/F5wfLYHULJJs0GNc2BvFGftBT4MiVXRQGVfY5/6XAhvkHSlHi8O9MZm5FIPtEBf73WzlcCtAySofb2rDFlvxHI0m+ayfWF9hgd4fuZCWkDjx7UdjpkmDEra1jYNJKKLB58OG+Eu9QM35o1SqwuTHvQCmWn7RCAOgcb2ALFgWNJHkvyLmmZRQMGgk5Fjc+2FuC7aftfhkY/6TFhY/2lWDzKW9fyN5JRtx4UTQMGn40kH91iDMg0aiBwyOwPsgj35D68TdWCksZkTpMbh+HJccrcKDUiVW5Vvxa5ED/VBM6xBkg13PIonKnBxsKbNh8yg4BQCcDlzWLQPcEI4c/oqBrH2dAqlmL/ztajhyLGz8cq8CmAhuGNovARdH6ej9fscODn09afFOjmrUSrmgRhVYx9X8uorqQJQmD083432/l2FRgQ49EI8w8tVIjYbilsBWpk3FdVhR+LXYg+4QFpx0e/N/RCqzOs6JbghFtYvRIMJ79EHcpAjkVLmw/bcfeEieq2sHaxeoxrFkEotlaSyEk1qDBuDYx2Fhgw9p8G07ZvROKJBk16JJgRMc4AyLP0ZXArQgcKHViV5Edv5W5fMd7l3gDBqdHnPOxRP7QOlqPjEgtjle4sfKkFaObcXZHahwMtxTWJElCp3gjWsfosfmUHRsLbCh2KFhx0ooVJ62I1ctINGkRo5dh1spwegTsHgWn7R7kWt0483q0jEgt+qWYG9QSRhQIsiShb4oZXROMWJtnxZZCO07ZPViW473gLFYvI9mkRbxBg6ofHCpcCgpsbhTaPdWO96woHYakRyDFzI8BCgxJknBZswh8tK8Uu4sd6BGvC3ZJpFI8q5EqGDQy+qea0SvJhN3FdhwoceJohQslTgUlTudZHxepk9EqWoeLE038kKewYdLKGNY8Ev1Tzdhb4sCuIgdyLO7zHu/ROhmd4g3oHG84568aRI0lzaxDpzgDdhc78HOeDRHBLohUiWc3UhW9RkKPRBN6JJrg8CjIsbhR6vSg1KHA5lGglyUYtTKidDIyInWI1cvsU0thy6SVfce71e1toS2weVDq/H1EBaNGQrJJi5TKXzB4vFOwDUr3fik7bvGguSk+2OWQCjHckmoZNDK7GFCTYdbKaBmlR8uoYFdCdG4xeg36JJuwLt+G/LgsuBUBdlAgf+IVBERERBRQ/VLMiNRKcGmN2FQY2CmmSf0YbomIiCig9BoJg1K9oyVsOOVAmdO/k5NQ08ZwS0RERAHXPkYHk70MbgEsz7EEuxxSEYZbIiIiCjhJkpBa/BsAYE+JE0fKzz7SB1F9MNwSERFRUBhdFnSP9174u+R4BdzKhU8rTcRwS0REREEzMMWISK2MYoeCtfnWYJdDKhDS4XbmzJno3bs3oqKikJycjGuuuQb79u2rto7dbseUKVOQkJCAyMhIXH/99cjPzw9SxURERFQfBo2E4c290zmsz7fhtN0d5Ioo3IV0uP35558xZcoUrF+/HtnZ2XC5XBg5ciQslt87nj/00EP4v//7P3z55Zf4+eefcfLkSVx33XVBrJqIiIjqo12sHq2idVAE8MOxCgjB7gnUcCE9icPixYur3f7www+RnJyMzZs3Y9CgQSgtLcX777+P+fPn47LLLgMAfPDBB+jQoQPWr1+PSy65JBhlExERUT1IkoQRzSNxbG8xTljc2FxoR68kU7DLojAV0uH2j0pLSwEA8fHe6fo2b94Ml8uF4cOH+9Zp3749WrRogXXr1p013DocDjgcvw8aXVZWBgBwuVxwuVyNVb6PoigAAEkICI/6fn6RhAKTyQRFUQLyfgZD1etS6+tTFO8+lISi0mPU2yqk5mNU7XgeDX9/PI9GyMClKUYsy7VjRY4FmSYJsQZNMEu8IDyP+l9dtyOJMGn7VxQFV199NUpKSrB69WoAwPz58zFp0qRqQRUA+vTpg6FDh2LWrFm1PtdTTz2FGTNm1Fg+f/58mM1m/xdPRERE5yUAHEvuDKsxBmZ7KVoU7IIU7KIoZFitVtx2220oLS1FdHT0WdcLm5bbKVOmYNeuXb5geyGmT5+OadOm+W6XlZUhIyMDI0eOPOeb5S9bt25Fbm4uTuvj0LpLt0bfXqAd2LUD9103CitXrkS3bup7fYD322N2djZGjBgBnU59s6Jv374dgwYNwusLl6BN567BLsfvDu7cjgRnMdLS0tCjR49gl0MNwPNo+DvbebTUqeCjg+WwGmOQ1mcYLk40BLHKhuN51P+qfmk/n7AIt1OnTsW3336LlStXonnz5r7lqampcDqdKCkpQWxsrG95fn4+UlNTz/p8BoMBBkPNfyw6nS4gQUWWvdfxCUmCpAmLXVAvQpJhs9kgy7Iqg9+ZAnXMBJose/ehkGSVHqPetqCmcIyqFc+j6vHH82iiDhiaruDHExaszLcjK9aIZFP47WOeR/2vrtsJ6dEShBCYOnUqvvrqKyxbtgxZWVnV7u/Zsyd0Oh2WLl3qW7Zv3z4cO3YM/fr1C3S5RERE5Ac9Eo1oFa2DRwDfHCmHi5M7UD2E9FeJKVOmYP78+fj6668RFRWFvLw8AEBMTAxMJhNiYmIwefJkTJs2DfHx8YiOjsZ9992Hfv36caQEIiKiMCVJEq5oEYX39xaj0O7BshwLRmVEBrssChMh3XL79ttvo7S0FEOGDEFaWprv7/PPP/et88orr+DKK6/E9ddfj0GDBiE1NRULFy4MYtVERER0ocw6GVdmRgEAthbasa/EcZ5HEHmFdMttXQZyMBqNePPNN/Hmm28GoCIiIiIKlKxoPfokm/BLgQ3fH61AklGLeGP4Dg9GgRHSLbdERETUtA1ON6N5hBYORWDh4TI4Pex/S+fGcEtEREQhSyNJuCYrGhFaCYV2D344Vs7peemcGG6JiIgopEXqZFybFQ0ZwJ4SJ9bn24JdEoUwhlsiIiIKec0jdRjePAIA8HOuFXuKeYEZ1Y7hloiIiMLCxUkm9EoyAgC+PVqOExWuIFdEoYjhloiIiMLGZc0i0DpGD48A/ne4DKft7mCXRCGG4ZaIiIjChixJuDozCqlmLWxugc8OlqHE4Ql2WRRCGG6JiIgorOg1Em5qFY1EowblLgULDpaizMmAS14Mt0RERBR2zFoZt7SOQaxeRqlTwWcHyxhwCUCIz1BGREREdDaROhm3tonBvP2lKHJ48On+UtzSOoazmDWQ0yNg9yhwegQcive2UxFwegTcQkARgEcICAF4ktrgtBBwShXoFezC/4DhloiIiMJWjF6DcW1j8PnBMhQ5PJh3oAQ3tYpBipkR52wUIWB1C1hcCqxuBRa3gNWtwKXU40lkLQQAjyI1VpkNxj1PREREYS1Gr8G4NjH4/FApCmwezDtQiqtbRqF1jD7YpYUEjyJQ7lJQ5lRQ5lJQ7lRwthxr0EgwyBL0Ggl6WYJeA+hlCTpZgix5Z4yTABzZ9yvinKVonpIYyJdSJwy3REREFPYidDJuax2DhYfLcazChf/+VoYh6Wb0TTZBkkKvdbExCSFgcQsUOTwodnhQ4ao5XbFW8r5nZq2ECK0Ms06GWSNBI9ftvdJ6nDC4bdCfNSYHD8MtERERqYJRK+Pm1tH46YQFWwvtWHHSijyrG6MzImHUqvsaeo8QKHUovkDr/EPmNMgSovWy78+kkVQb+hluiYiISDU0koRRGZFIMmqQfcKCvSVOnLSU4KqWUciI1AW7PL9yeASKHR4UOTwodVTvaiBLQKxeRrxBg1iDDING3eH+TAy3REREpDoXJ5mQatbimyPlKHEqmH+gFL2SjBiYZg7boCeEQIVboNjuDbQWd/XuBgZZQpzRG2hj9DJklbbMng/DLREREalSeoQOk9rHIvuEBbuKHNh4yo69JU4Max6BdjH6sPhZ3qMIlDgVXwvtH0c0iNJJiDNoEG/QwKxVb1eD+mC4JSIiItUyaGRcmRmFDrEGZJ+oQIlTwaLD5WgWocWlaWZkRupCLhA6PAqKHN5AW+JQcGb7rCwBcXoZcQYN4gwa6DWhVXsoYLglIiIi1WsVo0eLqDisy7fil3wbcixufHawDM0jtOiVbEKbGD00QQq5HiFQ5lRQ4lBQ4vTA+sfuBhoJ8QZvd4PoJtzdoK4YbomIiKhJ0MkSBqVF4OJEE9blW7Gt0I4TFjdOHC5HpE5G13gD2sUakGzSNGprriIELC6BUpe3ZbbMWb11FgCidLIv0JrY3aBeGG6JiIioSYnUyRjRPBJ9k03YVmjHttN2VLgUrM23YW2+DbF6Ga1i9MiI0KF5pA6RuoZfgCYAWN0KKlwKyisnULC6RY0wq5clxBpkxOplxBo00NVxvFmqieGWiIiImqRovQaD0iPQP9WM/aVO7Cl24HCZEyVOBZtP2bH5lB0AEKGVEG/UIMGgRYROglkrw6SRIUvePrACgNMj4FSEL8jmIAl//Wo9TiddhNOFjhrb1sne1tkYvXeoLjWPOxtoDLdERETUpGllCR3jDOgYZ4DTI/BbuRPHyl04YXGhwOYdcstS4cbxCnfdn1QyITGzFQBvAI7UyojUyYjSSYjUyzDIDLONheGWiIiIqJJeI6F9rAHtYw0AqkYu8OB05diyVpe3ddbuEVCEt3uBBG+3Ap1GgknjDbFFuccx7S934eFn/4UOnToxyAYQwy0RERHRWRg0MtLMMtLM9ZvdbEuuBYd+WQWN4mawDbDwnKKDiIiIiKgWDLdEREREpBoMt0RERESkGgy3RERERKQaDLdEREREpBoMt0RERESkGgy3RERERKQaDLdEREREpBoMt0RERESkGgy3RERERKQaDLdEREREpBoMt0RERESkGgy3RERERKQaDLdEREREpBoMt0RERESkGgy3RERERKQaDLdEREREpBoMt0RERESkGgy3RERERKQaDLdEREREpBoMt0RERESkGgy3RERERKQaDLdEREREpBqqCbdvvvkmWrZsCaPRiL59++KXX34JdklEREREFGCqCLeff/45pk2bhieffBJbtmxBt27dMGrUKBQUFAS7NCIiIiIKIFWE29mzZ+Ouu+7CpEmT0LFjR8ydOxdmsxn/+c9/gl0aEREREQWQNtgFXCin04nNmzdj+vTpvmWyLGP48OFYt25drY9xOBxwOBy+26WlpQCAoqIiuFyuxi0YQFlZGaxWKw4eyoHNYmn07QXaiSO/wWg0YvPmzSgrKwt2OY1CURRYrVasWrUKsqyK74jVHDhwAEajEQd3bYe9ojzY5fhdztHfYE6Lw9atW1FRURHschqNLMtQFCXYZTSKAwcOIDIykufRMMbzaHirOo+WlZXh9OnTAdlmebn3fRRCnHtFEeZycnIEALF27dpqyx9++GHRp0+fWh/z5JNPCgD84x//+Mc//vGPf/wLs7/jx4+fMxuGfcttQ0yfPh3Tpk3z3VYUBUVFRUhISIAkSY2+/bKyMmRkZOD48eOIjo5u9O2R/3Efhjfuv/DHfRj+uA/DWzD2nxAC5eXlSE9PP+d6YR9uExMTodFokJ+fX215fn4+UlNTa32MwWCAwWCotiw2NraxSjyr6Oho/oMOc9yH4Y37L/xxH4Y/7sPwFuj9FxMTc951wr6Ti16vR8+ePbF06VLfMkVRsHTpUvTr1y+IlRERERFRoIV9yy0ATJs2DRMmTECvXr3Qp08fzJkzBxaLBZMmTQp2aUREREQUQKoItzfffDNOnTqFJ554Anl5eejevTsWL16MlJSUYJdWK4PBgCeffLJG1wgKH9yH4Y37L/xxH4Y/7sPwFsr7TxLifOMpEBERERGFh7Dvc0tEREREVIXhloiIiIhUg+GWiIiIiFSD4ZaIiIiIVIPhtpG8+eabaNmyJYxGI/r27YtffvnlnOt/+eWXaN++PYxGI7p06YLvv/8+QJVSbeqz/959911ceumliIuLQ1xcHIYPH37e/U2Nr77/Bqt89tlnkCQJ11xzTeMWSOdV331YUlKCKVOmIC0tDQaDAW3btuW5NMjquw/nzJmDdu3awWQyISMjAw899BDsdnuAqqUzrVy5EldddRXS09MhSRIWLVp03sesWLECF198MQwGA1q3bo0PP/yw0eus1Tkn56UG+eyzz4Rerxf/+c9/xO7du8Vdd90lYmNjRX5+fq3rr1mzRmg0GvHiiy+KX3/9Vfzzn/8UOp1O7Ny5M8CVkxD133+33XabePPNN8XWrVvFnj17xMSJE0VMTIw4ceJEgCunKvXdh1UOHz4smjVrJi699FIxduzYwBRLtarvPnQ4HKJXr15izJgxYvXq1eLw4cNixYoVYtu2bQGunKrUdx/OmzdPGAwGMW/ePHH48GGxZMkSkZaWJh566KEAV05CCPH999+Lxx57TCxcuFAAEF999dU51//tt9+E2WwW06ZNE7/++qt4/fXXhUajEYsXLw5MwWdguG0Effr0EVOmTPHd9ng8Ij09XcycObPW9W+66SZxxRVXVFvWt29fcc899zRqnVS7+u6/P3K73SIqKkp89NFHjVUinUdD9qHb7Rb9+/cX7733npgwYQLDbZDVdx++/fbb4qKLLhJOpzNQJdJ51HcfTpkyRVx22WXVlk2bNk0MGDCgUeuk86tLuH3kkUdEp06dqi27+eabxahRoxqxstqxW4KfOZ1ObN68GcOHD/ctk2UZw4cPx7p162p9zLp166qtDwCjRo066/rUeBqy//7IarXC5XIhPj6+scqkc2joPnz66aeRnJyMyZMnB6JMOoeG7MNvvvkG/fr1w5QpU5CSkoLOnTvj+eefh8fjCVTZdIaG7MP+/ftj8+bNvq4Lv/32G77//nuMGTMmIDXThQmlLKOKGcpCSWFhITweT43Z0VJSUrB3795aH5OXl1fr+nl5eY1WJ9WuIfvvj/7+978jPT29xj9yCoyG7MPVq1fj/fffx7Zt2wJQIZ1PQ/bhb7/9hmXLlmHcuHH4/vvvcfDgQdx7771wuVx48sknA1E2naEh+/C2225DYWEhBg4cCCEE3G43/vznP+Mf//hHIEqmC3S2LFNWVgabzQaTyRSwWthyS+RHL7zwAj777DN89dVXMBqNwS6H6qC8vBzjx4/Hu+++i8TExGCXQw2kKAqSk5PxzjvvoGfPnrj55pvx2GOPYe7cucEujepoxYoVeP755/HWW29hy5YtWLhwIb777js888wzwS6Nwgxbbv0sMTERGo0G+fn51Zbn5+cjNTW11sekpqbWa31qPA3Zf1VeeuklvPDCC/jpp5/QtWvXxiyTzqG++/DQoUM4cuQIrrrqKt8yRVEAAFqtFvv27UOrVq0at2iqpiH/DtPS0qDT6aDRaHzLOnTogLy8PDidTuj1+katmapryD58/PHHMX78eNx5550AgC5dusBiseDuu+/GY489Bllme1woO1uWiY6ODmirLcCWW7/T6/Xo2bMnli5d6lumKAqWLl2Kfv361fqYfv36VVsfALKzs8+6PjWehuw/AHjxxRfxzDPPYPHixejVq1cgSqWzqO8+bN++PXbu3Ilt27b5/q6++moMHToU27ZtQ0ZGRiDLJzTs3+GAAQNw8OBB3xcTANi/fz/S0tIYbIOgIfvQarXWCLBVX1aEEI1XLPlFSGWZgF/C1gR89tlnwmAwiA8//FD8+uuv4u677xaxsbEiLy9PCCHE+PHjxaOPPupbf82aNUKr1YqXXnpJ7NmzRzz55JMcCiyI6rv/XnjhBaHX68V///tfkZub6/srLy8P1kto8uq7D/+IoyUEX3334bFjx0RUVJSYOnWq2Ldvn/j2229FcnKyePbZZ4P1Epq8+u7DJ598UkRFRYkFCxaI3377Tfz444+iVatW4qabbgrWS2jSysvLxdatW8XWrVsFADF79myxdetWcfToUSGEEI8++qgYP368b/2qocAefvhhsWfPHvHmm29yKDC1ef3110WLFi2EXq8Xffr0EevXr/fdN3jwYDFhwoRq63/xxReibdu2Qq/Xi06dOonvvvsuwBXTmeqz/zIzMwWAGn9PPvlk4Asnn/r+GzwTw21oqO8+XLt2rejbt68wGAzioosuEs8995xwu90BrprOVJ996HK5xFNPPSVatWoljEajyMjIEPfee68oLi4OfOEkli9fXutnW9U+mzBhghg8eHCNx3Tv3l3o9Xpx0UUXiQ8++CDgdQshhCQE2/qJiIiISB3Y55aIiIiIVIPhloiIiIhUg+GWiIiIiFSD4ZaIiIiIVIPhloiIiIhUg+GWiIiIiFSD4ZaIiIiIVIPhloiIiIhUg+GWiKiJGjJkCB588MFgl0FE5FcMt0REACZOnAhJkmr8jR49OtilVRPIQOrxePDCCy+gffv2MJlMiI+PR9++ffHee+8FZPtERA2hDXYBREShYvTo0fjggw+qLTMYDEGqJvhmzJiBf//733jjjTfQq1cvlJWVYdOmTSguLm60bTqdTuj1+kZ7fiJSP7bcEhFVMhgMSE1NrfYXFxcHAFixYgX0ej1WrVrlW//FF19EcnIy8vPzAXhbVadOnYqpU6ciJiYGiYmJePzxxyGE8D3G4XDgb3/7G5o1a4aIiAj07dsXK1asqFbHmjVrMGTIEJjNZsTFxWHUqFEoLi7GxIkT8fPPP+PVV1/1tSwfOXIEALBr1y5cfvnliIyMREpKCsaPH4/CwkLfc1osFtxxxx2IjIxEWloaXn755fO+H9988w3uvfde3HjjjcjKykK3bt0wefJk/O1vf/OtoygKXnzxRbRu3RoGgwEtWrTAc88957t/586duOyyy2AymZCQkIC7774bFRUVvvsnTpyIa665Bs899xzS09PRrl07AMDx48dx0003ITY2FvHx8Rg7dqzvtRIRnQvDLRFRHVR1Bxg/fjxKS0uxdetWPP7443jvvfeQkpLiW++jjz6CVqvFL7/8gldffRWzZ8+u9jP+1KlTsW7dOnz22WfYsWMHbrzxRowePRoHDhwAAGzbtg3Dhg1Dx44dsW7dOqxevRpXXXUVPB4PXn31VfTr1w933XUXcnNzkZubi4yMDJSUlOCyyy5Djx49sGnTJixevBj5+fm46aabfNt9+OGH8fPPP+Prr7/Gjz/+iBUrVmDLli3nfM2pqalYtmwZTp06ddZ1pk+fjhdeeAGPP/44fv31V8yfP9/3flgsFowaNQpxcXHYuHEjvvzyS/z000+YOnVqtedYunQp9u3bh+zsbHz77bdwuVwYNWoUoqKisGrVKqxZswaRkZEYPXo0nE5n3XcaETVNgoiIxIQJE4RGoxERERHV/p577jnfOg6HQ3Tv3l3cdNNNomPHjuKuu+6q9hyDBw8WHTp0EIqi+Jb9/e9/Fx06dBBCCHH06FGh0WhETk5OtccNGzZMTJ8+XQghxK233ioGDBhw1joHDx4sHnjggWrLnnnmGTFy5Mhqy44fPy4AiH379ony8nKh1+vFF1984bv/9OnTwmQy1XiuM+3evVt06NBByLIsunTpIu655x7x/fff++4vKysTBoNBvPvuu7U+/p133hFxcXGioqLCt+y7774TsiyLvLw8IYT3fU9JSREOh8O3zieffCLatWtX7X10OBzCZDKJJUuWnLVeIiIhhGCfWyKiSkOHDsXbb79dbVl8fLzv//V6PebNm4euXbsiMzMTr7zySo3nuOSSSyBJku92v3798PLLL8Pj8WDnzp3weDxo27Zttcc4HA4kJCQA8Lbc3njjjfWqe/v27Vi+fDkiIyNr3Hfo0CHYbDY4nU707du32uuq6gJwNh07dsSuXbuwefNmrFmzBitXrsRVV12FiRMn4r333sOePXvgcDgwbNiwWh+/Z88edOvWDREREb5lAwYMgKIo2Ldvn6+Ft0uXLtX62W7fvh0HDx5EVFRUteez2+04dOjQ+d8QImrSGG6JiCpFRESgdevW51xn7dq1AICioiIUFRVVC27nU1FRAY1Gg82bN0Oj0VS7ryqYmkymelbtfd6rrroKs2bNqnFfWloaDh48WO/nrCLLMnr37o3evXvjwQcfxKefforx48fjsccea1Cttfnje1hRUYGePXti3rx5NdZNSkryyzaJSL3Y55aIqI4OHTqEhx56CO+++y769u2LCRMmQFGUauts2LCh2u3169ejTZs20Gg06NGjBzweDwoKCtC6detqf6mpqQCArl27YunSpWetQa/Xw+PxVFt28cUXY/fu3WjZsmWN542IiECrVq2g0+mq1VZcXIz9+/fX+z3o2LEjAG9/2jZt2sBkMp213g4dOmD79u2wWCy+ZWvWrIEsy+dsNb744otx4MABJCcn13g9MTEx9a6ZiJoWhlsiokoOhwN5eXnV/qpGHPB4PLj99tsxatQoTJo0CR988AF27NhRY9SBY8eOYdq0adi3bx8WLFiA119/HQ888AAAoG3bthg3bhzuuOMOLFy4EIcPH8Yvv/yCmTNn4rvvvgPgvUBr48aNuPfee7Fjxw7s3bsXb7/9tq+Oli1bYsOGDThy5AgKCwuhKAqmTJmCoqIi3Hrrrdi4cSMOHTqEJUuWYNKkSfB4PIiMjMTkyZPx8MMPY9myZdi1axcmTpwIWT73R8ANN9yAV155BRs2bMDRo0exYsUKTJkyBW3btkX79u1hNBrx97//HY888gg+/vhjHDp0COvXr8f7778PABg3bhyMRiMmTJiAXbt2Yfny5bjvvvswfvz4ahfh/dG4ceOQmJiIsWPHYtWqVTh8+DBWrFiB+++/HydOnGjYziWipiPYnX6JiELBhAkTBIAaf+3atRNCCDFjxgyRlpYmCgsLfY/53//+J/R6vdi2bZsQwnux17333iv+/Oc/i+joaBEXFyf+8Y9/VLswyul0iieeeEK0bNlS6HQ6kZaWJq699lqxY8cO3zorVqwQ/fv3FwaDQcTGxopRo0aJ4uJiIYQQ+/btE5dccokwmUwCgDh8+LAQQoj9+/eLa6+9VsTGxgqTySTat28vHnzwQd+2y8vLxe233y7MZrNISUkRL774Yq0Xp53pnXfeEUOHDhVJSUlCr9eLFi1aiIkTJ4ojR4741vF4POLZZ58VmZmZQqfTiRYtWojnn3/ed/+OHTvE0KFDhdFoFPHx8eKuu+4S5eXl1d73sWPH1th2bm6uuOOOO0RiYqIwGAzioosuEnfddZcoLS09z54koqZOEuKMARiJiKjBhgwZgu7du2POnDnBLoWIqMlitwQiIiIiUg2GWyIiIiJSDXZLICIiIiLVYMstEREREakGwy0RERERqQbDLRERERGpBsMtEREREakGwy0RERERqQbDLRERERGpBsMtEREREakGwy0RERERqcb/A2o5oRO9bzzFAAAAAElFTkSuQmCC",
- "text/plain": [
- "\n",
- " \n",
- "
\n",
- "\n",
- " \n",
- " \n",
- " \n",
- " Absolute Error \n",
- " False Negative \n",
- " False Positive \n",
- " True Negative \n",
- " True Positive \n",
- " latency \n",
- " total_cost \n",
- " \n",
- " \n",
- " \n",
- " \n",
- " app_name \n",
- " app_version \n",
- " \n",
- " \n",
- " \n",
- " \n",
- " \n",
- " \n",
- " \n",
- " \n",
- " \n",
- " trec-dl-doc-2022-11102024 \n",
- " llama3.1-8b-context-relevance \n",
- " 0.337483 \n",
- " 0.454357 \n",
- " 0.03112 \n",
- " 0.280083 \n",
- " 0.234440 \n",
- " 2.859005 \n",
- " 0.000364 \n",
- " \n",
- " \n",
- " gpt-4o-context-relevance \n",
- " 0.323651 \n",
- " 0.524896 \n",
- " 0.00000 \n",
- " 0.311203 \n",
- " 0.163900 \n",
- " 1.449336 \n",
- " 0.009867 \n",
- " \n",
- " \n",
- " \n",
- "gpt-4o-mini-context-relevance \n",
- " 0.313278 \n",
- " 0.468880 \n",
- " 0.00000 \n",
- " 0.311203 \n",
- " 0.219917 \n",
- " 1.628651 \n",
- " 0.000321 \n",
- "
Also, some people receive payments from private disability insurance policies. These can be in addition to getting Social Security disability payments.",0,1,1.0,1.0
+2044423,what tax form do you get from short term disability,I didn't receive a w-2 for my short term disability. I received short term disability last year for maternity leave but I haven't gotten a w2 for it. How do I put that info into my taxes?,0,2,2.0,2.0
+2044423,what tax form do you get from short term disability,"No, a Form 1099-G - IRS.gov is for Certain Government Payments like Unemployment compensation, State or local income tax refunds, credits, or offsets. If you are on short-term disability or maternity leave, you may get a W-2.",3,3,2.0,2.0
+2044423,what tax form do you get from short term disability,"If I went on maternity leave through my job and got paid for 6 weeks through my job would I get a 1099-G? No, a Form 1099-G - IRS.gov is for Certain Government Payments like Unemployment compensation, State or local income tax refunds, credits, or offsets. If you are on short-term disability or maternity leave, you may get a W-2.",3,2,2.0,2.0
+2045272,what hazards come with making paint,"Select and Make Ready the Paint Area. First and foremost, the thing before spraying is to make ready the paint area. Usually, painting brings a hazard around the painting area. And if it is about painting with an air compressor, that will come up with more mess.",0,2,1.0,2.0
+2045272,what hazards come with making paint,"Top 15 Workshop Hazards. There are many jobs associated with workshops, such as carpentry, welding, and paint spraying. Each role comes with different hazards and can make workshops very dangerous places to occupy. The top 15 workshop hazards are: Lack of guards or screens on equipment or around dangerous areas. Damaged or misused guards.",0,1,1.0,1.0
+2045272,what hazards come with making paint,"I added the painter's tape around the upper rim to keep the paint on the outside of the can. Make it as dark as you like, or make it neon orange, whatever works for you. đ. I was going to paint a Bio-hazard symbol on the side, but there is a storm coming in and I was loosing daylight!",0,0,0.0,0.0
+2045272,what hazards come with making paint,"What's Hot! (NEW) Use of Public Housing Funding to Support Internet Connectivity for Residents (January 19, 2021) FY 2020 Lead-Based Paint Capital Fund NOFA FAQs (October 20, 2020) FY 2020 Lead-Based Paint Capital Fund NOFA : The FY 2020 Capital Fund Lead-Based Paint Hazards NOFA makes $30 million in competitive grants available to identify and eliminate lead-based paint hazards in public housing; Public Housing Authorities (PHAs) can use the funding to perform lead-based paint evaluations and control lead-based paint and hazards in and around public housing units.",0,1,1.0,1.0
+2045272,what hazards come with making paint,"3. Spray Paint. Though a spray paint can be a fun method for stenciling, be careful when it comes to location. â spray paint can be both messy and the fumes can be hazardous. If you are using spray paint make sure to be in a well ventilated area.",0,2,2.0,3.0
+2045272,what hazards come with making paint,"Whenever a child under 6 years old comes to live in a rental property, the property owner has a responsibility to discover whether there is any lead paint on the property and to remove or properly cover any lead paint hazards (delead) to protect the young children living there. Lead paint hazards include: Surfaces that have cracked, chipped, peeling, or otherwise loose lead paint on them;",0,1,2.0,1.0
+2045272,what hazards come with making paint,"Why is water-based paint recyclable, but not oil-based paint? Itâs not so much that oil-based paint is nonrecyclable; the issue is that it is classified by the EPA as hazardous waste. There are special regulations when it comes to disposal of hazardous waste, which makes the economics of recycling unfeasible.",0,2,2.0,2.0
+2045272,what hazards come with making paint,"Well, you know what they say, safety first, and that is why safety makes the top of our list. Oil paints come in many different mediums, and some of them, like turpentine, can emit fumes which might be toxic and could potentially be a health and safety hazard. Apart from emitting toxic fumes, these mediums are also very flammable, so be careful while handling them.",0,3,3.0,3.0
+2046371,functions of three regions of sm intestine,"Anatomy and Function. The stomach functions to initiate the digestive process and to deliver ingested nutrients via a rhythmic motion to the small intestine. Anatomically, it is divided into three regions, the cardia, corpus, and antrum, each with distinctive structures that promote specific functions.",0,1,0.0,0.0
+2046371,functions of three regions of sm intestine,"Stomach. The stomach is a J-shaped pouch that empties its content into the small intestine. It can be divided into three regions: the fundus, body, and pylorus. A pyloric sphincter prohibits backflow from the small intestine into the stomach. The functions of the stomach are to store food as it is mechanically churned with gastric secretions, initiate digestion of proteins, carry on limited absorption, and move food (a pasty material called chyme) into the small intestine.",0,0,0.0,0.0
+2046371,functions of three regions of sm intestine,"Regional enteritis of small intestine. ICD-9 Index. Chapter: 520â579. Section: 555-558. Block: 555 Regional enteritis. 555.0 - Reg enteritis, sm intest.",0,1,0.0,0.0
+2046371,functions of three regions of sm intestine,"List, in order from the pylorus to the colon, the three regions of the small intestine: Definition. Duodenum, Jejunum, and Ileum.
+Term. From largest to smallest, list the three modifications of the small intestineâs inner wall that function to increase surface area: Definition.",0,2,1.0,1.0
+2046371,functions of three regions of sm intestine,"Small Intestine. The small intestine is divided into three regions based on their function, even though they are largely similar from a histological standpoint. The first part of the small intestine is called the duodenum and is the shortest segment. It is curved and surrounds one end of the pancreas.",0,2,1.0,2.0
+2046371,functions of three regions of sm intestine,"Box 1. The small versus large intestine, morphometry and function. Along the length of the human small intestine three regions are recognized, that is, duodenum, jejunum and ileum, while the large intestine encompasses the cecum, the ascending-colon, transversing-colon and descending-colon, the rectum and the anal canal.",0,2,1.0,1.0
+2046371,functions of three regions of sm intestine,"The major site of digestion and absorption in autoenzymatic digesters is the small intestine, which is has three distinct regions, the duodenum, the jejunum and the ileum (Cheeke and Dierenfeld, 2010). Both the digestive and absorptive functions of the intestine is facilitated by the large surface area (Cheeke and Dierenfeld, 2010).",0,3,2.0,2.0
+2046371,functions of three regions of sm intestine,They provide support to the tissues of the small intestine and also help in the transport of nutrients from intestines to the rest of the body. The small intestine is divided into three regions: Duodenum- It is the first section which connects to the pyloric sphincter of the stomach. It is the shortest region of the intestine.,0,2,1.0,2.0
+2046371,functions of three regions of sm intestine,"The remaining regions of the small intestine, jejunum and ileum, function mainly in the absorption of nutrients and water. Absorption of nutrients. Most of the absorption of nutrients takes place in the small intestine while there is some absorption in the stomach and small intestine.",0,3,2.0,2.0
+2049417,what is peace in french?,What are some historical people and events related to Pontiacâs Rebellion? French and Indian War: 1754-1763 conflict between the French and the British over territory in the Ohio Valley. Treaty of Paris: Peace settlement that ended the French and Indian War. Chief Pontiac: Ottawa leader of Pontiacâs Rebellion.,0,0,0.0,0.0
+2049417,what is peace in french?,"After the French and Indian War, Britain acquired what is now the Ohio Valleyâ land between the Appalachian Mountains and the Mississippi River. This area was still home to many French settlers, as well as a vast Indian Reserve. The tribes of the Great Lakes Region had a peaceful existence with the French and were upset by the outcome of the war.",0,0,0.0,0.0
+2049417,what is peace in french?,"pa·cif·ic. 1. Tending to diminish or put an end to conflict; appeasing. 2. Of a peaceful nature; tranquil. [French pacifique, from Old French pacifice, from Latin pÄcificus : pÄx, pÄc-, peace; see pag- in Indo-European roots + -ficus, -fic .]",0,2,1.0,2.0
+2049417,what is peace in french?,"Origin of peace. Middle English pes from Old French pais, pes from Latin pÄx pÄc- pax. From American Heritage Dictionary of the English Language, 5th Edition. From Middle English pece, peas, pees, from Old French pais (âpeace""Â), from Latin pĂÂx (âpeace""Â), from Proto-Indo-European *pa垱- (âto fasten, stick, place""Â), related to Latin pacĂ«scor (âagree, stipulate""Â), Latin pangĂ
 (âfasten, fix""Â); see pact.",0,2,3.0,3.0
+2049417,what is peace in french?,"Etymology. Before the word 'peace' came into English lexicon, Anglo-Saxons used a phrase ""friĂ°u sibb"" for ' pledge of peace '. The Anglo-French term Pes itself comes from the Latin pax, meaning ""peace, compact, agreement, treaty of peace, tranquility, absence of hostility, harmony."".",0,1,1.0,1.0
+2049417,what is peace in french?,"Omà miwininiwak. Languages. French. The Great Peace of Montreal ( French: La Grande paix de Montréal) was a peace treaty between New France and 39 First Nations of North America that ended the Beaver Wars. It was signed on August 4, 1701, by Louis-Hector de CalliÚre, governor of New France, and 1300 representatives of 39 aboriginal nations.",0,1,0.0,0.0
+2049687,what vaccination should u give show piglets,"If you are unsure, talk to your vet to find out how often you should be vaccinating your piglets. The statistics show that when youâre having a lot of piglets, it is best to just wait until they are about six months old to start giving them shots. From then on, you can decide how often you want to give them.",0,2,1.0,1.0
+2049687,what vaccination should u give show piglets,"Although a specialized vaccination is usually administered when the guinea pig is 3 weeks of old, this vaccination is a routine procedure when you bring your new piglets home from the breeder. This is important because it gives your piglets a chance to develop immunity and avoid diseases that they may be susceptible to.",0,1,0.0,0.0
+2049687,what vaccination should u give show piglets,"Basically, all breeding swine should be exposed until they have shown signs of TGE. This can be done by feedback of minced intestine or contents from infected piglets on the premise. Those that do not show signs may have to be individually dosed orally. Vaccination can be an aid in sustaining immunity.",0,1,1.0,1.0
+2049687,what vaccination should u give show piglets,"In some systems, sows are vaccinated once or twice several weeks before farrowing but most programs rely on vaccination of piglets. In most herds, maternal antibodies do not seem to interfere with piglet vaccination. Piglets are usually vaccinated before weaning and again two to three weeks later.",0,3,2.0,3.0
+2049687,what vaccination should u give show piglets,Pigs should also be vaccinated twice before they are weaned. E. Coli is a bacteria that causes diarrhea in piglets and is usually caused by fecal contamination of the living environment. Pregnant females should be vaccinated before farrowing.,0,2,2.0,2.0
+2049687,what vaccination should u give show piglets,"An oral vaccine of low virulence is also used. Young breeding stock, including boars, should be vaccinated twice at intervals of 3-5 wk at selection or before entering the herd, and then revaccinated every 6 mo or after each litter. Piglets born to vaccinated sows will be protected for 10-12 wk.",0,2,1.0,2.0
+2049687,what vaccination should u give show piglets,"Vaccinate gilts and sows against E. coli/ Clostridial disease, if problems cannot be solved by improved husbandry. If vaccination is introduced, it should be part of a written plan to reduce disease incidence by other methods (i.e., husbandry and hygiene) as well. Piglet Diarrhea References.",0,2,1.0,2.0
+2049687,what vaccination should u give show piglets,"However, vaccination schedules recommended by the manufacturer should be followed. A high level of colostral immunity is acquired by piglets nursing vaccinated sows. An intranasal vaccine using modified-live strains of B bronchiseptica is also available for young pigs.",3,2,2.0,2.0
+2049687,what vaccination should u give show piglets,"Typically, mass vaccination of all pigs on the farm with a modified-live virus vaccine is recommended. Intranasal vaccination of sows and neonatal piglets 1â7 days old, followed by IM vaccination of all other swine on the premises, helps reduce viral shedding and improve survival.",3,3,2.0,3.0
+2053884,when a house goes into foreclosure what happens to items on the premises,"What Happens When a House Goes into Foreclosure. If you find yourself wondering what happens when a house goes into foreclosure, the odds are you may have missed a few mortgage payments. If youâre worried your home might go into foreclosure, be sure to consider the many options outlined above. And, remember, failed mortgage payments donât always have to result in irreversible damage.",0,2,0.0,1.0
+2053884,when a house goes into foreclosure what happens to items on the premises,"What Happens When a House Goes Into Foreclosure? Are you worried that your home might go into foreclosure? If youâve missed consecutive payments for your home, there is the possibility your home might go into foreclosure. Foreclosure is what happens when the homeowner fails to make their mortgage payments and eventually loses all the rights to the home.",0,2,1.0,1.0
+2053884,when a house goes into foreclosure what happens to items on the premises,"According to national statistics, 1 in every 1776 homes in the US results in a foreclosure. While foreclosures can present much difficulty to the homeowner, it doesnât always have to be the end of the world. Fortunately, there are steps one can take to prevent a foreclosure from happening. If youâre wondering what happens when a house goes into foreclosure, youâre going to want to keep reading.",0,2,1.0,2.0
+2053884,when a house goes into foreclosure what happens to items on the premises,"That being said, depending on your state, this could take a while, and you may encounter legal fees. 15. Get in Early. If you can talk to the bank shortly after the foreclosure happens, you might be able to catch a house before it goes up for sale on the market.",0,1,1.0,0.0
+2054355,what does chicken by-product meal add to pet food?,"The truth about chicken and chicken by-products in pet food. Chicken is commonly seen as the first ingredient in pet foods. Ever wondered what is the difference between ""Chicken"" and ""Chicken meal""? Find out what a chicken by-product is and whether if it's a good or bad ingredient to have in your pet's food. Pets Team 02 May 2012.",0,3,1.0,2.0
+2054355,what does chicken by-product meal add to pet food?,"What is Chicken Meal? Chicken meal is commonly used in most commercial pet foods. Youâll see it on the label of most dry foods. Chicken meal is âa dry rendered product from a combination of chicken flesh and skin with and without accompanying bone,â most often leftovers from the meat used for human consumption.",0,2,2.0,2.0
+2054355,what does chicken by-product meal add to pet food?,"One of the main ingredients in Eukanuba dog food is corn meal. While on the surface, corn does not seem like a bad ingredient but the corn used in dog food products is the same corn that is labeled as not fit for human consumption. Another main ingredient is chicken. This sounds healthy to most pet owners, but unfortunately, chicken by-product meal is leftover parts of the chicken after the prime parts are removed.",0,2,1.0,2.0
+2054355,what does chicken by-product meal add to pet food?,"Try elevating the dishes off the floor so your dog can reach the food more easily. I would like to add-many pet foods might have different types of meals..for example: chicken meal. While chicken is acceptable, what isn't is MOST all meals added into pet foods are from waste including your 4-Ds.",0,2,1.0,1.0
+2054355,what does chicken by-product meal add to pet food?,"Also, the chicken meal/fat and the chicken by-product meal used in the products are good for the health of both small and large dog breeds. You can also choose from its dry and wet dog foods, depending on what you think is the most suitable type of food for your pet.",0,2,1.0,1.0
+2054355,what does chicken by-product meal add to pet food?,"Natural flavor is made of processed fruits, vegetables, spices or fermentation products to enhance the taste of pet food. , Chicken Meal. Chicken Meal. Chicken meal is an extremely rich source of protein, providing pets with supplemental energy and nutrients while aiding in digestion.",0,2,2.0,2.0
+2054355,what does chicken by-product meal add to pet food?,"Chicken by-products can include feet, bones, blood, viscera, and more. Not exactly what most pet owners want to see in their petâs food. Besides, chicken by-product meals vary in consistency per batch, so as nutrient-loaded as it may be, itâs still not considered a high-quality ingredient.",0,3,2.0,2.0
+2054355,what does chicken by-product meal add to pet food?,"The chief protein source is chicken, chicken by-product meal, fish meal and dried egg product. Chicken is an acceptable source of protein, and it is used in a great many dog foods for Boxers. However, there is a danger that chicken wonât be good for your pet.",0,2,1.0,2.0
+2054355,what does chicken by-product meal add to pet food?,"Some do not feel that chicken by-product meal is a good ingredient in pet foods, while others argue that it is a healthy nutrient source. Personally, while we feel that chicken by-product meals are nutritious and necessary for protein boosting, there is the fact that the quality varies per batch.",0,2,2.0,3.0
+2054355,what does chicken by-product meal add to pet food?,"Chicken By-Product Meal. Chicken By-Product Meal. Chicken by-product meal is made up of chicken that has been ground and cooked, reducing the fat content to create a protein-rich ingredient. Itâs high in protein and amino acids to help strengthen and maintain your petâs muscles.",3,3,3.0,3.0
+2055211,why does cat get restless at night,"Aging and Dogs Who Are Restless at Night. Still looking to find out why your dog is restless at night? As dogs get older, they can easily become restless at night â and the reason why is pretty common. Age typically brings on joint and muscle pain, which can make sleeping more difficult due to discomfort.",0,0,0.0,0.0
+2055211,why does cat get restless at night,"If you want advice on how to stop your dog from barking at night, read on. Weâll get to the root of why your dog is restless and not sleeping and how to stop it. So, why is my dog barking at night all of a sudden? Table of Contents: [ show] Why Do Dogs Bark? Why is My Dog So Restless at Night and Not Sleeping?",0,0,0.0,0.0
+2055211,why does cat get restless at night,Behavior. Is Your Cat Meowing at Night? Reasons Why and What to Do. What can you do about a cat meowing at night? And why do cats meow at night in the first place? Here's how to get a good night's sleep with your cats.,0,3,1.0,2.0
+2055211,why does cat get restless at night,"If you have a senior cat who gets very vocal at night, tell your veterinarian. There are therapies that can improve the quality of life of afflicted cats â and their humans. This article was written by a Veterinarian. Google+. More Featured Articles âș Why Does My Cat...",0,2,1.0,1.0
+2055211,why does cat get restless at night,"3. Restlessness/Insomnia. Many cats experience restlessness at night-time despite their love and need for lengthy sleep. These cats usually roam around the house in the middle of the night, play with toys, toilet paper, knock items off of shelves, and try to elicit a response from the owner while theyâre asleep.",0,3,3.0,3.0
+2055211,why does cat get restless at night,"Sure, cats nap a lot no matter the circumstance. However, if your cat appears less playful or tires more easily due to weakness rather than laziness, you may have a problem. Restlessness is harder to recognize in cats than in dogs, as it seems many healthy cats are restless, especially at night.",0,2,1.0,2.0
+2055211,why does cat get restless at night,"Highly sensitive to changes in temperature and smells and this is why the cat may become very restless at night when there is a shift. Cats have a very high sense of smell, touch, and hearing since they are unable to use their auditory senses, the other two senses become highly active.",0,2,3.0,3.0
+2055211,why does cat get restless at night,"If your cat seems to be keeping you awake with excessive meowing rather than demands for playtime or food, then it could be that theyâre in pain. If youâre in any doubt as to exactly why your cat is restless at night, then make sure you schedule a check-up with your local veterinarian.",0,3,2.0,3.0
+2055211,why does cat get restless at night,"Restlessness and Waking at Night. A catâs sleep-wake cycle can be impaired by FCD. However, as with most symptoms of FCD, there are also many alternative reasons for increased nighttime activity. For instance, cats who sleep more during the day can become more restless and active at night.",0,3,2.0,3.0
+2055211,why does cat get restless at night,"While itâs true that cats love to sleep, many experience restlessness at night. These cats wake in the middle of the night and roam around the house, play with toys, look for food, or try to rouse you. This behavior is often attributed to the catâs nocturnal nature, and most cats do wake at least a couple of times a night.",3,3,3.0,3.0
+2055480,how many incidents of corneal abrasion,"Determining the best treatment for a corneal abrasion depends on many factors, such as the severity of the injury and the degree of pain the patient is experiencing. But practitioners also must take into consideration the location of the abrasion, symptoms the patient may be exhibiting, and how the incident occurred.",0,1,0.0,0.0
+2055480,how many incidents of corneal abrasion,"Corneal abrasions are pesky incidents that can happen to anyone â and usually at the most importune of times. They are extremely uncomfortable, inconvenient and vision-impeding. Luckily, your optometrists can treat corneal abrasions by prescribing medications that will relieve symptoms until the abrasion resolves.",0,1,1.0,1.0
+2055480,how many incidents of corneal abrasion,"More males than females are treated for corneal abrasions. The incidence of corneal abrasion is higher among people of working age. However, people of all ages can have a corneal abrasion. Automotive workers between the ages of 20 and 29 years had the highest incidence of eye injuries.",0,2,1.0,2.0
+2055480,how many incidents of corneal abrasion,"Corneal Abrasions: How to Treat a Scratched Eye. A corneal abrasion is a scratch on your eye. A corneal abrasion (scratched cornea or scratched eye) is one of the most common eye injuries. The cornea is the clear front surface of the eye. A corneal abrasion disrupts the protective outer layer of cells of the cornea (called the corneal epithelium), creating an open wound that increases your risk of a serious eye infection.",0,1,0.0,1.0
+2055480,how many incidents of corneal abrasion,"Corneal Abrasion. Corneal abrasions are the most common eye injury in all ages and are especially common among older children who wear contact lenses. Although found in about 10% of visits with a chief complaint related to eye problem in EDs, the actual estimated incidence of corneal abrasions in children is not known.",0,2,1.0,2.0
+2055480,how many incidents of corneal abrasion,"Trauma accounted for 66% of these cases, or 4% of all cases; corneal abrasions or corneal or conjunctival foreign bodies accounted for 80% of eye trauma cases, or 3% of all cases. Racial, sexual, and age-related differences in incidence. Rates of corneal abrasion are equal in all races.",0,2,2.0,2.0
+2055480,how many incidents of corneal abrasion,The incidence of corneal abrasion in this population decreased from 18 to 4 percent when prophylactic lubricating ointment was administered every four hours. 16 Persons who wear contact lenses are at higher risk of developing abrasions that become infected and ulcerate ( Figure 6 ).,0,3,2.0,3.0
+2055480,how many incidents of corneal abrasion,"Corneal Abrasions. Corneal abrasions represent about 8 percent of eye injuries that are serious enough for someone to seek help from a doctor. A corneal abrasion occurs when the corneal epithelium, the outermost layer of the cornea (the lens of your eye that is key to seeing), is scratched or otherwise damaged.",3,2,1.0,1.0
+2055634,what type of videos can powerpoint play,"PowerPoint for Microsoft 365 PowerPoint for Microsoft 365 for Mac. PowerPoint 2019 PowerPoint 2016 PowerPoint 2013 PowerPoint 2010. More... Less. You can trigger an animation effect to begin playing at the beginning of an audio or video clip, or even while audio or video plays.",0,1,1.0,1.0
+2055634,what type of videos can powerpoint play,"June 22nd, 2011 by Bigasoft Support. Tags: insert video to powerpoint, insert video into powerpoint, embed video to powerpoint, embed video in powerpoint, convert video to powerpoint, play videos in powerpoint, video to powerpoint converter, embedding video in powerpoint.",0,1,1.0,2.0
+2055634,what type of videos can powerpoint play,"You must install a 64-bit version of QuickTime or Flash, or a 32-bit version of PowerPoint 2010 to to get rid of video not playing in powerpoint 2010. For PowerPoint 2013/2016, and PowerPoint 2019, you can embed and play more video & audio file formats.",0,2,,2.0
+2055634,what type of videos can powerpoint play,"Q: When I try to play MPEG files in PowerPoint, I just get a blank (White) screen. What has gone wrong? Play Video In PowerPoint. When it comes to embed video in PowerPoint, most of us will simply âInsertâ videos to make our PowerPoint presentation more charming and vivid.",0,2,1.0,2.0
+2055634,what type of videos can powerpoint play,Type: Primary Video Only: You will only download a video that has the primary video playing largely on the screen (generally video of the presenter) Secondary Video Only: This will only show what the presenter is presenting or the Powerpoint presentation or screen capture.,0,2,1.0,1.0
+2055634,what type of videos can powerpoint play,"However, PowerPoint only inserts few video formats including ASF, AVI, MPEG, and WMV. What if to insert videos in other formats like YouTube video, iTunes video, iMovie video, and more? This article will describe a step by step guide on how to insert video to PowerPoint presentation so as to successfully play videos in PowerPoint.",0,3,2.0,3.0
+2055634,what type of videos can powerpoint play,"Making videos play successfully in PowerPoint for the web. If you canât view a video in PowerPoint for the web, thereâs most likely an issue with the type of video file. If the video is a Flash or WMV file, youâll need a player to see it.",0,2,2.0,2.0
+2055634,what type of videos can powerpoint play,"If your computer doesnât have the codec that was used when the video was created, PowerPoint wonât play the video. PowerPoint for the Mac plays MOV (Quicktime) files; but PowerPoint for the PC doesnât. So, if the presentation was created on the Mac, your video might not play because itâs a MOV file.",0,2,1.0,2.0
+2055634,what type of videos can powerpoint play,"The Most Common Reason of PowerPoint Not Playing Video - Format and Codec Incompatibility. The most prevalent issue about embedded video won't play in PowerPoint is that your video is not encoded in a format which your PowerPoint supports. In other words, if the video and audio encoders are incompatible, PowerPoint won't play video successfully. The following content shows the video and audio file formats you can use in each PowerPoint version over years.",3,3,2.0,2.0
+2055634,what type of videos can powerpoint play,"For PowerPoint 2007 and earlier versions, you can only embed video in WMV, AVI, ASF or MPG/MPEG formats. For PowerPoint 2010, videos in the .mp4, .mov, and .qt formats can be played if the Apple QuickTime player is installed. P.S. PowerPoint 2010 64-bit is not compatible with 32-bit versions of QuickTime or Flash.",3,3,,3.0
+2055795,collins the good to great,"Popular cheap hotels in Fort Collins include Cambria Hotel Ft Collins, Quality Inn & Suites University Fort Collins, and The Armstrong Hotel. See the full list: Cheap Hotels in Fort Collins. Which hotels in Fort Collins are good for families? Home2 Suites by Hilton Fort Collins, Cambria Hotel Ft Collins, and Quality Inn & Suites University Fort Collins all received great reviews from families traveling in Fort Collins.",0,0,0.0,1.0
+2055795,collins the good to great,Jenny Collins (Wife) Lenore Collins (Daughter) Chris Jennings (Great-grandson) Tom Jennings (Great-grandson) Amy Jennings (Great-granddaughter) Tom Cunningham (Great-great-grandson) We have 12 images of Dark Shadows Quentin Collins. This article is about Quentin Collins who was born in the 1870s and was still alive in 1995.,0,0,0.0,0.0
+2055795,collins the good to great,"I believe there is a misconception that people are either âgoodâ or âbadâ with money. I am assuming that since you are reading a blog about budgeting, you would like to be in the âgoodâ category. However, James C. Collins wrote âgood is the enemy of great.â.",0,2,1.0,2.0
+2055795,collins the good to great,2005: Good to Great and the Social Sectors by James C. Collins. 2009: How the Mighty Fall: And Why Some Companies Never Give In by James C. Collins. 2011: Great By Choice by James C. Collins and Morten T. Hansen. 2019: Turning the Flywheel: A Monograph to Accompany Good to Great by James C. Collins.,0,3,2.0,3.0
+2055795,collins the good to great,"Good to Great Summary
+Good to Great Guide
+Chapter 1: Separating the Great from the Good. At a dinner Collins was attending in 1996, a McKinsey managing director pointed out a flaw in Built to Last, Collinsâs 1994 bestseller that explained how long-lasting companies achieved their success.",0,2,1.0,2.0
+2055795,collins the good to great,"Indeed,â. â James C. Collins, Good to Great: Why Some Companies Make the Leap... and Others Don't. 10 likes. Like. âwhile you can buy your way to growth, you absolutely cannot buy your way to greatness.â. â James C. Collins, Good to Great: Why Some Companies Make the Leap... and Others Don't. 10 likes.",0,3,3.0,3.0
+2055795,collins the good to great,"5. Good to Great by Jim Collins. Narrator â Jim Collins. Length â 10 hours & 4 minutes. Jim Collinsâ business audiobook, Good to Great, comes after a five-year research project. Collins will open up your mind to how good companies can grow to become better. Also why average businesses donât experience much growth.",0,3,3.0,3.0
+2055795,collins the good to great,"Good to Great: Why Some Companies Make the Leap, & Others Don't by Jim Collins. Buy on Amazon. Can good companies, mediocre companies, or even bad companies achieve enduring greatness? That is the question Jim Collins answers in this book.",0,3,3.0,3.0
+2055795,collins the good to great,"Good to Great: Why Some Companies Make the Leap ⊠and Others Donât
+by Jim Collins. Collins, the bestselling author of Built to Last, and his team of researchers identified 11 elite companies that made the leap from simply âgoodâ to âgreatâ performance.",0,3,3.0,3.0
+2055795,collins the good to great,"Good to Great. , by. Jim Collins. Book Rating by Shortform Readers: 4.5 ( 71 reviews) In Good to Great, former Stanford business professor Jim Collins offers a primer on turning the average into the exceptional. Through detailed case studies of 11 companies that went from tracking the market to exceeding it by at least 3x, Collins presents the key factors that separate merely good organizations from great onesâfrom rare leadership to disciplined thinking to the dogged pursuit of a core mission.",3,3,3.0,3.0
+2055795,collins the good to great,5. Good to Great: Why Some Companies Make the Leap and Others Donât by Jim Collins. Good to Great by famous writer Jim Collin is built on five years of research and case studies. It defines the fundamental ethics behind the companies that take a leap from good to great and companies that donât manage to do so.,3,3,3.0,3.0
+2055795,collins the good to great,The Hedgehog Concept â Jim Collins. The Hedgehog Concept from Jim Collins. We can all learn great lessons from Jim Collins. His breakthrough book âGood to Greatâ examined 30 years of data from over one-thousand companies and identified concepts that contributed to outsized market performance.,3,3,2.0,3.0
+2056158,what phone to use in europe,Other Phone Information. Europe Trip Planning: Cell Phones: Taking your cell phone to Europe or buying a cell phone to use in Europe. How to program your phone for international calls (the plus sign). Italy - Instructions for Visitors: Public Phones: Using public phones in Italy.,0,2,1.0,2.0
+2056158,what phone to use in europe,What is the DSN Phone System and how is it used ... Best militaryliving.com. https://militaryliving.com/faq/what-is-the-dsn-phone-system-and-how-is-it-used/. 317 (Alaska) 312 (Canada) 313 (Caribbean) 312 (CONUS) 314 (Europe) 315 (Pacific) The phone number listings on this website contains defense telephone numbers and prefixes whenever available.,0,1,0.0,0.0
+2056158,what phone to use in europe,"What You Should Know about Mobile Cell Phone Jammer Usage. Cell phones have truly been increasing in popularity year after year for decades now. One study even shows that well over 380 million cell phones are in use within the US alone as of October 2020, and that number is continually increasing. Cellular phone use is just as prevalent throughout Europe.",0,1,0.0,0.0
+2056158,what phone to use in europe,Table of Contents. Using my cell phone while traveling to Europe Talk To Your Current Provider. How to Use Your Smartphone in Europe. What type of phone do I have. Cell Phone While Traveling to Europe and Smartphone Data Plans and Texting. Get A Local SIM Card. Using a European SIM Card.,0,3,2.0,3.0
+2056158,what phone to use in europe,Other Phone Information. Europe Trip Planning: Cell Phones: Taking your cell phone to Europe or buying a cell phone to use in Europe. How to program your phone for international calls (the plus sign). Calling to Europe from the US - Best Way to Pay for Calls. Calling to the US from Europe - Best Way to Pay for Calls.,0,2,2.0,2.0
+2056158,what phone to use in europe,Short Answer: Yes. Any modern phone thatâs newer than an iPhone 4S should work in Europe. Long Answer: Some carriers in the US use a different wireless technology than what is used throughout all of Europe â which means that some US phones simply wonât work in Europe.,0,3,2.0,3.0
+2056158,what phone to use in europe,"Europe and the US don't use all the same frequencies for cell phones. Generally, you need a ""quad band"" phone to work in the US or Europe, but many US phones are ""tri band"" (three frequencies) and lack one of the popular frequencies used in Europe.",0,3,2.0,3.0
+2056158,what phone to use in europe,"Itâs the main network used around the world, especially in Europe, Asia, and Africa. Your SIM card is what allows your phone to connect with a GSM network. Phones on the GSM network (such as T-Mobile and AT&T) always contain SIM cards, which can be inserted directly into other GSM phones.",0,2,1.0,2.0
+2056323,how does magic leap optics work,How to fix the Apple Magic Mouse! works every time 100% ... How to Clean an Optical Mouse - MindPower009 - YouTube. How to Repair Optical Mouse| Inside an Optical Mouse. Fixing the Magic Mouse Sensor - YouTube.,0,0,0.0,0.0
+2056323,how does magic leap optics work,"Wigington, Patti. (2020, August 26). How Long Does It Take for a Magic Spell to Work? Retrieved from https://www.learnreligions.com/how-long-does-it-take-for-a-magic-spell-to-work-2562347 Wigington, Patti. ""How Long Does It Take for a Magic Spell to Work?"".",0,0,0.0,0.0
+2056323,how does magic leap optics work,"Example sentences from the Web for optics. He mined the staff of Tessera, an optics business in North Carolina, to build a manufacturing team. Magic Leap tried to create an alternate reality. Its founder was already in one | Verne Kopytoff | September 26, 2020 | Fortune.",0,1,1.0,0.0
+2056323,how does magic leap optics work,"Magic Leap is seen as one of Daqri, LLC's top competitors. Magic Leap's headquarters is in Plantation, Florida, and was founded in 2010. Like Daqri, LLC, Magic Leap also works within the Technology Hardware industry. Magic Leap generates 2,240% of Daqri, LLC's revenue. North, Inc. is one of Daqri, LLC's top rivals.",0,0,0.0,0.0
+2056323,how does magic leap optics work,Geometric Optics :- light propagation in terms of rays. Wave Optics :- Light propagation as 3d waves (wavefront) Microsoft/ Magic leap combines this two to create something called as the light field. Wikipedia describes light field as âThe light field is a vector function that describes the amount of. Continue Reading.,0,2,1.0,2.0
+2056323,how does magic leap optics work,"Magic Leap. Magic Leap is developing one of the most talked about mixed reality headsets, Magic Leap One, and it is still under development. Backed by massive technology companies such Google and Qualcomm, it aims to project light straight into the userâs retina through a digital light field.",0,2,2.0,2.0
+2056323,how does magic leap optics work,"The Magic Leap patent describes two processes, both working in tandem. One puts an image on the contact lenses to create the appearance of a virtual object floating in the real world, and other tells light how to appear ""focused"" on a specific focal point in space.",3,3,2.0,3.0
diff --git a/src/benchmark/trulens/benchmark/benchmark_frameworks/experiments/gpt-4o_3_prompts_results.csv b/src/benchmark/trulens/benchmark/benchmark_frameworks/experiments/gpt-4o_3_prompts_results.csv
new file mode 100644
index 000000000..c4945499b
--- /dev/null
+++ b/src/benchmark/trulens/benchmark/benchmark_frameworks/experiments/gpt-4o_3_prompts_results.csv
@@ -0,0 +1,1181 @@
+query_id,query,passage,ground_truth,gaurav_rating,umbrela_rating,categorical_rating
+2082,At about what age do adults normally begin to lose bone mass?,"I have heard that we lose bone mass as we age, but what about muscle mass? Is that also a normal part of aging? Does exercise slow the progression or is muscle loss inevitable?",0,1.0,,1.0
+2082,At about what age do adults normally begin to lose bone mass?,"In adults, this occurs at a rate of about 10% each year. This is a natural process to ensure maintenance of normal bone mass as a person ages. Normal bone mass indicates healthy bones that are free of problems such as osteoporosis. The remodeling cycle usually starts when injury or mechanical stresses occur in bones.",0,2.0,0.0,1.0
+2082,At about what age do adults normally begin to lose bone mass?,"However, if a person has low bone mass and continues to lose bone density, this may lead to osteoporosis. A combination of low bone mass and a risk factor for fracture may increase your risk for broken bones, too. Osteoporosis and broken bones do not need to be a normal part of aging.",0,1.0,0.0,1.0
+2082,At about what age do adults normally begin to lose bone mass?,"They have smaller, thinner bones than men to begin with, and they lose bone mass more rapidly after menopause (usually around age 50), when they stop producing a bone-protecting hormone called estrogen. In the five to seven years following menopause, women can lose about 20% of their bone mass.",0,2.0,1.0,2.0
+2082,At about what age do adults normally begin to lose bone mass?,"by all means, take a supplement. For women, adult bone mass peaks at about age 30. With aging, bone lossgradually happens and then becomes increased after menopause. So it is important for young women to build good bone mass and for older women to do what they can to maintain it. How to Get Enough Calcium.",0,2.0,1.0,2.0
+2082,At about what age do adults normally begin to lose bone mass?,"Why dietary calcium is important. Our bones reach their highest mass during our 20s. Our bones later lose density during normal âageingâ, increasing the risk of fracture. Itâs estimated that a fracture occurs every 3.6 minutes in Australian adults aged 50 years and over.",0,2.0,1.0,2.0
+2082,At about what age do adults normally begin to lose bone mass?,Graph Showing Relationship Between Age and Bone Mass. Bone density peaks at about 30 years of age. Women lose bone mass more rapidly than men. Figure 2 shows that women lose bone mass more quickly than men starting at about 50 years of age.,0,3.0,2.0,3.0
+2082,At about what age do adults normally begin to lose bone mass?,"1. Losing bone density is a normal part of aging. We reach peak bone mass between ages 25 and 30, and then slowly lose begin to start losing bone mass at age 40. For women, reduced levels of estrogen after menopause accelerate bone density loss.",3,3.0,3.0,3.0
+2082,At about what age do adults normally begin to lose bone mass?,"Until about age 30, people normally build more bone than they lose. During the aging process, bone breakdown begins to outpace bone buildup, resulting in a gradual loss of bone mass. Once this loss of bone reaches a certain point, a person has osteoporosis.",3,3.0,3.0,3.0
+540006,was friedrich nietzsche an atheist,25 Friedrich Nietzsche Quotes About Power (The will of Power) Thus Spoke Zarathustra (42) Quotes by Friedrich Nietzsche. Friedrich Nietzscheâs 17 Views on Women. List of Friedrich Nietzsche Publications of Friedrich Publications:,0,1.0,0.0,1.0
+540006,was friedrich nietzsche an atheist,"Friedrich Nietzsche. Friedrich Wilhelm Nietzsche (, German: [ËfÊiËdÊÉȘç ËvÉȘlhÉlm ËniËtÊÉ] (listen) or [- ËniËtsÊÉ];... more. More Friedrich Nietzsche. The Best Friedrich Nietzsche Quotes #139 of 347 The Most Important Leaders In World History.",0,1.0,,0.0
+540006,was friedrich nietzsche an atheist,Friedrich Nietzsche. - More quotations on: [ Opinions] Man is the cruelest animal. Friedrich Nietzsche. Many people wait throughout their whole lives for the chance to be good in their own fashion. Friedrich Nietzsche. No price is too high to pay for the privilege of owning yourself. Friedrich Nietzsche.,0,0.0,0.0,0.0
+540006,was friedrich nietzsche an atheist,"Famous as: Philosopher. Quotes By Friedrich Nietzsche Atheists. Height: 5'8"" (173 cm ), 5'8"" Males. Family: father: Carl Ludwig Nietzsche. mother: Franziska Nietzsche. siblings: Elisabeth Förster-Nietzsche, Ludwig Joseph Nietzsche.",0,1.0,,1.0
+540006,was friedrich nietzsche an atheist,"Philosophy of Atheism. Friedrich Nietzsche (philosopher, author) Philosophers. Philosophy of Religion. Atheism. How atheist was Friedrich Nietzsche? Ad by The Motley Fool. The tech soon to be in 50% of TVs. Why this tiny company might take down Netflix (and explode in value).",0,2.0,,1.0
+540006,was friedrich nietzsche an atheist,"For instance, Frederick Delius, an atheist, originally termed his effort in the genre, which used a text largely derived from the philosophies of Friedrich Nietzsche and Arthur Schopenhauer, A Pagan Requiem.",0,1.0,1.0,1.0
+540006,was friedrich nietzsche an atheist,"70+ Atheist Philosophers. These are the most famous atheist philosophers, with pictures and photos. This list of atheist philosophers, includes my favorite atheist philosopher, Friedrich Nietzsche. It is a philosopher's job to question the world. Small wonder then why they would question the existence of God.",0,2.0,1.0,3.0
+540006,was friedrich nietzsche an atheist,"Arthur Schopenhauer, SĂžren Kierkegaard and Friedrich Nietzsche further expanded on these ideas, and Nietzsche, particularly, has become a major figure in existential nihilism. The atheistic existentialist movement spread in 1940s France.",0,2.0,1.0,1.0
+540006,was friedrich nietzsche an atheist,"Kierkegaard, along with the atheist philosopher Friedrich Nietzsche, would be the main inspiration for many twentieth century philosophers like Edmund Husserl, Martin Heidegger, Karl Jaspers, Jean-Paul Sartre and Simone de Beauvoir. pinterest-pin-it.",0,1.0,2.0,3.0
+540006,was friedrich nietzsche an atheist,"Answered November 5, 2014 · Author has 1.6K answers and 1.8M answer views. Originally Answered: How atheist was Friedrich Nietzsche? Friedrich Nietzsche called himself anti-Christian, not atheist. In many of his writings he compares Jesus to Dionysus, and proclaims himself to be a follower of Dionysus.",3,3.0,2.0,3.0
+540006,was friedrich nietzsche an atheist,"The influential German philosopher Friedrich Nietzsche (1844-1990) had his views on religion and Christianity, and was arguably the most abrupt and abrasive atheistic thinkers of his time.",3,3.0,3.0,3.0
+540006,was friedrich nietzsche an atheist,"Nietzsche was originally quite religious. His father was a Lutheran minister and Friedrich studied theology at the University of Bonn. 1 During his studies, however, he learned of the philosophy of Arthur Schopenhauer and became a staunch atheist. 2.",3,3.0,3.0,3.0
+23287,are landlords liable if someone breaks in a hurts tenant,"the tenant was genuinely hurt. For example, if a tenant falls and breaks his ankle on a broken front door step, the landlord will be liable if the tenant can show that: it was the landlord's responsibility to maintain the steps (this would usually be the case, because the steps are part of the common area, which is the landlord's responsibility)",0,1.0,,0.0
+23287,are landlords liable if someone breaks in a hurts tenant,"Tenants must be prepared to deal with the landlord's fear of liability. In most circumstances, a landlord isn't liable for injuries inflicted by a tenant's dog. Just leasing premises to a tenant with a dog usually isn't enough, by itself, to make a landlord legally responsible for a tenant's dog. For example, if a tenant's apparently friendly dog bites someone, the landlord isn't liable for the injury. 33.",0,1.0,,0.0
+23287,are landlords liable if someone breaks in a hurts tenant,"But if the tenant has a month-to-month rental agreement, which can be terminated on 30 days' notice, the landlord who does nothing after finding out the tenant has a dangerous dog may be liable if the dog later hurts someone. In a North Carolina case, a tenant's two rottweilers attacked a visitor.",0,1.0,0.0,1.0
+23287,are landlords liable if someone breaks in a hurts tenant,"Your tenants may cause careless or even malicious damage. You could be liable if a tenant is hurt while in your property. Regular home insurance isnât designed for the specific issues that landlords might face. Your policy might not cover any claims you need to make, or claims made against you by tenants.",0,2.0,1.0,2.0
+23287,are landlords liable if someone breaks in a hurts tenant,"When a Landlord is Negligent. Under the legal concept of negligence, when a landlordâs behavior is the proximate cause of a tenantâs injury, a court can hold the landlord liable to the tenantâeven if the landlord didnât intend any harm.",0,2.0,2.0,2.0
+23287,are landlords liable if someone breaks in a hurts tenant,"A Landlord Might Be Liable for Criminal Acts. Landlords generally arenât responsible for injuries to tenants caused by third parties. However, when a landlord has notice of criminal activity and doesnât take reasonable measures to prevent harm to tenants, a court might find the landlord liable when a tenant is injured.",0,3.0,2.0,3.0
+300025,how many whales are caught in fishing nets off california,"A 4.4 m (14.4 ft) male calf was also caught in small-mesh herring seine nets in the Gulf of Thailand, Songkhla Province, in May 2011, while a 7.5 m (24.6 ft) whale (thought to likely be an Omura's whale) was caught in fishing gear off Negombo, Sri Lanka, in August 1985. A live whale seen off Sri Lanka in 2017 also had a scar on its rostrum suggestive of an entanglement with fishing gear.",0,0.0,,0.0
+300025,how many whales are caught in fishing nets off california,"Many billfish are caught in gillnets or on longline hooks that were meant to catch other fish species. Since these hooks and nets are set for long periods of time, white marlin become food to sharks, pilot whales, and killer whales.",0,1.0,,0.0
+300025,how many whales are caught in fishing nets off california,The pseudo-stalked barnacle Xenobalanus globicipitis was found on 9% of individuals caught off California; it was also found on a sei whale taken off South Africa. The acorn barnacle Coronula reginae and the stalked barnacle Conchoderma virgatum were each only found on 0.4% of whales caught off California.,0,1.0,,0.0
+300025,how many whales are caught in fishing nets off california,"In addition to whaling, baleen whales are still vulnerable to getting caught and tangled in fishing nets and to being struck by boats. How long baleen whales live when they're not killed by predators is unknown. Blue whales are estimated to live 30 to 90 years, and fin whales might live 90 to 100 years.",0,1.0,,1.0
+300025,how many whales are caught in fishing nets off california,"1. Help Ensure there is Sustainable use of our Oceans. One of the main reasons behind the decline in our whale shark numbers is the irresponsible use or our natural resources. Due to human beings over fishing, many whale sharks find themselves caught in the fishing nets and often drown in the process.",0,1.0,,1.0
+300025,how many whales are caught in fishing nets off california,"In 2016, there were a reported 71 cases of whales caught and trapped in abandoned fishing gear just off the U.S Pacific coast alone, according to Mercy for Animals. Fishing Net On Reef / Photo courtesy of Tim Sheerman-Chase / CC BY 2.0.",0,2.0,2.0,2.0
+300025,how many whales are caught in fishing nets off california,"Entanglement in Fishing Gear. Bairdâs beaked whales can become entangled in fishing gear, either swimming off with the gear attached or becoming anchored. They can become entangled in many different gear types, particularly in gear associated with the California/Oregon drift gillnet fishery.",0,2.0,1.0,2.0
+300025,how many whales are caught in fishing nets off california,"A California gray whale found tangled in a fishing net off the Orange County coast swam free after a lengthy rescue over the weekend. Whale-watching boats spotted the young whale stranded outside of Dana Point Harbor about 5:30 p.m. Friday with about 50 feet of netting and rope wrapped around its flukes, or tail.",3,2.0,,1.0
+300025,how many whales are caught in fishing nets off california,"Rescuers race to free blue whale tangled in fishing net. Rescuers have made at least six attempts on Monday to free a blue whale entangled in crab and lobster fishing gear off the Southern California coast. If they cannot free the creature soon, rescue teams say it will drown. Screen shot: Dolphin Safari/YouTube.",3,2.0,,1.0
+300025,how many whales are caught in fishing nets off california,"DANA POINT, Calif., June 28 (UPI) -- Rescuers have been attempting to save the life of a blue whale tangled in a fishing net and various fishing gear off the coast of Southern California on Monday.",3,2.0,,2.0
+300986,how many years in jail for money laundering,"Penalty for Money Laundering in Texas â Jail Time & More. Money laundering in Texas is considered a serious crime. But what is it, and is money laundering a felony in the State of Texas?",0,1.0,1.0,2.0
+300986,how many years in jail for money laundering,"If you or a loved one have been charged with money laundering, you need to learn about how Texas handles this crime, and contact an experienced Houston white collar crimes lawyer that can represent your best interests. As you prepare for the first meeting with your lawyer, here are the basics about money laundering, jail time, fines and more.",0,2.0,,1.0
+300986,how many years in jail for money laundering,"In the following sections, weâll take a broad look at the concept and practice of money laundering: Defining money laundering: what it is and how it works. Why people and organizations launder money. How money laundering works: basic process.",0,2.0,,0.0
+300986,how many years in jail for money laundering,"How Much Jail Time for Money Laundering in Texas? So, how many years do you get for money laundering in the State of Texas? When it comes to money laundering jail time, Texas penal code requirements state that your punishment depends on how much money is involved. If youâre accused of laundering $1,500 to $20,000, you could get 180 days to 2 years in jail, with fines up to $10,000.",0,2.0,1.0,2.0
+300986,how many years in jail for money laundering,"Californiaâs Penalties For Money Laundering. The lowest form of money laundering is misdemeanor money laundering and carries with it the following possible penalties: Jail Time: Up to one year in either county jail or state prison. Fine: No more than $1,000. Combination: Jail time and a fine.",0,2.0,2.0,3.0
+300986,how many years in jail for money laundering,"Penalties of Money Laundering. Potential jail time and fines are at risk with any form of money laundering at any amount of money being laundered. If found guilty of laundering money in a federal court, you can receive up to 20 years of jail time.",0,3.0,3.0,3.0
+300986,how many years in jail for money laundering,"Second-Degree Money Laundering. Second-degree money laundering is a class three (3) felony. First offense: Probation with zero (0) days in jail, up to one (1) year in jail or prison range of two (2) years to eight and three quarters (8.75) years in prison.",0,2.0,2.0,2.0
+300986,how many years in jail for money laundering,"Third-Degree Money Laundering. Third degree money laundering is a class six (6) felony. First offense: Probation with zero (0) days in jail, up to one (1) year in jail or prison range of four (4) months to two (2) years in prison.",0,2.0,2.0,2.0
+300986,how many years in jail for money laundering,"If the money laundered exceeds $50,000, an extra year in prison can be added to any sentence. An extra four years can be added if the amount laundered exceeds $2,500,000. In Federal Court, a conviction for Money Laundering can result in a sentence of up to 20 years in Federal Prison. 6.",3,2.0,3.0,3.0
+300986,how many years in jail for money laundering,"Money laundering can result in 20 years imprisonment, while wire fraud and bank fraud each carry a potential sentence of 30 years incarceration. Fines for money laundering may be as much as $500,000 or twice the value of the total money laundered. Fines for wire fraud and bank fraud can reach $1 million.",3,3.0,3.0,3.0
+832573,what is the methylmalon a. c test,"Doctoral Degree. 32,824 satisfied customers. What does these blood test results mean methylmalonic acid. what does these blood test results mean methylmalonic acid 128 87-318nmoL/L AND RHEUMATOID FACTOR 8 14 IU/mL MI c-reactive protein 0-0 0.80 mg/gl MI ANA IFA SCREENW/REFL TO QDB TITER AND PATTERN, IFA ⊠read more.",0,2.0,0.0,1.0
+832573,what is the methylmalon a. c test,Genetic Testing Information. Genetic Testing Registry: Methylmalonic acidemia. Genetic Testing Registry: Methylmalonic aciduria due to methylmalonyl-CoA mutase deficiency. Genetic Testing Registry: Methylmalonyl-CoA epimerase deficiency. Genetic Testing Registry: Vitamin B12-responsive methylmalonic acidemia type cblA.,0,1.0,,1.0
+832573,what is the methylmalon a. c test,"Methylmalonic acid. Except where otherwise noted, data are given for materials in their standard state (at 25 °C [77 °F], 100 kPa). ?) Methylmalonic acid ( MMA) ( conjugate base methylmalonate) is a dicarboxylic acid that is a C - methylated derivative of malonate .",0,1.0,,1.0
+832573,what is the methylmalon a. c test,"Methylmalonate Test - More Information. The methylmalonic acid test, also known as a methylmalonic acid blood test, methylmalonate lab test and an MMA level test, measures the methylmalonic acid blood level.",0,3.0,3.0,3.0
+832573,what is the methylmalon a. c test,Methylmalonic acid blood test. The methylmalonic acid blood test measures the amount of methylmalonic acid in the blood.,0,3.0,3.0,3.0
+832573,what is the methylmalon a. c test,Methylmalonic Acid Test. The methylmalonic acid test measures the methylmalonic acid blood level. View Sample Results. $99. CHECKOUT.,0,3.0,3.0,3.0
+832573,what is the methylmalon a. c test,"The methylmalonic acid test may also be ordered if the results of other blood tests are abnormal. For instance, abnormal results from a homocysteine test may prompt your doctor to order the methylmalonic acid test. The methylmalonic acid test is also frequently ordered for infants when the doctor suspects the presence of methylmalonic acidemia.",0,3.0,2.0,1.0
+832573,what is the methylmalon a. c test,"A Methylmalonic Acid Test
+For B12 Deficiency is Useful, but. A Methylmalonic Acid Test. For B12 Deficiency is Useful, but. The Methylmalonic Acid Test, also called an MMA Test, is really the ONLY accurate test for Vitamin B12 Deficiency that there is- and it's certainly the ONLY one to which you should trust your health!",0,3.0,2.0,3.0
+832573,what is the methylmalon a. c test,"What Does the Test Measure? The MMA blood test measures the level of methylmalonic acid in the blood. In a healthy individual, methylmalonic acid is normally produced in low quantities as a byproduct of amino acid metabolism. Any increase in the concentration of methylmalonic acid in the blood usually indicates a problem with vitamin B12.",3,3.0,3.0,3.0
+832573,what is the methylmalon a. c test,Methylmalonic acid test. The methylmalonic acid blood test measures the amount of methylmalonic acid in the blood. The methylmalonic acid test may be used to help diagnose an early or mild vitamin B12 deficiency. It may be ordered by itself or along with a homocysteine test as a follow-up to a vitamin B12 test result that is in the lower end of the normal range.,3,3.0,3.0,3.0
+832573,what is the methylmalon a. c test,"Methylmalonic acid is a very sensitive test in indicating a B12 deficiency. It is more specific than homocysteine and is the confirmatory test of choice for a B12 deficiency. Occasionally, specialized methylmalonic acid testing may be ordered to help diagnose methylmalonic acidemia, a rare inherited metabolic disorder.",3,3.0,2.0,3.0
+835760,what is the name of the triangular region at the base of the bladder?,a triangular area on the floor of the urinary bladder. a region where the glomerulus meets the glomerular capsule. part of the Balkans where people developed kidney failure. a muscle layer that surrounds each kidney. a triangular area on the floor of the urinary bladder. a renal corpuscle and a renal tubule.,0,2.0,2.0,2.0
+835760,what is the name of the triangular region at the base of the bladder?,"The Fundus is the other name for the base of the Urinary Bladder. It has a posterior location (that is, towards the back). It has a slightly triangular shape with the triangle tip pointing backwards. The Fundus in females lies against the vagina while in males, it lies against the rectum.",0,3.0,2.0,2.0
+835760,what is the name of the triangular region at the base of the bladder?,Triangular Area or Region : The interior of a triangle together with its boundary is called the triangular region or triangular area. Area of the triangle = (1/2) x Base x Height. Area of the triangle ABC = (1/2) x a x h.,0,0.0,0.0,0.0
+835760,what is the name of the triangular region at the base of the bladder?,Urinary Bladder. The urinary bladder is a hollow muscular organ. The mucosa of the bladder is thrown into folds called rugae in the contracted state. The rugae are absent and the mucosa remains smooth in a triangular region between the openings of the ureters and the entrance to the urethra.,0,3.0,2.0,2.0
+835760,what is the name of the triangular region at the base of the bladder?,The trigone is a triangular region of. a renal pyramid. the renal cortex. the hilum. the urinary bladder. the prostatic urethra. the urinary bladder. Adults produce about _____ L/day of glomerular filtrate and excrete about ____ L/day of urine. 0.15 to 0.18; 0.1 to 0.2.,0,3.0,2.0,2.0
+835760,what is the name of the triangular region at the base of the bladder?,"Bilateral hydronephrosis (distention and dilation of the renal pelvis) is rare. When it does occur, it is usually secondary to trigonal (a triangular smooth area at the base of the bladder), prostatic, or urethral disease.",0,2.0,2.0,3.0
+835760,what is the name of the triangular region at the base of the bladder?,"What is the triangular region on the posterior of the urinary bladder called? On the superior surface, the outer layer of the bladder wall is parietal peritoneum. There is a triangular area, called the trigone, formed by three openings in the floor of the urinary bladder.",0,3.0,3.0,3.0
+835760,what is the name of the triangular region at the base of the bladder?,"Consequently, what structures form the trigone of the urinary bladder? The trigone (a.k.a. vesical trigone) is a smooth triangular region of the internal urinary bladder formed by the two ureteric orifices and the internal urethral orifice.",0,3.0,3.0,3.0
+835760,what is the name of the triangular region at the base of the bladder?,Answer: ureters 23) The smooth triangular region ofthe bladder base that isoutlined bythe openings ofthetwo ureters and the urethra iscalled the __________. Answer: trigone 3. 24) Urinary bladder inflammation often caused by bacterial infection iscalled __________.,0,3.0,2.0,3.0
+835760,what is the name of the triangular region at the base of the bladder?,What is The triangular area on the floor of the urinary bladder with an opening at each of its angles? - Answers. trigoneThe trigone is the name of the area of the bladder located between the openings of the ureters and urethra.trigoneThe trigone is a triangular region at the base of the bladder where the ureters enter ad the urethra exits.Trigonetripod?It's called the Trigone.,3,3.0,3.0,3.0
+835760,what is the name of the triangular region at the base of the bladder?,"Vesical trigone means âtriangular regionâ of your bladder wall with the three points of the triangle corresponding to the locations at which your ureters and urethra connect. It is the structure that allows your body to detect when your bladder is full. The vesical trigone is a smooth, flat region that is highly sensitive and as your bladder fills and expands so does this region.",3,3.0,3.0,3.0
+835760,what is the name of the triangular region at the base of the bladder?,"At the bottom of the bladder is a triangular-shaped region known as the trigone. Urine enters the bladder from the ureters at the uppermost aspect of the trigone, and leaves the bladder via the urethra at the lowermost aspect of the trigone.",3,3.0,3.0,3.0
+1104300,which part of the life cycle is dominant in bryophyte?,"Bryophytes or Moss plants life cycle goes with two stages. The
+two stages are the haploid (gametophyte) and the diploid
+(sporophyte) which is the dominant stage.",0,2.0,0.0,3.0
+1104300,which part of the life cycle is dominant in bryophyte?,"The life cycles of all bryophytes are uniform, and although the gametophyte generation is the most familiar aspect of the life cycle, neither the sporophyte nor the gametophyte generation is dominant. Previous Introduction to Plants. Next Quiz Nonvascular Plants. Introduction to Biology.",0,2.0,,3.0
+1104300,which part of the life cycle is dominant in bryophyte?,"Regardless of this, the dominant diploid stage of the life cycle will produce flowers, which are specialized structures for reproduction. The female parts of the flower will produce megaspores, and the male parts will develop microspores, continuing this cycle.",0,1.0,0.0,0.0
+1104300,which part of the life cycle is dominant in bryophyte?,"As you complete the lesson on bryophytes, make certain that you can easily: Provide a description of bryophytes. Remember the three main types of bryophytes. Discuss the characteristics of these plants. Highlight the two parts of the bryophyte life cycle. To unlock this lesson you must be a Study.com Member.",0,2.0,1.0,1.0
+1104300,which part of the life cycle is dominant in bryophyte?,"Bryophytes protect the embryo and have thin waxy cuticles utilizing the air for species distribution. This life cycle to the left represent the typical life cycle of bryophytes and the steps. The bryophyte spore germinates into producing the protonema by releasing the spores from the operculum, making rhizoids.",0,2.0,,1.0
+1104300,which part of the life cycle is dominant in bryophyte?,"Roughly speaking, ferns are in between. You can find out more in the LIFE CYCLE SECTION. In that section you'll find a description of the bryophyte life cycle as well as a comparison between life cycles of the bryophytes and the other plant groups and the differing roles of gametophyte and sporophyte.",0,2.0,1.0,2.0
+1104300,which part of the life cycle is dominant in bryophyte?,"Multiple advantages developed in the sporophyte stage of plants as they evolved from simple gametophyte-dominant bryophyte ancestors to the vast array of much more successful and dominant ferns, gymnosperms, and angiosperms. Shift from gametophyte-dominated life cycle (in bryophytes) to sporophyte-dominated life cycle.",0,3.0,3.0,3.0
+1104300,which part of the life cycle is dominant in bryophyte?,"In algae and bryophytes the somatic or vegetative plant body is a gametophyte which is dominant and visible. But in pteridophytes, gymnosperms and angiosperms the visible plant body is a sporophyte which is dominant and the gametophyte generation is less conspicuous (Fig. 4.2). In the life cycle diagram, the dominant generation should be placed in the top half of the cycle.",0,3.0,3.0,3.0
+1104300,which part of the life cycle is dominant in bryophyte?,"This stalk is often brown. A structure called the sporangium is at the top of the stalk. The sporangium is diploid too. It makes spores that are haploid in a process called meiosis. When the spores land on the ground, the cycle begins again. Life cycle of a dioicous bryophyte. Bryophytes are ""gametophyte dominant."".",0,3.0,3.0,3.0
+1104300,which part of the life cycle is dominant in bryophyte?,In all Bryophytes the gametophyte generation is dominant. In all other land plants the sporophyte generation is dominant. It is customary to place the dominant generation in the top half of the life cycle diagram. The figure given above summarises the life cycle of a typical Bryophyte.,3,3.0,3.0,3.0
+1104300,which part of the life cycle is dominant in bryophyte?,"The haploid stage, in which a multicellular haploid gametophyte develops from a spore and produces haploid gametes, is the dominant stage in the bryophyte life cycle. This stands in direct contrast to the tracheophyte life cycle, in which the diploid stage is dominant.",3,3.0,3.0,3.0
+1104447,which kind of continental boundary is formed where two plates move horizontally past one another?,answer choices. Rift valleys form where a continental plate moves under an oceanic plate. Rift valleys form where a plate slides horizontally past another plate. Rift valleys form where two plates move away from each other. Rift valleys form where an oceanic plate moves under another oceanic plate. Tags:,0,1.0,,1.0
+1104447,which kind of continental boundary is formed where two plates move horizontally past one another?,Rift valleys from where a continental plate moves under an oceanic plate. Rift valleys form where a plate slides horizontally past another plate. Rift valleys from where two plates move away from each other. Rift valleys form where an oceanic plate moves under another oceanic plate. Tags:,0,2.0,1.0,2.0
+1104447,which kind of continental boundary is formed where two plates move horizontally past one another?,"Volcanoes usually form along plate boundaries, where tectonic plates are either moving towards or away from one another: Constructive boundary (or divergent boundary) - this is where two plates move away from one another. Magma rises up to fill the gaps between the plates usually to create a shield volcano. Destructive boundary (or convergent boundary) - this is where two plates move towards one another.",0,1.0,0.0,0.0
+1104447,which kind of continental boundary is formed where two plates move horizontally past one another?,"where plates move apart. These begin as continental rifts and evolve to become mid-ocean ridges where oceanic crust is created. EXAMPLE: east african rift, continental rift. Sliding Plate Boundary -- A plate boundary where plates slide or grind horizontally past one another.",0,2.0,2.0,3.0
+1104447,which kind of continental boundary is formed where two plates move horizontally past one another?,The Himalayas are currently growing because at their location. Choose one: two continental plates are diverging. two plates are moving past each other at a transform plate boundary. a continental plate is colliding with another continental plate. an oceanic plate is converging with a continental plate and subducting.,0,2.0,1.0,2.0
+1104447,which kind of continental boundary is formed where two plates move horizontally past one another?,"Continental Collision. Where two plates collide.... A tectonic plate boundary where twoâŠ. tectonic plates spreading apart, new crust being formed (eg. mâŠ. Boundary between two plates that are sliding past each other. when two continental plates collide pushing the continental crâŠ. Convergent Plate Boundaries.",0,2.0,1.0,2.0
+1104447,which kind of continental boundary is formed where two plates move horizontally past one another?,"True: Volcanoes and earthquakes occur at destructive plate boundaries, Earthquakes but NOT volcanoes occur at conservative plate boundaries, Oceanic crust is more dense than continental crust, Continental crust is less dense than oceanic crust, Ocean trenches are formed where oceanic and continental plates collide, Destructive plate boundaries occur where oceanic and continental plates collide, Volcanoes and earthquakes occur at constructive plate boundaries, Earthquakes occur at all types of plate boundary, The subduction zone is where the more dense oceanic crust is driven deep inside the earth, Rocks in the subducted oceanic plate are destroyed when they melt, At a destructive plate boundary, the less dense continental plate crumples to form mountains, At constructive plate boundaries, two plates move apart, At destructive plate boundaries, two plates move together, At conservative plate boundaries, two plates move alongside each other, At constructive plate boundaries, magma rises to fill the gap between the plates, At constructive plate boundaries, cooling magma on the Earth's crust forms new igneous rocks, The mid-Atlantic ridge is an example of a constructive plate boundary, The San Andreas fault is an example of a conservative plate boundary, The Andes mountains were formed at a destructive plate boundary, At conservative plate boundaries, pressure builds where rocks in the two plates become stuck, False: Volcanoes can occur at all plate boundaries, At constructive plate boundaries, two plates move together, At destructive plate boundaries, two plates move apart, At conservative plate boundaries, two plates move apart, The continental plate is more dense than the oceanic plate, At destructive plate boundaries, the continental plate is forced deep inside the Earth, When magma cools at a constructive plate boundary, new sedimentary rocks form, Volcanoes but NOT earthquakes occur at conservative plate boundaries, Convection currents in the Earth's crust drive the movement of the tectonic plates, Most major earthquakes and volcanoes occur well away from plate boundaries,",0,2.0,2.0,3.0
+1104447,which kind of continental boundary is formed where two plates move horizontally past one another?,"When continental and continental plates collide, fold mountains are formed, such as the Himalayas. In Transform plate movement, lastly, land crust remains unaffected as the two plates merely slide past one another, making it a conservative plate boundary.",0,2.0,2.0,3.0
+1104447,which kind of continental boundary is formed where two plates move horizontally past one another?,"These plates are rigid segments that move in relation to one another at one of three types of plate boundaries. These are known as convergent boundaries, at which two plates come together; divergent boundaries, at which two plates are pulled apart; and transform boundaries, in which two plates slide past one another laterally. Interactions between these plates are what is what is volcanic activity (best exemplified by the â Pacific Ring of Fire â) as well as mountain-building.",0,3.0,3.0,3.0
+1104447,which kind of continental boundary is formed where two plates move horizontally past one another?,Describe plate tectonics and how it explains the distribution of tectonic activity. Divergent boundary--two plates move apart relative to one another. Convergent boundary--two plates move toward one another. Transform boundary-- two plates move horizontally past each other.,3,3.0,3.0,3.0
+1104447,which kind of continental boundary is formed where two plates move horizontally past one another?,"The way one plate moves relative to another determines the type of boundary: spreading, where the two plates move away from each other; subduction, where the two plates move toward each other, with one sliding beneath the other; and transform, where the two plates slide horizontally past each other.",3,3.0,3.0,3.0
+1107704,what was the main benefit of a single european currency?,"Tangible proof of European integration, the single currency has a specific history of design, implementation, and policies. Although the switch to the euro took place almost 20 years ago, in some countries it is still possible to exchange old national notes and coins with the single European currency. Benefits of the euro.",0,2.0,0.0,1.0
+1107704,what was the main benefit of a single european currency?,"A single currency will be an important complement to the Single European Market, which would make the European Union a more powerful player in the global economy, and the UK might benefit from full-scale participation in this.",0,3.0,2.0,3.0
+1107704,what was the main benefit of a single european currency?,"Creation of the European Currency Unit. Main article: European Currency Unit. European currency exchange rate stability has been one of the most important objectives of European policymakers since the Second World War. Between 1982 and 1987, European currencies displayed a range of stable and unstable behavior.",0,1.0,0.0,1.0
+1107704,what was the main benefit of a single european currency?,"The main benefits of the euro are related to increased trade. Travel was made easier by removing the need for exchanging money. More importantly, the currency risks were eliminated from European trade. With the euro, European businesses can easily lock in the best prices from suppliers in other eurozone countries.",0,3.0,3.0,3.0
+1107704,what was the main benefit of a single european currency?,"European Unionâs Common Currency. The European Unionâs decision to have a common currency is a good economic decision. The single currency has several benefits including the increased trade within the region, eliminates exchange costs incurred by businesses transacting across borders, and eliminates exchange rate fluctuation risk. European Union member states have gained substantially from the use of a common currency.",0,3.0,3.0,3.0
+1107821,what was radio free europe?,"subject to sections 8334 (c) and 8339 (i) of this title, service in any capacity of at least 130 days (or its equivalent) per calendar year performed after July 1, 1946, for the National Committee for a Free Europe; Free Europe Committee, Incorporated; Free Europe, Incorporated; Radio Liberation Committee; Radio Liberty Committee; subdivisions of any of those organizations; Radio Free Europe/Radio Liberty, Incorporated, Radio Free Asia; the Asia Foundation; or the Armed Forces Network, Europe (AFNâE), but only if such service is not credited for benefits under any other retirement system which is established for such entities and funded in whole or in part by the Government and only if the individual later becomes subject to this subchapter;",0,1.0,1.0,2.0
+1107821,what was radio free europe?,"Asia Times. Archived from the original on 23 April 2005. Retrieved 21 December 2010. ^ Aryan, Hossein. ""Iran Offers Short-Term Solutions To Long-Term Problems Of Baluch Minority â Radio Free Europe / Radio Liberty 2010"". Radio Free Europe/Radio Liberty. Archived from the original on 25 November 2010.",0,1.0,,1.0
+1107821,what was radio free europe?,"RL, initially called Radio Liberation, was the major operating division of the American Committee for Liberation from Bolshevism (AMCOMLIB), later renamed the Radio Liberty Committee (RLC). For convenience, these annotations use throughout the terms âRadio Free Europeâ and its parent âFree Europe Committeeâ and âRadio Libertyâ and its parent âAmerican Committee for Liberation from Bolshevism.â.",0,1.0,0.0,1.0
+1107821,what was radio free europe?,"The CIA ended its involvement in Radio Free Europeâs financing and operation in 1971, and control was transferred to a Board for International Broadcasting appointed by the U.S. president. Radio Free Europe was merged with a similar broadcasting organization named Radio Liberty in 1976, creating what is still called Radio Free Europe/Radio Liberty (RFE/RL).",0,2.0,,2.0
+1107821,what was radio free europe?,"This is the logo of Radio Farda which is the Iranian branch of the United States funded shortwave broadcasters Radio Free Europe and Radio Liberty.
+Radio Free Asia. This is the logo of United States Government funded shortwave radio station Radio Free Asia. It's very similar to Radio Free Europe and Radio Liberty.",0,2.0,2.0,2.0
+1107821,what was radio free europe?,"Radio Free Europe and Radio Liberty. Cold War International History Project. By A. Ross Johnson. Cold War Europe European Union North America. This is a collection of declassified U.S. Government (USG) documents pertaining to Radio Free Europe (RFE) and Radio Liberty (RL) and their parent organizations, the Free Europe Committee and the American Committee for Liberation from Bolshevism.",0,3.0,1.0,2.0
+1107821,what was radio free europe?,"Radio Free Europe/Radio Liberty. ""Radio Free Europe"" and ""Radio Liberty"" redirect here. For the R.E.M. song, see Radio Free Europe (song). For the UCKG UK radio station, see Liberty Radio. Not to be confused with Radio Freedom. Radio Free Europe/Radio Liberty ( RFE / RL) is a United States government-funded organization that broadcasts and reports news, information and analysis to countries in Eastern Europe, Central Asia, Caucasus and the Middle East where it says that ""the free flow of information is either banned by government authorities or not fully developed"".",0,3.0,3.0,3.0
+1107821,what was radio free europe?,"Radio Free Europe. Radio Free Europe/ Radio Liberty Newsroom in Munich, 1994. Radio Free Europe was created and grew in its early years through the efforts of the National Committee for a Free Europe (NCFE), an anti-communist CIA front organization that was formed by Allen Dulles in New York City in 1949.",0,3.0,3.0,3.0
+1107821,what was radio free europe?,"11. Radio Free Europe / Radio Liberty. Washington, Prague, & More About Website Radio Free Europe / Radio Liberty is an international news and broadcast organization serving Central and Eastern Europe, the Caucasus, Central Asia, Russia, the Middle East and Balkan countries. Website rferl.org.",0,3.0,2.0,2.0
+1109840,what law is concerned with the safety and health conditions in the majority of private-sector industries?,Poster Description. Job Safety Law. Maryland Occupational Safety and Health Act (Private Sector) Employers in the Private Sector. The poster includes information on safety and health in the workplace. Job Safety Law. Maryland Occupational Safety and Health Act (Public Sector) Employers in the Public Sector.,0,2.0,1.0,2.0
+1109840,what law is concerned with the safety and health conditions in the majority of private-sector industries?,"USAJOBS GS-1822 (Mine Safety and Health Inspector Federal Job List) Private Sector Job Listings. Mine safety and health inspectors and specialists develop, enforce, promote, advise on, and administer laws and regulations concerning safety and health in mines, mills, and plants which are part of the mining process.",0,2.0,1.0,1.0
+1109840,what law is concerned with the safety and health conditions in the majority of private-sector industries?,Workplace Safety Regulations. Private Sector Workplace Safety & Health Regulations. Public Sector Workplace Safety & Health Regulations. Public Sector Workplace Safety Laws.,0,2.0,0.0,2.0
+1109840,what law is concerned with the safety and health conditions in the majority of private-sector industries?,OSH Act Home Safety Act Occupational Health Act Workplace Safety Act. What law is concerned with the safety and health conditions in the majority of private-sector industries?,0,3.0,0.0,3.0
+1109840,what law is concerned with the safety and health conditions in the majority of private-sector industries?,OSH Act Home Safety Act Occupational Health Act Workplace Safety Act. Occupational Safety and Health (OSH) Act is concerned with the safety and health conditions in the majority of private-sector industries. s. Expert answered| bheng2x |Points 47|. Log in for more information.,0,3.0,3.0,3.0
+1109840,what law is concerned with the safety and health conditions in the majority of private-sector industries?,"OSHA is responsible for setting workplace safety laws, which every private sector business in the country is required to follow. If an employee encounters a health or safety concern, the employee has the right to file a complaint report with OSHA confidentially, and without reprisal from the employer. The agency will then investigate the employee's concerns.",0,3.0,3.0,2.0
+1109840,what law is concerned with the safety and health conditions in the majority of private-sector industries?,Occupational Safety and Health (OSH) Act is concerned with the safety and health conditions in the majority of private-sector industries. g. Expert answered| bheng2x |Points 47|. Log in for more information. Question.,0,3.0,,3.0
+1109840,what law is concerned with the safety and health conditions in the majority of private-sector industries?,"Workplace Safety and Health. The Occupational Safety and Health (OSH) Act is administered by the Occupational Safety and Health Administration (OSHA). Safety and health conditions in most private industries are regulated by OSHA or OSHA-approved state programs, which also cover public sector employers.",0,3.0,3.0,3.0
+1109840,what law is concerned with the safety and health conditions in the majority of private-sector industries?,"The Occupational Safety and Health Act. February 4, 2015 by: Content Team. The primary federal law that governs health and safety practices in both governmental industries and the private sector, the Occupational Safety and Health Act works to ensure that all employers keep their employees safe in the workplace.",0,3.0,3.0,3.0
+1109840,what law is concerned with the safety and health conditions in the majority of private-sector industries?,"The nation's main workplace safety and health law is the Occupational Safety and Health Act of 1970, which requires all private-sector employers to furnish a safe workplace, free of recognized hazards, to their employees, and requires employers and employees to comply with occupational safety and health standards adopted by the U.S. Department of Labor's OSHA division (for the main duty clause of OSHA, see 29 U.S.C. § 654 ).",3,3.0,3.0,3.0
+1110996,what is the role of t tubules,"Henle's t's the straight ascending and descending portions of a renal tubule forming Henle's loop. lactiferous t's galactophorous tubules. mesonephric t's the tubules comprising the mesonephros, or temporary kidney, of amniotes. metanephric t's the tubules comprising the permanent kidney of amniotes. renal tubule the minute canals composing the substance of the kidney and secreting, collecting and conducting the urine; in the glomerulus they have a basement membrane and epithelial lining.",0,0.0,,0.0
+1110996,what is the role of t tubules,"Abstract. The transverse tubules (t-tubules) of mammalian cardiac ventricular myocytes are invaginations of the surface membrane. Recent studies have suggested that the structure and function of the t-tubules are more complex than previously believed; in particular, many of the proteins involved in cellular Ca 2+ cycling appear to be concentrated at the t-tubule.",0,2.0,2.0,2.0
+1110996,what is the role of t tubules,"One is whether changes in T tubule architecture are the cause of the result of the pathology; the second is whether T tubule disorder signals a disconnection of T tubules from CRUs or of CRUs from the myofibrils. Since CRU anchor T tubules to the myofibrils, both would result in T network disarrangement.",0,2.0,,1.0
+1110996,what is the role of t tubules,"In addition to the observed loss and gross diminishment of the t-tubule network, protein components at t-tubules including ion channels and signaling molecules are reported to be either reduced at the t-tubule surface or redistributed elsewhere to non-t-tubule sarcolemma ( 20, 93, 134 ).",0,1.0,,1.0
+1110996,what is the role of t tubules,"T-tubules. At some places along the length of the fiber, the sarcolemma invaginates into the cytoplasm to form transverse tubules called T-tubules. Each T-tubule is connected with smooth endoplasmic reticulum on either side to form a triad. These triads serve a special role in the contraction of skeletal muscles.",0,3.0,2.0,3.0
+1110996,what is the role of t tubules,"Click to see full answer. In this way, what are T tubules in muscle? T-tubules (transverse tubules) are extensions of the cell membrane that penetrate into the centre of skeletal and cardiac muscle cells.",0,2.0,1.0,2.0
+1110996,what is the role of t tubules,t tubules function to. Facilitate cellular communication during muscle contraction. What is the role of Ca2+ in a muscle contraction. Binding to troponin which changed the conformation of the tropomyosin and permits the myosin to bind to actin. Wavelike contraction produced by smooth muscle is.,0,2.0,2.0,3.0
+1110996,what is the role of t tubules,"T-tubules ( transverse tubules) are extensions of the cell membrane that penetrate into the centre of skeletal and cardiac muscle cells. With membranes that contain large concentrations of ion channels, transporters, and pumps, T-tubules permit rapid transmission of the action potential into the cell, and also play an important role in regulating cellular calcium concentration.",3,3.0,3.0,3.0
+1110996,what is the role of t tubules,"Coupling of Ca 2+ Entry and Ca 2+ Release. The data presented above suggest that ICa and NCX activity occur predominantly in the t-tubules, close to the RyR, implying that the t-tubules play a central role in Ca 2+ cycling and excitation-contraction coupling in cardiac ventricular myocytes.",3,3.0,2.0,3.0
+1110996,what is the role of t tubules,the sarcoplasmic reticulum transfers calcium to the T tubules. The T tubules conduct electrical impulses that stimulate calcium release from the sarcoplasmic reticulum. Definition. The T tubules conduct electrical impulses that stimulate calcium release from the sarcoplasmic reticulum.,3,3.0,3.0,3.0
+1111577,what is the meaning of the phrase jump on the bandwagon,"We welcome any campaign on safety issues, but we don't like the bandwagon-jumping of this organization. Note: Bandwagon is also used in other phrases such as someone's bandwagon is rolling, to mean that an activity or movement is getting increasing support.",0,2.0,,1.0
+1111577,what is the meaning of the phrase jump on the bandwagon,"What's the origin of the phrase 'Jump on the bandwagon'? The word bandwagon was coined in the USA in the mid 19th century, simply as the name for the wagon that carried a circus band.",0,1.0,1.0,1.0
+1111577,what is the meaning of the phrase jump on the bandwagon,"Source (s): phrase 39 jumping bandwagon 39 mean: https://trimurl.im/b72/what-does-the-phrase-39-jum... Dowland. Lv 5. 1 decade ago. The phrase ""Jump/climb on the bandwagon"" means to start doing something because other people are doing it. Source (s): Longman Idioms Dictionary. imgram. Lv 4.",0,3.0,2.0,3.0
+1111577,what is the meaning of the phrase jump on the bandwagon,The bandwagon fallacy is another addition to this list of types of logical fallacies. It is also perhaps one of the easiest to deduce. Most people will be familiar with the phrase â jumping on the bandwagon â. The bandwagon fallacy is essentially this but using it as a means of gaining support and credibility.,0,2.0,1.0,2.0
+1111577,what is the meaning of the phrase jump on the bandwagon,"It is almost always used in the singular in phrases like jump on the bandwagon, hop on the bandwagon, c limb on the bandwagon, and get on the bandwagon. A noun is sometimes placed before bandwagon to refer to the thing being followed, such as the name of a particular sports team or TV show, as in people start to jump on the Yankees bandwagon around playoff time.",0,1.0,1.0,2.0
+1111577,what is the meaning of the phrase jump on the bandwagon,"Meaning of âJump on the bandwagonâ. To âjump on the bandwagonâ means that one is going to join in with prevailing public opinion or interest. For example, if a politician becomes quite popular, that popularity breeds more interest, more people want to be associated with whatâs seen as the winning team. Itâs also possible to see the phrase âjump off the bandwagonâ in use when someone or a group of people realize that their initial willingness to join in with the majority was a mistake.",0,3.0,3.0,3.0
+1111577,what is the meaning of the phrase jump on the bandwagon,Jump on the Bandwagon. The phrase âJump on the Bandwagonâ means to join in a popular activity.,0,3.0,3.0,3.0
+1111577,what is the meaning of the phrase jump on the bandwagon,"What's the meaning of the phrase 'Jump on the bandwagon'? Join a growing movement in support of someone or something, often in an opportunist way, when that movement is seen to have become successful.",0,3.0,3.0,3.0
+1111577,what is the meaning of the phrase jump on the bandwagon,Jump on the Bandwagon. To jump on the bandwagon is a phrase used to refer to people who are doing whatever is popular or whatever others are doing. This phrase comes from a political age when political candidates would throw parades to drum up supporters.,3,3.0,3.0,3.0
+1111577,what is the meaning of the phrase jump on the bandwagon,"What does bandwagon mean? If you jump on the bandwagon, you join in with the many people who follow, support, or are fans of someone or something popular and/or successful (especially when it is growing in popularity). Bandwagon is especially used in the context of sports teams, political movements, trends, and entertainment.",3,3.0,3.0,3.0
+1111577,what is the meaning of the phrase jump on the bandwagon,A play is a form of writing for theatre. It is divided into acts and scenes. Jump on the bandwagon. To âjump on the bandwagonâ means that one is going to join in with whatever new or popular thing the majority is doing or thinking.,3,3.0,3.0,3.0
+1113361,what is prior restraint?,"The Supreme Court's position on prior restraint of the press is that. prior restraint should be used fairly frequently in a democracy. prior restraint should apply only in rare circumstances, and it is better to hold the press responsible for what it has printed than to restrict what it may print.",0,2.0,1.0,2.0
+1113361,what is prior restraint?,2. Statutory prior restraints. 3. Permissible prior restraints. 4. Prior restraints in copyright infringement cases. 5. References.,0,1.0,0.0,2.0
+1113361,what is prior restraint?,"First, there must be excessive publicity without the prior restraint, and this publicity will jeopardize fairness. Second, this must be a method of last resort â all other methods to achieve a fair trial must be ineffective. Lastly, the prior restraint must be workable and effective â an ineffective prior restraint will not be upheld.",0,2.0,1.0,2.0
+1113361,what is prior restraint?,"Publishers can still be prosecuted or sued for what they print. Although the First Amendment prohibits prior restraint, it does not protect publishers from prosecutions consequent on the content of their materials. Nor is the protection from prior restraint absolute; compelling circumstances must be taken into account.",0,2.0,2.0,2.0
+1113361,what is prior restraint?,"Freedom of speech and of the press has two aspects: (a) freedom from prior restraint, and (b) freedom from subsequent punishment. 2. On the one hand, freedom from prior restraint means freedom from censorship or governmental screening of what is politically, morally, socially, and artistically correct.",0,3.0,3.0,3.0
+1113361,what is prior restraint?,"Often, issues of prior restraint are intertwined with the freedom of the press. Prior restraint issued by a court must be narrowly tailored and burden no more speech than necessary. Prior restraints are often considered the worst forms of censorship, partly because of how they work with the âcollateral bar ruleâ.",0,3.0,,2.0
+1113361,what is prior restraint?,"Under prior restraint, a government or authority controls what speech or expression can be publicly released. Prior restraint has a history of being viewed as a form of oppression in the United States. The Founding Fathers had experienced the effects of prior restraint while under British rule, and they specifically used language in the First Amendment of the U.S. Constitution â freedom of speech and freedom of the press â to guard against prior restraint, which they felt was a violation of democratic principles.",0,3.0,3.0,3.0
+1113361,what is prior restraint?,"First Amendment rights are the basis of most other rights. The Supreme Court's position on prior restraint of the press is that. prior restraint should apply only in rare circumstances, and it is better to hold the press responsible for what it has printed than to restrict what it may print.",0,2.0,2.0,2.0
+1113361,what is prior restraint?,"Restrictions. In some trials, judges issue gag orders, which restrict what journalists can report about the trial. Prior restraint is a governmental act that stops the publication of materials thought to be damaging or slanderous; in recent years, the government has had a difficult time exercising prior restraint.",0,3.0,2.0,3.0
+1113361,what is prior restraint?,"Confirmed by jeifunk[6/20/2014 10:44:10 AM] s. Get an answer. Search for an answer or ask Weegy. what is prior restraint. Original conversation. User: what is prior restraint. Weegy: Prior restraint is censorship imposed, usually by a government, on expression before the expression actually takes place.",3,3.0,3.0,
+1113361,what is prior restraint?,"The case drew significant national attention as it went through the judicial system and the public wondered what the Pentagon Papers contained. The Pentagon Papers case addressed whether a Prior Restraint on the press can be justified under the First Amendment. A ""prior restraint"" is the imposition of a restraint on the publication of information before the information is published.",3,3.0,3.0,3.0
+1113361,what is prior restraint?,"Secondly, the first amendment is the most important because it prohibits prior restraint. Prior restraint is a government censorship of information before it is published or broadcasted. This gives the government major control over what can be said in the media.",3,3.0,3.0,3.0
+1117243,what helps u nails grow,"Gel manis also add a fun twist to the slow and careful process of waiting for your nails to grow, what with the ridiculously creative designs nail artists are capable of these days. With the help of Beetna and my own nail care routine, it took around four months for my nails to grow longer than they've ever been.",0,2.0,1.0,1.0
+1117243,what helps u nails grow,What kids should know about how nails grow. What kids should know Nail care Hangnails How nails grow Manicures & pedicures Ingrown nails Injured nails Nail infections Salon safety Rough nails.,0,2.0,,1.0
+1117243,what helps u nails grow,"It may look like your fingernails and toenails start growing where your U-shaped cuticle (say: KYOO-tih-kul) begins. But there's more going on under the surface. Nails start in the nail root, hidden under the cuticle. When cells at the root of the nail grow, the new nail cells push out the old nail cells.",0,2.0,0.0,1.0
+1117243,what helps u nails grow,"Upon production, these cells are further pushed out to form what you see as nails. To further protect this new nail cells, the fingernail has what is called cuticle. The cuticle is that tiny band that helps to seal the nails, and more also prevents it against germs and intruder. So thatâs that about how nails grow.",0,1.0,1.0,1.0
+1117243,what helps u nails grow,Related Search: how to grow nails faster | vaseline for nails | how to make your nails grow overnight | does vaseline help nails grow | vaseline for nail growth | how to strengthen nails overnight | how to grow nails overnight | vaseline on nails. See also :,0,1.0,0.0,2.0
+1117243,what helps u nails grow,"OPI Nail Envy Nail Strengthener. This is the product for you if you have weak nails in need of repair and strengthening. OPI nail hardener will help you regain the shine and beauty of your nails. Itâs made with calcium and wheat protein, just what your nails need to grow strong and healthy again.",0,2.0,2.0,3.0
+1117243,what helps u nails grow,"What you eat is what you become. Eating a balanced diet does not only help you your overall health but does help your nails too to grow faster. Pinterest. Eating food rich in protein, vitamins and minerals does a lot of good to your nails.",0,3.0,3.0,3.0
+1118716,what does karl marx say about the nature of man,"Compare and Contrast the Philosophies of John Locke, Thomas Hobbes, and Karl Marx In the idea of human nature; origin of state, the nature of government, the rights of regulation can be drawn as the reflection of insightful philosophies of John Locke, Thomas Hobbes and Karl Marx.",0,2.0,1.0,1.0
+1118716,what does karl marx say about the nature of man,KEY TOPICS. For Karl Marx the whole Industrial Revolution simply consisted of the exploitation of the workers by the capitalists. [1] . About the only good thing Karl Marx had to say about the industrial revolution was that it was an integral phase in the evolution of man towards the ideal society he envisioned. [2] .,0,1.0,,1.0
+1118716,what does karl marx say about the nature of man,"Political Theory â Karl Marx. Karl Marx remains deeply important today not as the man who told us what to replace capitalism with, but as someone who brilliantly pointed out what was inhuman and alienating about it. Related Article â 24 Quotes on Wearing a Mask, Lying and Hiding Oneself.",0,1.0,,1.0
+1118716,what does karl marx say about the nature of man,Karl Marx and education. What significance does Marx have for educators and animateurs today? An introduction and assessment by Barry Burke. contents: introduction · life · Karl Marx as a thinker · Karl Marx and the class struggle · the communist manifesto · Karl Marxâs relevance to knowledge and education · further reading · links · how to cite this article.,0,1.0,1.0,1.0
+1118716,what does karl marx say about the nature of man,"The study on alienation in conjunction with the micro-study on Marx's view of freedom will help not only reveal why Marx feels labor limits mans freedom, but it will also identify exactly what kind of freedom is being limited. Karl Marx identifies estranged labor as labor alien to man. Marx explains the condition of estranged labor as the result of man participating in an institution alien to his nature.",0,2.0,1.0,3.0
+1118716,what does karl marx say about the nature of man,"Karl Marx. In Marx's theory of alienation, he states that self-estrangement is the feeling of being alienated from people and things around you. Karl Marx's theory focused more on the self-estrangement aspect in man's work. He further explain it by saying that self-estrangement is the alienation of man from himself and his feelings, man's loss of purpose, objectification of himself to think he isn't good enough and realization of that.",0,2.0,2.0,2.0
+1118716,what does karl marx say about the nature of man,"Marx believed there was a natural political progression from feudalism to capitalism to communism. According to Erich Fromm's essay âMarx's Concept of Man,â Karl Marx indicated that people are social beings rather than isolated individuals.",0,2.0,2.0,2.0
+1118716,what does karl marx say about the nature of man,"If man is shaped by his surroundings, his
+ surroundings must be made human. If man is social by nature, he will develop
+ his true nature only in society, and the strength of his nature must be measured
+ not by the strength of separate individuals but by the power of society. (Karl
+ Marx)[2]",3,3.0,2.0,3.0
+596569,what classes do i need to take to go to vet school,"Which states do you need a veterinary technology degree in? I am going to school to be a veterinary Technician, but I know a girl in my class who is already a vet tech in kentrucky, but still getting certified to work in Ohio and I am looking to move out of ohio asap so what states do you need or not need a vet tech degree? becuase it would be a waste of time if where I want to go doesnt need it. any information would be appriciated.",0,0.0,,0.0
+596569,what classes do i need to take to go to vet school,"can i take my dog to malaysia? i live in egypt, and i may go to malaysia Kuala Lampur. And i want to take my 2 year old dog with me does he need to go in quarantine, he already has his rabies vaccine what else does he need?? and i REALLY REALLY dont want him to go to quarantine is there something i can do??? what do i need to get from the vet? please tell me what to do!! please! i really love my dog and if i cant take hm with me to malaysia i have give him to my grandma in Peru!!!!!!!!!!!!!!!",0,0.0,,0.0
+596569,what classes do i need to take to go to vet school,"BUT...i'm planning on going to SCTI, Sarasota County Technical Institute, for their vet assisting/vet tech program. I will attend that for the 2 years that they offer for it. My question is...if I get my associates degree from SCTI for Vet Asstisting/Vet tech, and that was already 2 years of schooling...would I have to go to college for the same amount of time as someone who DIDN'T do what i'm doing?",0,1.0,0.0,1.0
+596569,what classes do i need to take to go to vet school,"Weâll cover everything you need to know, including: How long does it take to become a vet. How to decide whether becoming a veterinarian is right for you. What classes you should take in high school and college. How to pick a good undergraduate university and vet school. What vet school is like. So letâs get started!",0,3.0,,2.0
+596569,what classes do i need to take to go to vet school,Now Iâm just going to list a few classes that I have found (or heard of) that help prepare you for veterinary school. This is not a complete list of classes that is required for vet school. Please contact your perspective schools to find out what classes are required for you to be accepted to veterinary school. Biology.,0,2.0,1.0,2.0
+596569,what classes do i need to take to go to vet school,"I got my license so I could help more at a spay/neuter clinic where I was working (I needed it to legally induce anesthesia.) For most people, I think becoming an RVT/CVT/LVT is a waste of time since the classes you take in tech school don't fulfill many/any of the requirements needed for vet school.",0,2.0,,2.0
+596569,what classes do i need to take to go to vet school,"To become a vet in North America, you must go to college for at least 2 or 3 years, and take several required classes, including many science classes. You then apply to veterinary school. If you are accepted, you are in veterinary school for 4 years, and then graduate with the degree Doctor of Veterinary Medicine.",0,2.0,1.0,1.0
+596569,what classes do i need to take to go to vet school,"To become a vet, you need to go to university and take a veterinary science or medicine degree. The course normally takes 5 years. To be considered for a place at vet school, you will need to have a strong science background. Itâs important that you enjoy and are good at subjects such as biology, chemistry and physics.",0,2.0,1.0,2.0
+596569,what classes do i need to take to go to vet school,"To become a veterinarian, you will need to go through four years of veterinary school after college. Admission is competitive for the few vet schools in the united states. Students are required to take a lot of science classes, including anatomy, animal science, biology, chemistry, microbiology, physiology and zoology, plus social sciences and humanities.",3,3.0,2.0,3.0
+1121909,what are the instruments in a woodwind quintet,"The great virtue of the woodwind quintet is color, so mix your palette. (To give some idea of the range of options, David Van Vactor's Music for Woodwinds consists of pieces using every possible combination of the quintet instruments from one to five, ending with double quintet. There are over thirty of them.)",0,1.0,,1.0
+1121909,what are the instruments in a woodwind quintet,Contents. What is the lowest woodwind instrument? What is the lowest pitched instrument in the woodwind family? What are five wind instruments? What are the two groups of woodwind instruments called? What is the lowest instrument in the orchestra? What is the meaning of woodwind instruments?,0,1.0,1.0,1.0
+1121909,what are the instruments in a woodwind quintet,"Since wind ensembles first took shape in an age where there was no clear sense of any distinction between woodwinds and brass, and at some point along the way the group came to be called a woodwind quintet. (Reference: Compendium of Interesting Wind Instrument Facts, Yamaha Music Media)",0,1.0,0.0,1.0
+1121909,what are the instruments in a woodwind quintet,"The French horn is technically a brass instrument because it is made of brass. However, its warm mellow sound blends well with woodwinds, which is why composers began writing it into woodwind quintets, according to the International Music Foundation of Chicago. Brass Quintet: The versatility of the French horn is such that it can also be part of a brass quintet.",0,2.0,1.0,2.0
+1121909,what are the instruments in a woodwind quintet,"It is also characteristically found in woodwind trios and quartets, though these do not have fixed membership, as the woodwind quintet does. Flutes are the oldest category of woodwind instrument. There were flutes as early as the ninth century BCE.",0,1.0,1.0,0.0
+1121909,what are the instruments in a woodwind quintet,"Many saxophone players will double on the clarinet and the flute because specific charts require the sound of those two instruments. Clarinet and flute choirs, quartets, and quintets are also very popular. Clarinets and flutes are also great instruments for woodwind quartets and quintets.",0,1.0,1.0,1.0
+1121909,what are the instruments in a woodwind quintet,"The soloist is accompanied by flutes, oboes, clarinets, bassoons, horns, trumpets, timpani and string quintet. The longer orchestral introduction is constructed on the basis of a dialogue between a group of woodwind instruments and strings.",0,1.0,,1.0
+1121909,what are the instruments in a woodwind quintet,"Yes, the clarinet is a woodwind instrument. So are the flute,
+piccolo,
+saxophone, oboe, an bassoon. What is a musical instrument that begins with a w and ends with a d? You may be referring to the family of musical instruments called
+woodwind which includes a flute, clarinet oboe etc.",0,2.0,2.0,2.0
+1121909,what are the instruments in a woodwind quintet,"What are the different woodwind instrument? Flute, oboe, clarinet, bassoon, English horn, and saxophone are the most common woodwind instruments. Though they were originally made of wood many of them are made of metal, plastic, or other materials now.",0,2.0,1.0,2.0
+1121909,what are the instruments in a woodwind quintet,"The Early Development of the Wind Quintet. The woodwind quintet is comprised of the four principal woodwinds from the orchestra: flute, oboe, clarinet, and bassoon; and one brass instrument, the horn. Although most of the attention given to instrumental chamber music is aimed towards the string quartet, the woodwind quintet has both a history and a collection of music that is worth recognizing.",3,3.0,3.0,3.0
+1121909,what are the instruments in a woodwind quintet,"Trivia. Why are horns included in woodwind quintets? There is a genre of classical chamber music written for groups known as woodwind quintet (or wind quintet). A quintet is composed of five instruments: a flute, an oboe, a bassoon, a clarinet, and a horn.",3,3.0,3.0,3.0
+1121909,what are the instruments in a woodwind quintet,"The standard instrumental groups of Western chamber music include the string quartet (two violins, viola, and violoncello), the woodwind quintet (flute, oboe, clarinet, horn, and bassoon), the combinations employed in sonatas (one wind or stringed instrument with piano), and the brass quintet (frequently two trumpets, horn, trombone, and tuba).",3,3.0,3.0,3.0
+337656,how old was the elephant man when he died,"As part of the demonstration at trial as to how Ringling Bros. mistreats its Asian elephants, evidence was presented involving the circumstances of the deaths of baby elephants who have died in the care of Ringling Bros. Four-year-old Benjamin died when his trainer came after him with a bull hook. Four-year-old Kenny was made to perform in three shows when he was extremely ill.",0,0.0,0.0,0.0
+337656,how old was the elephant man when he died,"If an elephant has its foot on the tail of a mouse and you say that you are neutral, the mouse will not appreciate your neutrality.â. â Archbishop Desmond Tutu. âA man dies when he refuses to stand up for that which is right. A man dies when he refuses to stand up for justice.",0,0.0,0.0,0.0
+337656,how old was the elephant man when he died,"Story in short. Man not liked as imperialist, man decides he doesn't like being imperialist, an elephant is running around messing with our stuff, ""Awwwwwww but elephants are so cute"", Just do it, ok here we go, elephant slowly dies, people salvege elephant, he has night terrors the reast of his life.",0,0.0,,0.0
+337656,how old was the elephant man when he died,"He died trying to be like others.â. John Hurt in the David Lynch film, âThe Elephant Manâ (1980). Photo by Images Press/IMAGES/Getty Images. In his lifetime he became well known and was visited by Alexandra, princess of Wales. In the 20th century, he was the subject of various books, a play, and the 1980 film The Elephant Man, starring Anthony Hopkins as the doctor and John Hurt as Merrick.",0,1.0,1.0,1.0
+337656,how old was the elephant man when he died,"10 He Almost Bought The Skeleton Of The Elephant Man. Photo credit: Wikimedia. For the uninitiated, the Elephant Manâs real name was Joseph Carey Merrick. He was called the Elephant Man due to the abnormal growth of his bones and skull, which left him seriously disfigured. Born on August 5, 1862, Merrick was normal until age five, when strange growths started appearing on his body.",0,2.0,,1.0
+337656,how old was the elephant man when he died,"John Merrick, who is better known as the ""Elephant Man"" was a hideously deformed man with a rare disease who died in 1890 and inspired the hit movie 'Elephant Man.'. In rejecting the offer, the hospital said the skeleton was not for sale. The skeleton of the Elephant Man has been preserved at the Royal London Hospital ever since 1890, the year of his death.",0,2.0,2.0,1.0
+337656,how old was the elephant man when he died,"Joseph Merrick died at 27 years old. Born: August 5, 1862. Died: April 11, 1890 ( natural causes) Birthplace: Leicester, England. Best known as: The man called The Elephant Man.",3,3.0,3.0,3.0
+1128632,is levothyroxine likely to cause weight loss or weight gain,"Weight Loss and Other Benefits of Eating Mangoes. Mangoes facilitate weight loss. Mangoes enable weight loss because:: They contain phytochemicals that inhibit fat cells from expanding their walls, which discourages weight gain and rebound weight gain after weight loss. Mangoes contain malic acid and tartaric acid, which are two elements that keep the body alkaline and less likely to suffer from weight gain caused by insulin resistance and immune conditions like rheumatoid arthritis.",0,0.0,,0.0
+1128632,is levothyroxine likely to cause weight loss or weight gain,"Weight gain can be achieved by increasing the consumption of food. However, there are diseases and conditions that prohibit that. Diseases like HIV /AIDS or cancer can cause severe weight loss and malnutrition. Other things like surgery can also cause weight loss. Mediations can be taken to aid in weight gain.",0,0.0,0.0,0.0
+1128632,is levothyroxine likely to cause weight loss or weight gain,"If it's levothyroxine, it's a T4 med, if it's liothyronine, it's a T3 med which is almost never prescribed by itself and should never be used for a weight loss supplement. I remember you from the Weight Loss and Dieting Community. Your fear of weight gain requires counseling. Read More.",0,1.0,1.0,1.0
+1128632,is levothyroxine likely to cause weight loss or weight gain,"This little known plugin reveals the answer. Managing a healthy weight and lifestyle can make it easier to control a thyroid condition and keep thyroid hormones in the blood within normal levels. Appetite swings are both a cause and effect of levothyroxine and weight loss. Some argue that a decreased appetite may cause the weight loss, whereas other evidence supports theories that the weight loss caused by this synthetic hormone in turn causes a counteracting increase in appetite as the body attempts to sustain sufficient weight.",0,3.0,2.0,3.0
+1128632,is levothyroxine likely to cause weight loss or weight gain,"Read More. I was having usual symptoms of hypothyroidism - fatigue, weight gain, dry skin, hair loss, etc. Have been on Levothyroxine for several months now and have seen improvements in all symptoms except hair loss. I'm also on Plavix (due to a TIA), which I understand can also cause hair loss.",0,2.0,1.0,2.0
+1128632,is levothyroxine likely to cause weight loss or weight gain,"Can Levothyroxine make you gain weight? I'm on 125mg of Levothyroxine, and have been for about 9 years, prior to this I suffered extreme tiredness and disproportionate weight gain.",0,2.0,2.0,1.0
+1128632,is levothyroxine likely to cause weight loss or weight gain,"Synthroid 100 mcg â Synthroid (levothyroxine) 100 mg, while weight gain can be a symptom of hypothyroidism, taking levothyroxine does not immediately cause weight loss.. Synthroid increase the dose to 100mg.",0,2.0,2.0,3.0
+1128632,is levothyroxine likely to cause weight loss or weight gain,Taking levothyroxine to treat hypothyroidism can help to normalise metabolism which may lead to weight loss. Levothyroxine contains a boxed warning saying that it should not be used for the treatment of obesity or weight loss. Taking levothyroxine for weight loss when not indicated can cause overdose symptoms.,0,3.0,2.0,3.0
+1128632,is levothyroxine likely to cause weight loss or weight gain,"Weight Loss is a known side effect of Levothyroxine. Disclaimer. #2 in Levothyroxine discussions - 3,458 posts discuss Weight Loss with Levothyroxine. Weight Loss is #2 concern in Levothyroxine discussions. Weight Loss 3,458.",0,2.0,3.0,2.0
+1129560,accounting definition of building improvements,Building Lease definition. Building Lease. definition. Building Lease means a contract between the department of accounting and general services and a private investor in which the private investor leases an improved facility to the department for a specified period of time.,0,1.0,,0.0
+1129560,accounting definition of building improvements,"Code Definition of Combustible | The Building Code Forum. Welcome to the new and improved Building Code Forum. We appreciate you being here and hope that you are getting the information that you need concerning all codes of the building trades. This is a free forum to the public due to the generosity of the Sawhorses, Corporate Supporters and Supporters who have upgraded their accounts.",0,0.0,0.0,0.0
+1129560,accounting definition of building improvements,"Capitalization of Plant Fund Assets Definition. Physical property acquired by the University by purchase, gift, trade, or fabrication and which take the form of land, buildings, equipment, improvements to land or buildings, and other tangible items are capitalized. Financial Services and Operations is responsible for all accounting and budget control functions for plant fund (construction) projects, and preparation of financial reports.",0,2.0,1.0,2.0
+1129560,accounting definition of building improvements,"It then expanded the definition of ""qualified improvement property"" to include ""any improvement to the interior of a building if that building is nonresidential real property and such improvement is placed in service after the date such building was first placed in service."". IRC 168 (e) (6).",0,2.0,1.0,2.0
+1129560,accounting definition of building improvements,"The definition excludes improvements made to enlarge a building, for an elevator or escalator, or to the internal structural framework of a building. [3] The PATH Act of 2015 created a fourth category, qualified improvement property (QIP), to extend bonus depreciation to additional improvements to building interiors. [4] .",0,2.0,1.0,1.0
+1129560,accounting definition of building improvements,"Build-out/Leasehold Improvements/Tenant Improvements. The improvements to the office or building to make it usable for the tenant. In accounting terminology, these costs are called ""leasehold improvements,"" and they can be depreciated as expenses.",0,2.0,,2.0
+1129560,accounting definition of building improvements,"The improvement is placed into service more than 3 years after the building was placed into service. The tax code does not specifically outline which types of building improvements are eligible to be treated as qualified leasehold improvement property. However, the definition of qualified leasehold improvement property excludes improvement expenses attributable to the enlargement of the building, an elevator or escalator, any structural component benefiting a common area, and the internal structural framework of the building.",0,2.0,2.0,2.0
+1129560,accounting definition of building improvements,"In addition, it adjusted the definition of qualified improvement property to mean any improvement made by the taxpayer to an interior portion of a building which is nonresidential real property if such improvement is placed in service after the date such building was first placed in service.",0,2.0,1.0,2.0
+1129560,accounting definition of building improvements,"Improvements that are not included in this definition are building additions, an elevator or escalator, or internal structural framework for the building. Fortunately, qualified improvement property comprises most other improvements, including the following: Internal cooling/heating items. Lighting and other electrical.",0,2.0,2.0,1.0
+1129560,accounting definition of building improvements,"7.4.2 Building Improvement Definition. Building improvements are capital events that materially extend the useful life of a building or increase the value of a building, or both. A building improvement should be capitalized as a betterment and recorded as an addition of value to the existing building if the expenditure for the improvement meets or exceeds the capitalization threshold, or increases the life or value of the building by 25 percent of the original life or cost.",3,3.0,3.0,3.0
+1129560,accounting definition of building improvements,"Building Improvement Definition. Building improvements are capital events that materially extend the useful life of a building or increase its value, or both. A building improvement should be capitalized and recorded as an addition of value to the existing building if the expenditure meets the capitalization threshold.",3,3.0,3.0,3.0
+845121,what is the sacraments of service in the catholic church,The Eucharist Of The Catholic Church. 883 Words | 4 Pages. The Eucharist according to Catechism of the Catholic Church The Eucharist is one of the Seven Sacraments of the Catholic faith. For some it is the most important sacrament of the faith. What is the Catechism of the Catholic Church?,0,1.0,0.0,1.0
+845121,what is the sacraments of service in the catholic church,"is a service and social organization for adult male parishioners of Most Blessed Sacrament Catholic Church in Baton Rouge, LA. Most Blessed Sacrament Catholic Church was organized as a Parish of the Roman Catholic Diocese of Baton Rouge in 1979.",0,0.0,0.0,0.0
+845121,what is the sacraments of service in the catholic church,What does the Catholic Church teach about divorce? The Catholic Church does not permit divorce for valid sacramental marriages. In fact a valid sacramental marriage is impossible to dissolve thereby making divorce not possible if the marriage was sacramental.,0,0.0,,0.0
+845121,what is the sacraments of service in the catholic church,"What is the sacrament of Holy Orders in the Catholic Church? Catholic men who âtake Holy Orders â receive a special sacrament called Holy Orders , which creates the hierarchy of deacon, priest, and bishop. These men (who are ordained by a bishop by means of that sacrament ) serve the spiritual needs of others in the Catholic Church .",0,2.0,1.0,2.0
+845121,what is the sacraments of service in the catholic church,"In this video, I share a short survey of the seven sacraments of the Catholic Church organized into three groups: Sacraments of Initiation, Sacraments of Healing, and Sacraments at the Service of Communion. YouTube.",0,2.0,2.0,2.0
+845121,what is the sacraments of service in the catholic church,"It can be a confusing term, especially for someone who is not familiar with Catholicism or Christianity. What is a sacrament? The Catechism of the Catholic Church gives a basic definition of a sacrament. The sacraments are efficacious signs of grace, instituted by Christ and entrusted to the Church, by which divine life is dispensed to us.",0,1.0,0.0,1.0
+845121,what is the sacraments of service in the catholic church,"Holy Orders. Main articles: Bishop (Catholic Church), Priesthood (Catholic Church), and Catholic Deacon. Holy Orders is the Sacrament by which a layman is made a deacon, a deacon is made a priest and a priest is made a bishop, dedicated for service to the Church.",0,2.0,2.0,2.0
+845121,what is the sacraments of service in the catholic church,"Jesus chose twelve_________________, a word that mean ""one sent"" to by his emissaries or ambassadors to the world. What is sacramental priesthood? The Catholic Sacrament of Holy Orders. Catholic men who âtake Holy Ordersâ receive a special sacrament called Holy Orders, which creates the hierarchy of deacon, priest, and bishop. These men (who are ordained by a bishop by means of that sacrament) serve the spiritual needs of others in the Catholic Church.",0,2.0,2.0,2.0
+845121,what is the sacraments of service in the catholic church,"Church Ceremony. Marriage is one of the seven sacraments in the Catholic faith, along with sacraments like baptism, confirmation, and reconciliation. The church is considered the house of God, and it is a place of worship, so Catholics consider it very important to perform this holy sacrament in the church.",0,2.0,1.0,2.0
+845121,what is the sacraments of service in the catholic church,"The Sacraments at the Service of Communion. The last group of sacraments are the Sacraments at the Service of CommunionâHoly Orders and Matrimony. The Catechism of the Catholic Church states: Baptism, Confirmation, and Eucharist are sacraments of Christian initiation.",3,2.0,2.0,3.0
+845121,what is the sacraments of service in the catholic church,"Seven Sacraments. There are seven sacraments which are practiced in the Catholic church. Three are about initiation into the church (baptism, confirmation, and communion), two are about healing (confession and anointing of the sick), and two are sacraments of service (marriage and holy orders).",3,3.0,3.0,3.0
+845121,what is the sacraments of service in the catholic church,The 7 Sacraments of the Catholic Church: (1) the Sacraments of Christian Initiation. Baptism. Confirmation. Eucharist. (2) the Sacraments of Healing. Penance/Reconciliation. Anointing of the Sick. (3) the Sacraments at the Service of Communion (& the Mission of the Faithful),3,3.0,3.0,3.0
+364210,how to help a jammed finger,"Jammed finger vs. broken finger. Share on Pinterest. A broken finger is often more painful than a jammed finger, although both may be treated using a splint. A broken finger will cause severe pain and swelling that lasts for hours or even days. While a jammed finger is painful, it is not usually severe.",0,1.0,,1.0
+364210,how to help a jammed finger,"Fingers. Fingers can easily get hurt when training BJJ. This is why itâs fairly common to see people who practice Jiu Jitsu often tape their fingers to help prevent or deal with finger injuries. In Jiu Jitsu your fingers are in danger of jams, fractures, sprains, and dislocations.",0,2.0,1.0,1.0
+364210,how to help a jammed finger,7 Answers. Relevance. RyanGP. 1 decade ago. Favorite Answer. Depends on how bad you jam it. Ive jammed a bunch of mine from playing football. I used to pop my fingers a certain way by basically touching the tip of my finger to the center of my palm and then pressing on that knuckle until it pops.,0,1.0,1.0,1.0
+364210,how to help a jammed finger,"Could It Be Sprained or Jammed? Finger sprains or jammed fingers are injuries to the bands of tissue that help keep your bone connected with the joint. It is not easy to learn how to tell if your finger is broken because you will experience pain, swelling and stiffness whether you have a broken finger or jammed finger.",0,2.0,,1.0
+364210,how to help a jammed finger,TAG. basketball jammed finger buddy splinting buddy taping how to play basketball with a jammed finger how to treat a jammed finger from basketball jammed finger jammed finger basketball. PREVIOUS ARTICLE. Attack the Basket off the Dribble. NEXT ARTICLE.,0,2.0,1.0,2.0
+364210,how to help a jammed finger,"How to Alleviate Pain from a Jammed Finger. Always see a medical professional if you believe you have a serious injury. In the meantime, these at-home methods can help alleviate the pain associated with a jammed finger. Take Ibuprofen. Ibuprofen can reduce swelling and help the pain, even for a broken or jammed finger.",0,3.0,2.0,3.0
+364210,how to help a jammed finger,"Home/Bones/(Donât) Pull My Finger: How Jerking a Jammed Joint Makes Things Worse. PreviousNext. (Donât) Pull My Finger: How Jerking a Jammed Joint Makes Things Worse. For a finger jam, you can create a âbuddy splintâ by taping the jammed finger to the one next to it.",0,3.0,2.0,3.0
+629937,what does a popped blood vessel in hand feel like,"why do i get sharp pain on the side of my head,feels like a blood vessels popping,also feeling very weak.a after the pain leaves it feels cold at area?",0,1.0,,1.0
+629937,what does a popped blood vessel in hand feel like,"What To Do If Your Blood Vessel Popped. Some causes of broken blood vessels include: high blood pressure and poor circulation. There are two categories of peripheral vascular disease: peripheral arterial disease and peripheral venous disease. Popped blood vessels are no fun wherever they occur. They are painful, can cause swelling and bruising, and take a good deal of time to go away.",0,2.0,2.0,2.0
+629937,what does a popped blood vessel in hand feel like,What does it feel like to have a hot flush/flash? A hot flush is a vasomotor or blood vessel symptom that can vary in intensity and duration. A typically hot flush will last for between 30 seconds and 10 minutes.,0,0.0,,0.0
+629937,what does a popped blood vessel in hand feel like,"Treatment for Popped Blood Vessel in Hands and What are Its Causes. A R Health Tips 5 August 10, 2011 Popped Blood Vessel in Finger, Popped Blood Vessel in Hands, Treatment for Popped Blood Vessel in Hands 1 Comment.",0,2.0,1.0,1.0
+629937,what does a popped blood vessel in hand feel like,Contents [ show] 0.1 Common causes behind Popped blood vessel in hand: 0.2 Symptoms of popped blood vessel in hand: 0.3 Common and natural treatments for popped blood vessel in hand: 0.4 Home remedies for popped blood vessel in hand: 0.5 The outlook for popped blood vessel in hand:,0,2.0,1.0,3.0
+629937,what does a popped blood vessel in hand feel like,"Treatment for Popped Blood Vessel in Hands. Generally, a popped blood vessel is insignificant and undamaging. Mostly it takes a week or two to heal on its own. However, if symptoms like pain, swelling, bleeding and bruise persists, a person can use any of the following home remedies:",0,2.0,1.0,2.0
+629937,what does a popped blood vessel in hand feel like,"The appearance of patch or dot under the skin due to popped blood vessel in hand is because of the blood clots formed there. The clot also hampers the fast flow of blood through the vessels causing bulging to the blood vessels of the area. This, in turn, results in increased pressure causing further rupture of blood vessels and more blood oozing out under the skin (increase in pressure inside the arteries weakens their walls).",0,2.0,,2.0
+629937,what does a popped blood vessel in hand feel like,"If your problem of popped blood vessel in finger is not getting resolved with these home remedies, you need to consult your healthcare provider regarding advice as to what is the exact problem causing popped blood vessel in finger in you, and how it needs to be treated. You should not neglect this problem at all.",0,1.0,,1.0
+629937,what does a popped blood vessel in hand feel like,"Symptoms of popped blood vessel in hand: Bursting of blood vessels or popped blood vessel in hand and subsequent bleeding under the skin of your hands has the following symptoms: Swelling in the affected area of the skin. In some cases, an associated fracture in the bone may take place. Some pain (minor) may be felt upon touching the affected area.",3,3.0,3.0,3.0
+629937,what does a popped blood vessel in hand feel like,"Achenbachâs Syndrome (Popped Blood Vessels in Finger) When a blood vessel pops in the finger, the function of the fingers is compromised. Pain, inflammation, and swelling may render the hand immobile for a time. This condition is known as Achenbachâs syndrome.",3,2.0,1.0,2.0
+935964,when are whales most active for whale watching in massachusetts,Guests can check with the company when they book their tour. Whale watching is a must-do activity when visiting HawaiÊ»i Island during whale season. It is no wonder itâs one of the most popular times of the year to visit the Island of HawaiÊ»i. See also: Whale Watching on Big Island â with tips on where to see the most âwhale actionâ.,0,0.0,0.0,1.0
+935964,when are whales most active for whale watching in massachusetts,"Click on thumbnail to buy. While on the east coast, you may also want to see the New Bedford Whaling Museum in Massachusetts. It is weel worth the trip! Return to Top. Return to Whale Activities. Return Home to Whale Facts from Whale Watching East Coast.
+.",0,1.0,,1.0
+935964,when are whales most active for whale watching in massachusetts,"In addition, it is the best season to go whale watching for blue whales and humpback whales. In early fall, the whales will go away, however, so it no longer becomes a good excursion activity. Winter is the best time for sunsets and gray whale watching. This is also when other seals begin pupping on the islands.",0,1.0,2.0,2.0
+935964,when are whales most active for whale watching in massachusetts,"Nature and Wildlife Whale Watching Water Sports Cruises, Sailing & Water Tours Outdoor Activities Tours & Sightseeing Boston Nature and Wildlife - Massachusetts Whale Watching - Massachusetts Nature and Wildlife - Salem Whale Watching - Salem Nature and Wildlife - Long Island Whale Watching - Long Island. Category.",0,1.0,0.0,1.0
+935964,when are whales most active for whale watching in massachusetts,"A Gloucester and Boston MA Area. Whale Watching Tour. Gloucester's most. popular whale watch! BOOK NOW. Cape Ann Whale Watch in Gloucester, Massachusetts provides guaranteed whale sightings for every whale watching tour out to Stellwagen Bank, a national marine preserve about 12 miles off the coast of Gloucester deemed one of the ""Top 5 Whale Watching Destinations in the World"" by the World Wildlife Fund due to the wide variety of whale species whom migrate to the coast of Gloucester, Massachusetts every year to feed on the abundant natural resources.",0,2.0,1.0,1.0
+935964,when are whales most active for whale watching in massachusetts,"Trips. There's no shortage of whale watching trips in Massachusetts. Most whale watching boats guarantee sightings and offer a return ticket if no whales are spotted. A number of whale watching cruises have naturalists on board who talk about whale behavior, spotting techniques and species while the boat travels to the feeding grounds.",0,2.0,1.0,1.0
+935964,when are whales most active for whale watching in massachusetts,"The whales migrate north to Massachusetts to feed on mackerel, herring, krill and other schooling fish that breed in our nutrient-rich waters. As soon as the weather turns cold, however, whales travel south to warmer waters to breed and give birth. Whales most commonly sighted on Nantucket whale watching trips are Humpback whales, Finback whales, and Minke whales.",0,2.0,1.0,2.0
+935964,when are whales most active for whale watching in massachusetts,"Maryellen Cicione, Leaf Group Updated March 22, 2018. Spring and summer are the best times for whale watching in Massachusetts. (Photo: whale's tail image by Xavier MARCHANT from Fotolia.com ) If you love marine life, consider whale watching off the coast of Massachusetts, which is known to have some of the best whale watching opportunities in the world.",0,3.0,3.0,3.0
+935964,when are whales most active for whale watching in massachusetts,"Massachusetts. Massachusetts is a top whale-watching destination in the United States and the world. In just about 40 km (25 mi) off the coast, one can see pods of humpback, fin, sperm, and pilot whales. Sei, right and blue whales have been also spotted occasionally. Whales migrate to New England due to an abundance of mackerel, herring, and krill in its waters during warmer times.",0,2.0,1.0,2.0
+935964,when are whales most active for whale watching in massachusetts,"Whale Watching Season. The best time for whale watching in Massachusetts is from April to October, though whales dwell in Bay State waters as early as mid-March and as late as early November. Whales migrate to Massachusetts to feed on mackerel, herring, krill and other schooling fish that breed in these nutrient-rich waters.",3,3.0,3.0,3.0
+112700,crest syndrome esophageal dysfunction,"UMLS. Calc/Rayn/sclerodact/oes/telan, Calcinos, Raynaud, sclerodactyly, esophageal, telangiect, Calcinos, Raynaud, sclerodactyly, oesophageal, telangiect, Calcinosis cutis, Raynaud's, esophageal dysfunction, sclerodactyly and telangiectasia, Calcinosis, Raynaud's phenomenon, sclerodactyly, esophageal dysfunction, telangiectasia syndrome, Calcinosis, Raynaud's phenomenon, sclerodactyly, oesophageal dysfunction, telangiectasia syndrome, CREST, CREST - Calc, Raynaud, sclerodact, oesoph, telangiect, CREST - Calc,Rayn phen,oesoph dysf,sclerodact,telangiectasia, CREST - Calc/Rayn/scl/oes/tel, CREST - Calcinosis, Raynaud's phenomenon, esophageal dysfunction, sclerodactyly, telangiectasia, CREST - Calcinosis, Raynaud's phenomenon, oesophageal dysfunction, sclerodactyly, telangiectasia, CREST - Calcinosis, Raynaud's phenomenon, sclerodactyly, esophageal involvement, telangiectasia synd, CREST - Calcinosis, Raynaud's phenomenon, sclerodactyly, oesophageal involvement, telangiectasia syn, CREST Syndrome, CREST VARIANT OF SCLERODERMA, Syndrome, CREST.",0,3.0,2.0,3.0
+112700,crest syndrome esophageal dysfunction,"Esophageal motility dysfunction in children with Rett syndrome, gastroesophageal reflux, and dysphagia. (2) Predisposing factors to bezoars, in addition to dietary behaviour, include previous gastric surgery, particularly partial gastrectomy or truncal vagotomy with pyloroplasty.",0,2.0,0.0,1.0
+112700,crest syndrome esophageal dysfunction,Iliac Crest Pain Syndrome. Causes of Iliac Crest Pain. Signs and Symptoms of Iliac Crest Syndrome. Diagnosis of Iliac Crest Pain Syndrome. Treatment for Iliac Crest Pain. Exercises for Iliac Crest. Iliac Crest Bone Graft:,0,0.0,0.0,0.0
+112700,crest syndrome esophageal dysfunction,"CREST syndrome âą AARDA. 0. CREST syndrome. CREST syndrome is an acronym for calcinosis, Raynaudâs phenomenon, esophageal dysfunction, sclerodactyly, and telangiectasia. CREST syndrome is an acronym for c alcinosis, R aynaudâs phenomenon, e sophageal dysfunction, s clerodactyly, and t elangiectasia.",0,3.0,1.0,3.0
+112700,crest syndrome esophageal dysfunction,"CREST Syndrome. CREST syndrome is a clinical variant of scleroderma characterized by a combination of Calcinosis cutis, Reynaud phenomenon, Esophageal dysfunction, Sclerodactyly, and Telangiectasia. Telangiectasia may occur on the lips and oral mucosa, and presents as red dots or plaques.",0,3.0,2.0,3.0
+112700,crest syndrome esophageal dysfunction,"Interpretation. In various reported clinical studies, centromere antibodies occur in 50% to 96% of patients with calcinosis, Raynaud phenomenon, esophageal dysfunction, sclerodactyly, and telangiectasis (CREST) syndrome. A positive test for centromere antibodies is strongly associated with CREST syndrome. The presence of detectable levels of centromere antibodies may antedate the appearance of diagnostic clinical features of CREST syndrome by several years.",0,3.0,1.0,3.0
+112700,crest syndrome esophageal dysfunction,"Difficulty in swallowing. In CREST syndrome, people often face swallowing difficulties, due to their problem in the esophagus. The loss of control over the esophageal muscles at the upper and lower end can cause difficulty in swallowing and let back flow the acidic content of the stomach into the esophagus.",3,3.0,3.0,3.0
+806694,what is the average pay scale in massachusetts for a sonographer,"Salaries for Massachusetts Veterinary Technicians. Vet techs working in Massachusetts can expect to command a competitive salary. The average annual pay for a vet tech in the state is $40,120, as compared to the national average of $32,570. Vet techs can earn as much as $54,590 on the high end of the pay scale.",0,0.0,0.0,0.0
+806694,what is the average pay scale in massachusetts for a sonographer,"Welder Regional Salary Comparison. Ohio welders' pay is closer to the lower end of the scale compared to other states. The highest paying state for welders is Alaska, paying an average yearly salary of $63,370, or $30.47 an hour. The other top-paying states include Louisiana, Washington, Kentucky and Massachusetts.",0,0.0,,0.0
+806694,what is the average pay scale in massachusetts for a sonographer,"What Is the Average Correctional Officer Salary by State. Table View. State. Annual Salary. Monthly Pay. Weekly Pay. Hourly Wage. Massachusetts. $38,075.",0,0.0,,0.0
+806694,what is the average pay scale in massachusetts for a sonographer,The Average Pay of a Licensed Phlebotomist. Hourly Wages for Certified Welding Inspector. Salary of a Cardiac Catheterization Technologist. The Average Sonographer Salary. The Pay Scale for a Cardiac Sonographer. How to Train to Be a Phlebotomist. Wages for a Nursing Unit Clerk.,0,1.0,,2.0
+806694,what is the average pay scale in massachusetts for a sonographer,"A: Diagnostic medical sonographers employed in California earned an average salary of $100,960 in 2019. Average Diagnostic Medical Sonographer Pay vs. Other Best Jobs. Diagnostic Medical Sonographers earned an average salary of $75,780 in 2019.",0,1.0,,1.0
+806694,what is the average pay scale in massachusetts for a sonographer,"Ultrasound Technician Salary in Massachusetts. For diagnostic medical sonographers in Massachusetts, their median annual salary in 2013 was $80,500; much higher than the national median of $66,400. Ultrasound technicians who were in the top 10% of earners averaged an annual salary of $101,700 while those in the bottom 10% earned $54,600.",0,2.0,3.0,3.0
+806694,what is the average pay scale in massachusetts for a sonographer,"Ultrasound Tech Salary by State. Sonographers who compare ultrasound tech salary by state or locale will find significant variations in the remuneration available. At $93,350 annual in 2016, California has the highest average salary for ultrasound technician followed by Washington, Oregon, Colorado and Massachusetts, all with averages between $81,050 and $86,970.",0,2.0,2.0,2.0
+806694,what is the average pay scale in massachusetts for a sonographer,"Diagnostic Sonographer Salary in Massachusetts - MA. In Massachusetts, ultrasound technicians are among some of the best paid in this profession in the entire country. In fact, the average diagnostic sonographer salary in Massachusetts is $78,460 per year, much higher than the national average of $63,640.",3,3.0,3.0,3.0
+806694,what is the average pay scale in massachusetts for a sonographer,"It was followed by Oregon at $81,010 and Washington at $79,980. Massachusetts ranked fourth, with an average salary of $78,450 per year. The lowest-paying state was Alabama, where medical sonographers earned an average of $47,540 per year. 00:00. 00:02 09:16.",3,3.0,3.0,3.0
+646091,what does prenatal care include,"Rating. Mostly False. About this rating. What's True. Prenatal care makes up a small portion of Planned Parenthood's services, and not all Planned Parenthood affiliates offer these services. What's False. Planned Parenthood offers a number of reproductive health services other than abortion -- including prenatal care (and referrals to prenatal care providers) -- at multiple health centers across the U.S. and has not claimed to offer prenatal care at all their centers.",0,1.0,1.0,1.0
+646091,what does prenatal care include,Planned Parenthood Doesn't Offer Prenatal Care-Truth! & Fiction! - Truth or Fiction? Planned Parenthood Doesn't Offer Prenatal Care-Truth! & Fiction! Planned Parenthood Doesnât Offer Prenatal Care- Truth! & Fiction! A viral video claims that Planned Parenthood does not provide pregnant women access to prenatal care â contrary to claims made by Planned Parenthood leadership about prenatal care.,0,0.0,,0.0
+646091,what does prenatal care include,"Pregnancy and prenatal care go hand in hand. During the first trimester, prenatal care includes blood tests, a physical exam, conversations about lifestyle and more. Prenatal care is an important part of a healthy pregnancy. Whether you choose a family physician, obstetrician, midwife or group prenatal care, here's what to expect during the first few prenatal appointments.",0,3.0,3.0,3.0
+646091,what does prenatal care include,"What services does MPE cover? You can get outpatient services like prenatal checkups, doctor visits, lab tests, prenatal vitamins, medicine, specialty medical care, eye care, dental care, emergency room care, mental health and substance abuse services, transportation to get medical care and other services.",0,3.0,2.0,3.0
+646091,what does prenatal care include,"1. Understand the responsibilities. Before you can know if prenatal nursing is the right profession for you, it is important to understand exactly what a prenatal nurse does. Prenatal nurses provide care to expectant mothers, new mothers, and their babies. Prenatal nurses are also sometimes referred to as as perinatal nurses or registered nurses.",0,1.0,1.0,1.0
+646091,what does prenatal care include,"What is a prenatal visit? Prenatal care is the medical care you receive during pregnancy. Prenatal care visits start early on in your pregnancy and continue regularly until you deliver the baby. They typically include a physical exam, a weight check, and various tests.",0,3.0,3.0,3.0
+646091,what does prenatal care include,"Get early and regular prenatal care. The first 8 weeks of your pregnancy are important to your baby's development. Early and regular prenatal care can boost your chances of having a safe pregnancy and a healthy baby. Prenatal care includes screenings, regular exams, pregnancy and childbirth education, and counseling and support.",3,3.0,3.0,3.0
+646091,what does prenatal care include,"IMG Src: uticaparkclinic.com. Once you find out that you are pregnant, you should schedule a visit to your health care provider to begin prenatal care. Prenatal visits to your health care include a physical exam, weight checks, and urine sampling. It also includes a blood test and imaging test or ultrasound exams.",3,3.0,2.0,3.0
+647362,what does s/p mean medical,"13. npo medical abbreviation abbreviation npo medical abbreviation npo medical terms is it npo or n p o medical abbreviation medical abbreviation for npo medical abbreviation fro npo medical abbreviation npo medical abbreviation npo n.p.o medical abbreviation npo p mn medical abbreviation of npo medical abbreviation right npo medical npo abbreviation medical term abbreviation npo medical terminology abbreviation for npo medical terms abbreviation for npo npo abbreviation medical npo amn medical abbreviation npo emergency medical abbreviation npo gastroenterology medical abbreviation npo is what medical abbreviation npo medical abbreviation npo medical abbreviation definiton npo medical abbreviation defintion npo medical abbreviation in the nicu npo medical abbreviation latin npo medical abbreviation meaning npo medical abbreviation mivf npo medical abbreviation opa npo medical abbreviation opa combitube npo medical abbreviation quizlet npo medical term abbreviation npo mn medical abbreviation npo or n p o medical abbreviation npo p mn medical abbreviation plan npo medical abbreviation the medical abbreviation ""npo"" means the medical abbreviation npo stands for the standardized medical abbreviation npo means what does medical abbreviation npo mean what does the abbreviation npo stand for in medical terms what does the medical abbreviation npo mean what does the medical abbreviation npo stand for what is npo medical abbreviation what is the meaning of npt medical abbreviation npo what is the meaning of the medical abbreviation npo what is the medical abbreviation for npo.",0,0.0,,0.0
+647362,what does s/p mean medical,"Re: * What does d. s. p. mean? In reply to: * What does d. s. p. mean? Below you will find a link to a complete list of genealogy abbreviations. The abbreviation d.s.p. stands for descessit sine parole. This is Latin for ""died without issue."".",0,0.0,,0.0
+647362,what does s/p mean medical,"What Does BMS Mean on Snapchat? BMS means â B roke M y S cale,â as in someone is so hot that on a scale of 1-10 she broke my scale. What Does BP Mean on Snapchat? BP means â B *tch P leaseâ. What Does BRB Mean on Snapchat? BRB means â B e R ight B ackâ. What Does BSF Mean on Snapchat? BSF means â B est F riendâ.",0,0.0,,0.0
+647362,what does s/p mean medical,s/p WA with left paresis. This might be a dumb question but what does WA mean? s/p means status post right?:uhoh21:,0,2.0,2.0,3.0
+647362,what does s/p mean medical,"I know it stands for status post, but what does it actually mean? For example, deep vein thrombosis s/p inferior vena cava filter. Does it mean the patient developed DVT after having an IVC filter? Thanks.",0,3.0,,3.0
+647362,what does s/p mean medical,"What does sp hysterectomy mean? S/P in medical terms stands for ""status post."". It refers to a surgery or other event that occurred in the past. So s/p hysterectomy means the patient previously had her uterus removed.",0,3.0,2.0,3.0
+647362,what does s/p mean medical,"S/P is the short for'Status Post' in medical terms. More specifically it mean the following: It's adjective, Medtalk Clinical shorthand referring to a state that follows an interventionâeg, S/P CABG, S/P cholecystectomy S/P mastectomy, S/P orchiectomy, or conditionâeg, S/P acute MI. Source:",0,3.0,3.0,3.0
+395948,information about who howard gardner and what does he do,"The greatest confusion, however, centers on a more fundamental question about the nature of the position: What, exactly, does a Poet Laureate do? Poets Laureate are well familiar with this question, and hard-pressed to provide a clear answer. Howard Nemerov was only half joking in 1963 when he wrote, âThe Consultant in Poetry is a very busy man, chiefly because he spends so much time talking with people who want to know what the Consultant in Poetry does.â.",0,0.0,,0.0
+395948,information about who howard gardner and what does he do,"When Bernadette talked to Penny about Howard and that he didn't think of him as a guy who does pervert thinks on the internet, Penny seems to understand what she's talking about. Actually, she learned about this from Howard at Season 4's fourth episode ""The Hot Troll Manifestation"".",0,0.0,,0.0
+395948,information about who howard gardner and what does he do,"Relationships. Gardner became a friend of businessman and aviator Howard Hughes in the early to mid-1940s, and the relationship lasted into the 1950s. Gardner stated in her autobiography, Ava: My Story, that she was never in love with Hughes, but he was in and out of her life for about 20 years.",0,,0.0,0.0
+395948,information about who howard gardner and what does he do,"The IDR-MIT is based on the work of Dr. Howard Gardner, who authored the Multiple Intelligences Theory. The IDR-MIT is not associated with any specific researchers in the field of educational psychology or any affiliated research institutions. The IDRlabs Multiple Intelligences Test was informed by Gardnerâs Multiple Intelligences Model, as published in Gardner, Howard (1983; 1993) Frames of Mind: The theory of multiple intelligences , New York: Basic Books; Gardner, Howard (1999) Intelligence Reframed.",0,2.0,2.0,2.0
+395948,information about who howard gardner and what does he do,"Close extra sharing options. Facebook. Twitter. LinkedIn. Email. Copy Link URL Copied! Print. The Harvard education professor Howard Gardner once advised Americans, âLearn from Finland, which has the most effective schools and which does just about the opposite of what we are doing in the United States.â.",0,2.0,1.0,2.0
+395948,information about who howard gardner and what does he do,Howard Gardner identified a total of ________ intelligences. Eight. Those who define intelligence as academic aptitude are most likely to criticize. Gardner's concept of multiple intelligences. Howard Gardner is most likely to agree that the concept of intelligence includes. spatially analyzing visual input.,0,2.0,1.0,2.0
+395948,information about who howard gardner and what does he do,"Howard Gardner and Theory of Multiple Intelligences. Howard Gardnerâs theory of multiple intelligences is an alternate theory of an individualâs intelligence. This is completely different to what Charles Spearman deduced. Howard Gardner suggested that individuals have all kinds of intelligences, there being nine different kinds of it as he concluded, including one that was âexistentialist intelligenceâ.",0,2.0,1.0,3.0
+395948,information about who howard gardner and what does he do,"Brief Biography of Howard Gardner. Howard Gardner was born on July 11, 1943 in Scranton, Pennsylvania. He described himself as ""a studious child who gained much pleasure from playing the piano."". He completed his post-secondary education at Harvard, earning his undergraduate degree in 1965 and his Ph.D. in 1971. 3 ï»ż.",0,2.0,1.0,2.0
+395948,information about who howard gardner and what does he do,"Howard Gardner's Eight Intelligences. The theory of multiple intelligences challenges the idea of a single IQ, where human beings have one central ""computer"" where intelligence is housed. Howard Gardner, the Harvard professor who originally proposed the theory, says that there are multiple types of human intelligence, each representing different ways of processing information:",0,3.0,2.0,3.0
+395948,information about who howard gardner and what does he do,"Howard Gardnerâs Theory of Multiple Intelligence. Howard Gardner of Harvard University first came up with the theory of multiple intelligences in 1983. Gardner argues that there are eight types of intelligence, far more than the standard I.Q. test can account for. He goes on to say that these multiple intelligences âchallenge an educational system that assumes that everyone can learn the same materials in the same way and that a uniform, universal measure suffices to test student learning.â.",3,2.0,2.0,3.0
+661905,what foods should you stay away from if you have asthma,what are foods you should not eat if you have hypothyroidism?? What are foods beside salt and soy that i should stay away from??,0,0.0,,0.0
+661905,what foods should you stay away from if you have asthma,"Many milder attacks can be handled at home. Hereâs what to try. Avoid your triggers. If you know what your triggers are, try to stay away from them so you can avoid asthma attacks altogether. Sometimes, this isnât possibleâbut if you find yourself having an asthma attack and you know why, do what you can to get away from the culprit.",0,1.0,1.0,1.0
+661905,what foods should you stay away from if you have asthma,Controlling asthma triggers. Triggers are those things that make your asthma symptoms worse or cause asthma attacks. Many people with asthma have allergies that can be triggers. Your healthcare provider may have you get allergy testing to find out what you are allergic to. This can help you stay away from triggers.,0,2.0,1.0,1.0
+661905,what foods should you stay away from if you have asthma,"If you struggle with chronic asthma, itâs advised that you should stay away from hot pepper in large quantities. With most types of foods, tolerances can still be built up â so if youâre a spicy food fan and an asthmatic, you shouldnât have to worry too much.",0,2.0,2.0,2.0
+661905,what foods should you stay away from if you have asthma,"In addition to asthma, if you have allergies to peanuts or garbanzo beans, it is advised for you to stay away from fenugreek. Fenugreek is related to these particular foods, and you may experience a similar allergic reaction while taking the herb. Diabetes or hypoglycemia.",0,1.0,1.0,2.0
+661905,what foods should you stay away from if you have asthma,"Asthma. Asthma is another type of respiratory problem, but it is more severe. It is the most common answer to the question, why does ice cream make you cough. If you are suffering from asthma, then it is very important to stay away from any kind of cold meal or ice creams because you may get a life hazard by having them.",0,2.0,2.0,3.0
+935353,when and where did the battle of manassas take place,"There was the First Battle of Bull Run and the Second Battle of
+Bull Run. They are also known as the First Battle of Manassas and
+Second Battle of Manassas. When did the Battle of Bull Run begin? The First Battle of Bull Run was in 1861. The Second Battle of
+Bull Run was in 1862.",0,2.0,1.0,2.0
+935353,when and where did the battle of manassas take place,"What was the first land battle of the US Civil War and in what state did it take place? The first major land battle of the Civil War was the First
+Battle of Bull Run, known to the South as First Manassas, in
+Virginia. Largest land battle fought by Americans? largest land battle fought by americans.",0,2.0,1.0,2.0
+935353,when and where did the battle of manassas take place,"Where eas the battle take place? The battle of gettysburg take place at the
+Pensylvania&PA. When did the battle of Vicksburg and Gettysburg take place? ANSWER
+The siege and battle of Vicksburg take place from May 19 to July
+4,1863. The battle of Gettysburg take place from July 1 to July
+3,1863.",0,0.0,0.0,0.0
+935353,when and where did the battle of manassas take place,"14. Manassas. Situated in northern Virginia, Manassas is a great place to learn about the country's history. Most visitors come here to tour the Manassas National Battlefield Park, where two important Civil War battles took place in 1861 and 1862.",0,2.0,2.0,3.0
+935353,when and where did the battle of manassas take place,"First Battle of Bull Run. The first big land battle of the American Civil War took place near Manassas in Prince William County in Virginia on July 21, 1861. This episode is called the First Battle of Bull Run and is also known as First Manassas, the latter being the name the Confederates used. The battle came about as a result of a Union drive to try and take Richmond, Virginia, the capital of the Confederate states, as it was felt that taking the city would mean an early end to the uprising.",0,3.0,3.0,3.0
+935353,when and where did the battle of manassas take place,"When and where was the bull run fought? The first battle of Bull Run was fought July 21, 1861 near
+Manassas, Virginia. The union forces called it Bull Run and the
+Confederate forces called it the battle of Manassas. The battle
+ended with a union retreat that turned into a rout as confederate
+forces counter attacked.",0,3.0,3.0,3.0
+935353,when and where did the battle of manassas take place,"Contents. Prelude to the First Battle of Bull Run (Manassas) Battle Begins at Bull Run. The âRebel Yellâ at Bull Run (Manassas) Who Won The Battle of Bull Run (Manassas)? The First Battle of Bull Run, also known as the Battle of Manassas, marked the first major land battle of the American Civil War. On July 21, 1861, Union and Confederate armies clashed near Manassas Junction, Virginia.",0,3.0,3.0,3.0
+935353,when and where did the battle of manassas take place,"Basic Facts about the First Battle of Bull Run. The date of the battle was July 21st, 1861, near the city of Manassas in Virginia. Manassas is approximately twenty five miles from Washington D.C. and near Bull Run Creek. The battle was called Manassas by the Confederates and Bull Run by the Union.",3,3.0,3.0,3.0
+681645,what is a divorce bench trial,"Contested Divorce (High Cost) If you and your spouse are unable to come to an agreement on the issues related to the divorce, you will have to endure a long and costly legal process that will include a jury or bench trial.",0,2.0,1.0,2.0
+681645,what is a divorce bench trial,"Jury Trial vs. Bench Trial. Your Rights. What Is a Bench Trial? Jury Trial vs. Bench Trial. Ijeoma Izuchukwu May 26, 2020. 516 9 minutes read. Every person has a right to a fair trial before being acquitted or convicted of a crime. A fair trial implies that the case will get heard within a reasonable time, in a public and independent court, conducted as per regulation, and overseen by an unbiased judge.",0,1.0,0.0,1.0
+681645,what is a divorce bench trial,"What is a Bench Trial? In a criminal proceeding in state court, a defendant may face a jury trial or a bench trial. A jury trial is a trial before a jury of 6 or 12 people who, after hearing the evidence and legal arguments, decide whether the defendant is guilty or not guilty of the charges against him. At a jury trial, the judge must rule on the procedural and evidentiary issues such as who can testify, what witnesses can testify about, and what documents or physical evidence the jury can consider.",0,1.0,1.0,1.0
+681645,what is a divorce bench trial,"What To Expect During A Bench Trial For Your Divorce. Just a clutch of states across the nation put a divorce case on jury trial. Everywhere else, including California, a bench trial is the default â and only â option.",0,2.0,3.0,2.0
+681645,what is a divorce bench trial,"Should you and your soon to be ex choose to have your divorce settled in court â often a last resort, having exhausted mediation or attempts to arrive at agreement with the help of your divorce attorneys; then a bench trial is likely what you will encounter.",0,2.0,,2.0
+681645,what is a divorce bench trial,What is a Bench Trial? The alternative to a jury trial is a bench trial. A bench trial is a trial to the judge. In a jury trial the judge will determine any questions of law and the jury will decide all issues of fact.,0,2.0,,2.0
+681645,what is a divorce bench trial,"Bench trial vs. Jury trial. By taking your divorce to court, you are leaving the final decision on what is deemed to be an equitable and fair verdict on the division of marital assets, alimony payments, and child custody, among other things, to the discretion of the court.",0,2.0,2.0,2.0
+681645,what is a divorce bench trial,"What is a Bench Trial? Trials decided by judges are known as bench trials. Bench trials are the âdefaultâ when there are no jury trials, mediations, or arbitrations. They are cheaper than the other options as they do not require additional fees, but often disfavored as they rely on a single decision-maker.",0,2.0,,2.0
+681645,what is a divorce bench trial,"The one exception is for family-law cases, like divorce or custody cases. Trials in those cases are all â bench trials,â decided by a judge, and not a jury. The original U.S. Constitutionâbefore any amendmentsâjust guaranteed a jury trial in criminal cases.",0,2.0,3.0,2.0
+688007,what is a kanima,"6 years ago. Archived. What is the alpha version of a Kanima? / Parrish theory. While watching the mid season trailer, my boyfriend pointed out to me that Deputy Parrish was transforming into a Kanima- or something that looks like one. We were rewatching season 2, and during the last 2 or 3 episodes (of the season,) when Gerrard was controlling Kanima Jackson he ended up ""killing himself"" at the end of the championship lacrosse game.",0,1.0,1.0,2.0
+688007,what is a kanima,"Bennett the Hunter (killed by Kanima in Ice Pick) Tucker Cornish (killed by Kanima in Abomination) Sean Long (killed by Kanima in Restraint) Jessica Bartlett (killed by The Master in Restraint) Kara Simmons (killed by Kanima in Raving) 4 Beacon Hills Sheriff's Deputies (killed by Kanima in Fury) Retrieved from "" https://teenwolf.fandom.com/wiki/Kanima_Master?oldid=237677 "".",0,2.0,,1.0
+688007,what is a kanima,"A werecreature will transform into a kanima due to a rooted insecurity that they lack a sense of self-worth, an personal identity. As a result, the kanima doesn't know what or who it is. In 2x04 - Abomination, it is shown to be confused and scared of its own reflection.",0,3.0,2.0,3.0
+688007,what is a kanima,"Electricity: It is revealed to be a kanima's weakness as how Tracy part-kanima was seen to be effected by taser but real kanimas are less vulnerabile than werewolves or Chimeras part-kanimas. Full Moon: like werewolves, the kanimas lose control unless they are experienced kanimas.",0,2.0,1.0,2.0
+688007,what is a kanima,"Kanima. Like the wolf, its power is greatest at the moon's peak. Like the wolf, the Kanima is a social creature but where the wolf seeks a pack the Kanima seeks a master. The Kanima, a weapon of vengeance, is used to carry out the bidding of its master.",0,3.0,3.0,3.0
+688007,what is a kanima,Kanima entry from the Argent bestiary. Like the wolf its power is greatest at the moon's peak. Like the wolf the Kanima is a social creature but where the wolf seeks a pack the Kanima seeks a master. The Kanima a weapon of vengeance used to carry out the bidding of its master.,0,3.0,3.0,3.0
+688007,what is a kanima,"Kanima. A full-blooded Kanima, such as Jackson Whittemore, can transform their eyes to look like that of the reptiles they take after, which include whitish-pink sclera of their eyes with slit black pupils like a snake, along with what appeared to be vertical eyelids that appear only when their eyes are in Kanima form.",0,3.0,2.0,
+688007,what is a kanima,"Bestiary Entry on Kanima. âLike the wolf, its power is greatest at the moonâs peak. Like the wolf, the Kanima is a social creature but where the wolf seeks a pack the Kanima seeks a master. The Kanima, a weapon of vengeance, is used to carry out the bidding of its master. The Kanima was once used by a South American priest who took it upon himself to rid his village of all murderers.",0,3.0,3.0,3.0
+688007,what is a kanima,"The kanima is about the size of an average human. It has dark green reptilian scales; while the Beta form has a long, smooth, normal tail, the tail on an Alpha kanima has a round end that is covered in spikes, which may or may not also be coated by kanima venom. The Alpha form also includes wings on the kanima's back.",3,3.0,3.0,3.0
+952262,when is the best time to do a home pregnancy urine test,"In this case, the source of hCG changes but the working of the blood home pregnancy test and urine home pregnancy test is the same. Read more: 20 Best Pregnancy Test Tips.",0,1.0,,1.0
+952262,when is the best time to do a home pregnancy urine test,"In the first case, the capillary action takes the hCG particles along. In the second case, the gravitation pull makes the urine run along the pregnancy test. If you hold the kit upside, then urine wonât rise in the home pregnancy test. The pregnancy test control line appears after this: When the urine comes in contact with the pregnancy test control line, it reacts with the moisture and gives a color.",0,1.0,,1.0
+952262,when is the best time to do a home pregnancy urine test,"So, pregnant women need to understand the best likely way and time to execute a urine pregnancy test at home to prevent any false positive or negative results. A home pregnancy test may be followed by a clinical urine test to authenticate the outcome of a home pregnancy test.",0,2.0,1.0,2.0
+952262,when is the best time to do a home pregnancy urine test,The wide variation of when the urine pregnancy test becomes positive and how early pregnancy can be detected are due to four variables which determine when the home urine pregnancy test becomes positive: Timing of Implantation. Blood hCG Level. Urine hCg Level. Sensitivity of the Urine Test. 1. Timing of Implantation.,0,2.0,1.0,2.0
+952262,when is the best time to do a home pregnancy urine test,"How to identify an evaporation line on a pregnancy test. Evaporation lines are common on pregnancy tests, but they donât appear every time. It depends on the chemical makeup of each womanâs urine. One of the best ways to avoid any confusion when using a home pregnancy test is to check your results within the reaction time.",0,1.0,1.0,1.0
+952262,when is the best time to do a home pregnancy urine test,"While stronger smelling urine can be a sign of pregnancy, it is not a useful test. Visit your doctor for a blood test, or try a home pregnancy test. Take the home pregnancy test in the morning when the level of hCG is higher in your urine as home pregnancy tests test for this hormone."". 0 0 1. đđż.",0,3.0,3.0,3.0
+952262,when is the best time to do a home pregnancy urine test,"A: If you want to prevent getting a really faint line pregnancy test result, then the best time for you to do the test is after you have missed your period. In addition, schedule your test for first thing in the morning, when urine is more concentrated.",0,3.0,3.0,3.0
+952262,when is the best time to do a home pregnancy urine test,What about an at-home urine test? The best time to take an at-home pregnancy test is first thing in the morning and with your first morning urine. This is when the urine is most concentrated and has the highest level of the pregnancy hormone hCG.,3,3.0,3.0,3.0
+952284,when is the best time to fish with a crawfish color bait,"For the guys who want to have a larger crawfish feast, you must employ a trap and bait. The best bait for the crawfish trap is often the live bait. If you have to use the meat, you should ensure that it is fresh meat. With the right bait, fishing method, and timing, it is possible to have a large catch of crawfish.",0,1.0,,1.0
+952284,when is the best time to fish with a crawfish color bait,"Here are two main baits to try: 1. Fish. Fish make the best pair for crawfish! Traditionally, crawfish traps from all around the world actually use fish as bait. In Sweden, people use sunfish, herring, or shiners, while Lousiana entices crawfish using ponies or gizzard shad.",0,1.0,0.0,1.0
+952284,when is the best time to fish with a crawfish color bait,"They mostly feed of crawfish during spring when they are available in plenty. If you want to cat catch fish, then crawfish bait can do the job. Catfish cannot ignore a crawfish staring at them. However, when you use crawfish as bait, you should expect competition from other fish species such as bass and bluegills.",0,2.0,1.0,2.0
+952284,when is the best time to fish with a crawfish color bait,Since the water is clear most of the year smaller natural baits work best. Fish get a better look at the bait when the water is clear so you want it to look as natural as possible. Live bait works best along with plastic worms. Shad colored crank baits and crawfish lures will draw bites when fished in the right manner.,0,2.0,1.0,2.0
+952284,when is the best time to fish with a crawfish color bait,3 Best Seasons to Catch Bass Using Crawfish Baits. Written by Eric Matechak in Bass Fishing. Crawfish are an important food source for bass on most bodies of water and craw-patterns can be a great option to catch big bass. There are specific windows where craw baits will yield you the best results. What is the best time of year to fish with crawfish baits and lures for bass?,0,3.0,1.0,3.0
+952284,when is the best time to fish with a crawfish color bait,"The Best Wiggle Wart Colors. As far as colors are concerned, you wonât need all 3 + colors offered by Storm. You need just a few to be covered for most fishing conditions. In the spring, it is important to have some sort of crawfish-red colored bait.",0,2.0,2.0,3.0
+952284,when is the best time to fish with a crawfish color bait,"When to Make Lure Adjustments. In clear water, lighter, more translucent lure colors seem to. work best. Besides water clarity, time of year and preferred forage should also be considered in choosing lure color. For instance, crawfish are a main menu item on many Southern lakes in the pre-spawn, and unless the water is muddy, a crawfish-pattern crankbait like the customer top rated Rebel Crawfish bait or a brown/brown jig-and-pig emulate this natural prey.",0,2.0,2.0,2.0
+952284,when is the best time to fish with a crawfish color bait,"Jig. Image. Five productive baits for springtime bass are (from left) a crawfish-colored crankbait, spinnerbait, jig, stickworm and walking topwater plug. I fish a jig year-round and the lure is probably the best big bass bait for me in the spring.",0,2.0,1.0,2.0
+952284,when is the best time to fish with a crawfish color bait,"Fished off the bank and caught 4 largemouth for 13.55 lbs, caught all fish on brown phantom crawfish! This is my confidence bait on the winter as well as yo-young a lipless crawfish colored redeye. Nevertheless the wiggle wart has proved to produce quality bass for me in tough, cold, winter conditions.",0,2.0,2.0,2.0
+168329,does light intensity or concentration of carbon dioxide have a higher rate of photosynthesis,Rate of photosynthesis. The rate of photosynthesis is affected by the following factors: concentration of carbon dioxide. availability of water. light intensity. The rate of photosynthesis is also affected by temperature because the reactions of photosynthesis are controlled by specific enzymes.,0,2.0,1.0,2.0
+168329,does light intensity or concentration of carbon dioxide have a higher rate of photosynthesis,The line does not go through the origin. This is because oxygen production and carbon dioxide uptake are affected by respiration as well as photosynthesis. Respiration uses oxygen and produces carbon dioxide. Below is a graph measuring the rate of photosynthesis plotted on carbon dioxide against light intensity:,0,2.0,0.0,2.0
+168329,does light intensity or concentration of carbon dioxide have a higher rate of photosynthesis,"At light intensities of 5.5 units and above, a carbon dioxide concentration of 0.1 per cent is limiting and the rate of photosynthesis does not increase even when light intensity is increased. Light intensity is not limiting the rate of photosynthesis at light intensities of five to eight units. As light intensity is increased the rate of photosynthesis remains the same.",0,2.0,2.0,3.0
+168329,does light intensity or concentration of carbon dioxide have a higher rate of photosynthesis,"Those factors are temperature, the concentration of
+carbon dioxide and light intensity. What are the 3 main factors that affect the rate of photosynthesis? The intensity of light, concentration of carbon dioxide and
+temperature are the factors that can affect the rate of
+photosynthesis.",0,1.0,,1.0
+168329,does light intensity or concentration of carbon dioxide have a higher rate of photosynthesis,"8.2.8 Explain the concept of limiting factors in photosynthesis, with reference to light intensity, temperature and concentration of carbon dioxide. A limiting factor is a factor that controls a process. Light intensity, temperature and carbon dioxide concentration are all factors which can control the rate of photosynthesis.",0,2.0,1.0,2.0
+168329,does light intensity or concentration of carbon dioxide have a higher rate of photosynthesis,At low and medium light intensity the rate of photosynthesis is directly proportional to the light intensity. As the carbon dioxide concentration increases so does the rate of photosynthesis. There is no photosynthesis at very low levels of carbon dioxide and at high levels the rate reaches a plateau.,0,2.0,2.0,2.0
+168329,does light intensity or concentration of carbon dioxide have a higher rate of photosynthesis,"Water, light, Carbon Dioxide, and temperature. How does carbon dioxide concentration affect photosynthesis? Carbon dioxide is an essential reactant for photosynthesis to
+occur. If there is a higher concentration of carbon dioxide, then
+the rate of photosynthesis will increase, and vise versa.",0,2.0,1.0,2.0
+168329,does light intensity or concentration of carbon dioxide have a higher rate of photosynthesis,"Greater light intensity leads to higher photosynthesis rates, as does increased carbon dioxide concentration. However, once light intensity and carbon dioxide concentration reach a certain level, photosynthesis rates level off and don't increase much further.",3,3.0,3.0,3.0
+168329,does light intensity or concentration of carbon dioxide have a higher rate of photosynthesis,"Increasing the light intensity will boost the speed of photosynthesis. Sometimes photosynthesis is limited by the concentration of carbon dioxide in the air. Even if there is plenty of light, a plant cannot photosynthesise if there is insufficient carbon dioxide.",3,2.0,2.0,2.0
+421946,is pulse ox screening for children law?,"Have a heart for children like Ava. J., Missouri resident and inventor recently contracted invention assistance leader NewProductHelp.com to represent her Crazy Pulse Ox Adapters invention to industry over the next 2 years. NewProductHelp.com Tabbed to Represent Crazy Pulse Ox Adapters Invention to Potential Licensees.",0,0.0,0.0,0.0
+421946,is pulse ox screening for children law?,"Garmin estimates up to five days of battery life with an average amount of activity and interaction and the pulse ox mode switched off. We found a life of close to four days with the pulse ox on, with a drop of around 10% overnight. Read our full Garmin Lily review .",0,0.0,0.0,0.0
+421946,is pulse ox screening for children law?,"Garmin Fenix 5. Garmin Fenix 6. Lacks pulse ox sensor and features that comes with it. The Fenix 6 comes with pulse ox which serves two functions; A. for altitude acclimation, where it can help you know when itâs not safe to continue climbing and B. sleep monitoring to help you see your sleep quality.",0,0.0,,0.0
+421946,is pulse ox screening for children law?,Initial Screening: Time Pulse Ox Saturation of Right Hand % Pulse Ox Saturation of Foot % Difference (right hand â foot) %. Second Screening(1 hour following initial screen if fail initial screen) Time Pulse Ox Saturation of Right Hand % Pulse Ox Saturation of Foot % Difference (right hand â foot) %.,0,1.0,,0.0
+421946,is pulse ox screening for children law?,"Pass Result: Your baby passed the pulse oximetry screen! (PDF, 551 KB) Su bebĂ© pasĂł la prueba de oximetrĂa de pulso (PDF, 292 KB) American Heart Association: Pulse Oximetry Screening for CCHD. Childrenâs National Medical Center: Pulse Ox Congenital Heart Disease Screening. Educational Videos about CCHD Screening.",0,1.0,,1.0
+421946,is pulse ox screening for children law?,"Android - 3 lines in the top left corner of your screen. iOS - Tap more in the bottom right corner of your screen. Select Health Stats. Select Sleep. You will see three tabs displayed on the Sleep Card: Stages, Pulse Ox, and Respiration. Select Pulse Ox. You can view your Pulse Ox graph here. Garmin Connect Web.",0,0.0,,0.0
+421946,is pulse ox screening for children law?,"To improve systems for follow-up, reporting, and connection to services for infants identified by newborn screening. Newborn screening in Minnesota consists of three tests: blood spot screening, hearing screening, and pulse oximetry. Pulse oximetry, or pulse ox, is a painless, non-invasive test that measures how much oxygen is in the blood.",0,1.0,1.0,1.0
+421946,is pulse ox screening for children law?,"There are three parts to newborn screening: the blood test (or heel stick. When the baby's heel is pricked to collect a sample of blood for newborn screening. ); the hearing screen; and pulse oximetry. Pulse oximetry, or pulse ox, is a painless, non-invasive test that measures how much oxygen is in the blood.",0,1.0,,1.0
+421946,is pulse ox screening for children law?,"TOP. Governor Cuomo Signs Legislation to Require Congenital Heart Defect Screenings for Newborns. Share. Governor Andrew M. Cuomo today announced the signing of legislation that will require birthing facilities such as general hospitals and clinics to screen newborns for congenital heart defects through pulse oximetry screening, also known as pulse ox.",3,3.0,2.0,3.0
+421946,is pulse ox screening for children law?,"Babies are dying every day from undetected heart defects, but we have the knowledge and power to prevent CCHD from taking their lives so soon. Knowing that New York State has mandated a law requiring the 'pulse ox' test to be added to newborn screening means saving lives and spreading awareness. It means hope.",3,3.0,3.0,3.0
+421946,is pulse ox screening for children law?,"This video explains what to expect during their baby's first test, and walks them through the heel stick, hearing and pulse ox screenings. The Newborn Screening Program is responsible for assuring that all infants born in New Hampshire are screened at birth for inherited medical disorders.",3,1.0,0.0,1.0
+707882,what is acumen fuse,"If you have acumen, you are very sharp at what you do. You hope your accountant and your surgeon are both known for their acumen. The noun acumen comes from the Latin word acumen, meaning âa point,â or âsting.â.",0,1.0,,0.0
+707882,what is acumen fuse,"Welcom received a number of awards and recognition including Inc 500 rankings, Entrepreneur of the Year and PC Magazine Editor's Choice. Learn more about Acumen Fuse. âč ATC Professional up Anyplan âș. Login or register to post comments.",0,1.0,,1.0
+707882,what is acumen fuse,"Individuals with acumen are always looking ahead, trying to gain insight into what opportunities will be coming and what competitive threats are likely to emerge. Acumen means having the ability to devise strategies to remain one step ahead of competitors, a quality sometimes called vision.",0,1.0,,1.0
+707882,what is acumen fuse,"DeltekÂź Cobra. DeltekÂź Risk+. Asta Powerproject. DCMA UN/CEFACT XML Schedule Data. MicrosoftÂź Excel. Acumen Fuse does not compete with or replace the need for any of the above listed tools. In fact, it is quite the opposite; Acumen Fuse adds to these platforms by providing additional insight through metric analysis.",0,2.0,2.0,3.0
+707882,what is acumen fuse,"FS Relationships â Even though Primavera P6 and Deltek Acumen Fuse both support all relationship types, the DCMA assessment states 90% (or more) of schedule dependencies should be Finish-Start (FS). Start-Start (SS) are acceptable, but building a whole schedule using SS is obviously unacceptable. Hard Constraints â can really affect logic and disable a schedule from being logic driven.",0,2.0,,1.0
+707882,what is acumen fuse,"Industry Applications. Acumen Fuse has applications tailored for the following industries: oil and gas, construction, IT, government and aerospace defense. Acumen Fuse also has analytical support for the DCMA 14 Point Schedule assessment and the GAO 9 scheduling best practices.",0,2.0,2.0,3.0
+707882,what is acumen fuse,"Acumen Fuse Analyses. Acumen Fuse software provides the following analyses: ribbon analysis, time-phase analysis, intersection analysis, comparison analysis, schedule analysis, forensic analysis, logic analysis, and benchmark analysis. Patented ribbon analysis compares results between ribbons by WBS, discipline, activity type, and critical/noncritical activities.",0,3.0,1.0,3.0
+707882,what is acumen fuse,"Improved Scheduling and Resolved Schedule Issues. Through metric libraries such as the 14 Point Assessment and Acumen Fuse's advanced schedule checks, the Acumen Fuse user is able to pinpoint and resolve scheduling flaws, ensuring a more realistic and achievable plan. Pinpoint hidden schedule issues by location, discipline, time and any other desired perspective.",0,3.0,1.0,3.0
+707882,what is acumen fuse,"What is Acumen Fuse? Acumen Fuse is a metric analysis and visualization tool that assesses quality of schedules, accuracy of cost forecasts, realism of risk models, earned value and project performance.",3,3.0,3.0,3.0
+707882,what is acumen fuse,"Acumen Fuse. Posted Fri, 2011-01-28 22:35 by Jenn Weber. Acumen Fuse is a customizable metric analysis and visualization software tool which analyzes schedule, cost, risk, earned value, and project performance. Acumen Fuse uses metrics to pinpoint problematic areas and activities within a project and then provides solutions for improving project plans and execution strategies based on the problematic areas and activities found during the analyses.",3,3.0,3.0,3.0
+707882,what is acumen fuse,"One-Stop-Shop for Total Project Analysis. Acumen Fuse is a one-stop-shop for analysis of schedule data, cost information, risk models, earned value and project performance. Open a single Fuse workbook to analyze each discipline in one or several projects, regardless of the data source.",3,3.0,3.0,3.0
+30611,average age of men at marriage,"Within the Lifestyle Poll sample, the average age at marriage was also significantly higher than the average age of marriage for the population at large. Specifically, the average age at marriage for women in the Lifestyle Poll sample was 27.17 and the average age for their husbands was 28.94. The average age of marriage across the United States for the same time period was 23.6 for women and 25.8 for men*, so the men and women in this sample were 3 to 3.5 years older on average at the time of marriage.",0,2.0,2.0,3.0
+30611,average age of men at marriage,"Taking the 83 marriages of the 72 men, the average age is 31.5 and the median 27.8, making the average age gap 6.5 and the median 4.2 (counting first marriages for the men only, the average age is 28.3 and the median 26.3; the average age gap is 4.7 and the median 3.7). The youngest of the men at marriage - and the only teenager - was Andrew Johnson, 18 and 4 months when he married 16-year-old Eliza McCardle in 1827.",0,3.0,2.0,3.0
+30611,average age of men at marriage,"Taking
+the 83 marriages of the 72 men, the average age is 31.5 and the median
+27.8, making the average age gap 6.5 and the median 4.2 (counting first
+marriages for the men only, the average age is 28.3 and the median
+26.3; the average age gap is 4.7 and the median 3.7).",0,2.0,3.0,3.0
+30611,average age of men at marriage,"In 1890, when the U.S. Census Bureau started collecting marriage data, it was recorded that the average age of a first marriage for men was 26 years, and the average age of marriage for women was 22 years.",0,2.0,2.0,3.0
+30611,average age of men at marriage,"In Puritan society, the average age for marriage was higher than in any other group of immigrants â the average for men was 26, and for women age 23. There was a strong imperative to marry â those who did not were ostracized. The gender ratio was about 150 men to every 100 women. Puritan women married for love â there were no arranged marriages.",0,1.0,3.0,2.0
+30611,average age of men at marriage,"Actually age rates at marriage for men declined from 1910 through 1960. Lowest average age for marriage in men was in 1960, when the mean age for marriage was 22.8 years. Jane Austen, writing in the early 19th century, had heroines married at the earliest age of 17 or 18.",0,2.0,2.0,2.0
+30611,average age of men at marriage,"In twenty countries, a full 10% of women married by age 15. In only 2 countries, however, are 10% of men married before the age of 18. Still, men and women are getting married later in every region of the world. The average age of marriage for women increased from 21.8 to 24.7 years from the seventies to the mid 2000s, with the average age for men rising a comparable amount.",0,2.0,2.0,2.0
+30611,average age of men at marriage,"In 1890, the average age at marriage had been 26.1 for men, 22 for women; by 1951 men were marrying at an average age of 22.6, women at 20.4.â. Couples often married before finishing college. As weâll soon discuss, practices such as pinning signified a commitment to get married.",0,2.0,2.0,3.0
+30611,average age of men at marriage,"For men, the average age at first marriage is 28.7, while the average woman is getting married for the first time at age 26.5. In 2007, the average age at first marriage was 27.5 years for men and 25.6 years for women, according to the report.",3,3.0,3.0,3.0
+30611,average age of men at marriage,"Here are five facts about millennials and marriage: 1. The Average Age Of Marriage Has Increased. Back in 1963, the average age a woman got married was 21, and the average age a man did was 23. The average age of a Millennial's (first) marriage has increased several years since then, to 27 for women and 29 for men, according to a 2015 Pew Research survey.",3,3.0,3.0,3.0
+30611,average age of men at marriage,"What is the average age of first marriage in the US? It's 28 (27 for women and 29 for men). Americans are getting married later and later. The average age of first marriage in the United States is 27 for women and 29 for men, up from 23 for women and 26 for men in 1990 and 20 and 22 (!) in 1960.",3,3.0,3.0,3.0
+975079,where does the welsh language originate from,"It was originally located in Rhyl. ^ ""Schools by local authority, region and Welsh medium type"". Stats Wales. Stats Wales. Archived from the original on 23 September 2016. ^ ""5-year Report"". Welsh Language Commissioner. Welsh Language Commissioner. Archived from the original on 23 September 2016.",0,0.0,,0.0
+975079,where does the welsh language originate from,"What does Angharad mean? [ 3 syll. an - (g)ha- rad, ang -har- ad ] The baby girl name Angharad is pronounced aa-NGHH AA R-aa-D â . Angharad's language of origin is Welsh and it is also used mainly in the Welsh language. The name's meaning is 'much loved'. It is derived from car meaning 'love' ; an.",0,1.0,,1.0
+975079,where does the welsh language originate from,"What does Reece mean? [ 1 syll. ree - ce, re - ece ] The baby boy name Reece is also used, but less frequently, as a girl name. Its pronunciation is R IY -Z â . Reece is largely used in the English and Welsh languages, and it is derived from Welsh origins. Reece is a variant of the name Rhys (English and Welsh).",0,1.0,,1.0
+975079,where does the welsh language originate from,"List of doublets in Welsh [ cy] Welsh contains many doublets of native origin, where a single Indo-European root has developed along different paths in the language. Examples of this are: berw ""boiled, boiling"" and brwd ""enthusiastic"" from Proto-Indo-European * bÊ°rewh- ""to boil, brew"".",0,1.0,0.0,1.0
+975079,where does the welsh language originate from,"In turn, these originated from the Gaulish word karros (a Gallic chariot). The Gaulish language was a branch of the Brythoic language which also used the word Karr; the Brythonig language evolved into Welsh (and Gaelic) where 'Car llusg' (a drag cart or sledge) and 'car rhyfel' (war chariot) still survive. It originally referred to any wheeled horse-drawn vehicle, such as a cart, carriage, or wagon.",0,1.0,2.0,2.0
+975079,where does the welsh language originate from,The Welsh people are a nation and an ethnic group native to Wales. The Welsh language belongs to the Insular Celtic family and has historically been spoken mostly in Wales. The origin of the Welsh nation can be traced to the late 4th and early 5th century after the departure of the Romans. Welsh people refer to the people from Wales and also the people of Welsh ancestry who are perceived to be sharing cultural heritage and ancestral origin.,0,2.0,2.0,2.0
+975079,where does the welsh language originate from,"Alternative Titles: British languages, P-Celtic languages. Brythonic languages, one of two groups of the modern Celtic languages, the other being Goidelic. The Brythonic languages (from Welsh brython, âBritonâ) are or were spoken on the island of Great Britain and consist of Welsh, Cornish, and Breton. They are distinguished from the Goidelic group by the presence of the sound p where Goidelic has k (spelled c, earlier q ), both derived from an ancestral form * kw in the Indo-European parent language.",0,2.0,2.0,3.0
+975079,where does the welsh language originate from,"Welsh originates from the Celtic language spoken by the ancient Britons. Before the Roman invasion Celtic languages were spoken across Europe as far as Turkey. Celtic language came to Britain around 600BC, with one version evolving into Brythonic which formed the basis of Welsh, Cornish and Breton. When the Anglo-Saxons colonised Britain, Brythonic speakers were split up into those in northern England speaking Cumbric, those in the south-west speaking an early version of Cornish, and those speaking primitive Welsh.",0,3.0,3.0,3.0
+975079,where does the welsh language originate from,"The history of the Welsh language. Welsh (Cymraeg) is the oldest language in Britain dating back possibly 4,000 years. The majority of European languages, including Welsh, evolved from a language now called Indo-European, which developed into nine different language groups, one of which was Celtic. In turn, Celtic developed its own family of languages.",0,3.0,3.0,3.0
+818583,what is the difference between the range rover and the range rover sport,Land Rover Range Rover Sport by Year. 2006 Land Rover Range Rover Sport. 2007 Land Rover Range Rover Sport. 2008 Land Rover Range Rover Sport. 2009 Land Rover Range Rover Sport. 2010 Land Rover Range Rover Sport. 2011 Land Rover Range Rover Sport. 2012 Land Rover Range Rover Sport. 2013 Land Rover Range Rover Sport.,0,1.0,,0.0
+818583,what is the difference between the range rover and the range rover sport,2017 Land Rover Range Rover Sport. 2016 Land Rover Range Rover Sport. 2015 Land Rover Range Rover Sport. 2014 Land Rover Range Rover Sport. 2013 Land Rover Range Rover Sport. 2012 Land Rover Range Rover Sport. 2011 Land Rover Range Rover Sport. 2010 Land Rover Range Rover Sport. 2009 Land Rover Range Rover Sport.,0,0.0,,1.0
+818583,what is the difference between the range rover and the range rover sport,Land Rover Range Rover. Land Rover Range Rover Evoque. Land Rover Range Rover Sport. Land Rover Range Rover Velar. 2022 Land Rover Range Rover Sport. 2021 Land Rover Range Rover Sport. 2020 Land Rover Range Rover Sport. 2019 Land Rover Range Rover Sport. 2018 Land Rover Range Rover Sport.,0,1.0,1.0,1.0
+818583,what is the difference between the range rover and the range rover sport,"Land Rover Range Rover Sport vs. Land Rover Range Rover Velar. While the Range Rover Sport is a midsize SUV with seating for up to seven, the Land Rover Range Rover Velar is a two-row that splits the difference between the compact and midsize segments.",0,1.0,0.0,1.0
+818583,what is the difference between the range rover and the range rover sport,"Land Rover Range Rover Sport vs. Land Rover Range Rover Velar. While the Range Rover Sport is a midsize SUV with seating for up to seven, the Land Rover Range Rover Velar is a two-row that splits the difference between the compact and midsize segments. As such, it's quite a bit less expensive than the Sport, and it offers more fuel-efficient engines.",0,1.0,0.0,1.0
+818583,what is the difference between the range rover and the range rover sport,"2014 Range Rover Sport vs. 2014 Range Rover: Whatâs the Difference? Editorâs note: You may also want to read the updated 2019 Land Rover Range Rover Sport review and the 2019 Land Rover Range Rover review. At the highest level of the luxury SUV world is the Range Rover, a full-size Land Rover SUV with opulent features and an almost 6-figure price tag.",0,2.0,1.0,2.0
+818583,what is the difference between the range rover and the range rover sport,"Range Rover Sport vs. Range Rover. There are two major differences between the Range Rover and Range Rover Sport. The first is seating space. The Range Rover is offered in five- and four-seat configurations only, while the Range Rover Sport is available in five- and seven-seat layouts. The second is price.",0,3.0,3.0,3.0
+818583,what is the difference between the range rover and the range rover sport,"Whatâs the difference between a Range Rover Sport and a Range Rover? The Sport is a midsize luxury SUV with the option of three seating rows. The Range Rover is a full-size luxury SUV with seating for five or, if the client wanted, a 4-seater arrangement.",0,3.0,3.0,3.0
+818583,what is the difference between the range rover and the range rover sport,The Land Rover Range Rover has long been a standard-bearer in luxury utility vehicles and that reputation holds up in 2020. One of the biggest differences between the Range Rover and the Range Rover Sport is that the Sport model has an available third row of seats and the standard Range Rover does not.,0,3.0,3.0,3.0
+190623,for what is david w. taylor known,Numerology. Chaldean Numerology. The numerical value of david w. taylor in Chaldean Numerology is: 4. Pythagorean Numerology. The numerical value of david w. taylor in Pythagorean Numerology is: 1.,0,0.0,,0.0
+190623,for what is david w. taylor known,"World Champ David taylor the magic man. World Champ. David taylor the magic man. David Taylor, widely known as The Magic Man, is a 4x NCAA All-American, 4x BIG 10 Champion, and a 2x NCAA Champion -- and heâs just getting started. Having wrapped up his NCAA career in March of 2014, David is just getting started on his international career and ultimately, his quest for Gold in Tokyo, 2020.",0,1.0,3.0,2.0
+190623,for what is david w. taylor known,"Gregory Taylor Mills, Sr. on The Letter âGâ in Freemasonry Signifies Gnosis. Gregory Taylor Mills, Sr. on The Letter âGâ in Freemasonry Signifies Gnosis. Liam J Curtin on Chaos Magickians in Satanâs Kingdom w/ David Livingstone.",0,0.0,,0.0
+190623,for what is david w. taylor known,"History. The facility was previously known as the David W. Taylor Naval Ship Research and Development Center; it was renamed ""David Taylor Research Center (DTRC)"" in 1987 and later became the "" Carderock Division of the Naval Surface Warfare Center "" in 1992.",0,1.0,0.0,1.0
+190623,for what is david w. taylor known,"Commission Reports and Publications. See Florida manatee sections in chapters on Species of Special Concern in past Annual Reports to Congress. Laist, David W., Taylor, Cynthia, and Reynolds, John E. III. 2013. Winter Habitat Preferences for Florida Manatees and Vulnerability to Cold. Laist, David W. and Shaw, Cameron. 2006.",0,1.0,,0.0
+190623,for what is david w. taylor known,"C. David W. Taylor. D. Albert A. Michelson. ______________ commanded gunboats off North Carolina, led daring incursions into coastal enemy inlets, and sunk the ironclad ram CSS Albemarle with a spar torpedo attached to a steam launch. B. William Barker Cushing. C. David D. Porter.",0,0.0,,0.0
+190623,for what is david w. taylor known,"David S. Taylor, CEO of Procter and Gamble. David Taylor (Wisconsin judge) (1818â1891), American jurist and legislator. David W. Taylor (1864â1940), U.S. Navy admiral and engineer. David Taylor (banker) (1929â2009), banker. David Taylor (veterinarian) (1934â2013), television presenter on animal subjects.",0,2.0,2.0,2.0
+190623,for what is david w. taylor known,"The Model Basin retains his name as a living memorial to this distinguished naval architect and marine engineer. Taylor died in Washington, D.C. on July 28,1940. In addition to the Model Basin, the Navy has honored Taylor's legacy in several ways. In 1942, the destroyer David W. Taylor (DD-551) was named in his honor.",0,2.0,1.0,2.0
+190623,for what is david w. taylor known,"Rear Admiral David W. Taylor (left), Chief of the Bureau of Construction and Repair, and Rear Admiral John K. Robison (right), Chief of the Bureau of Engineering, hold a model of the battlecruiser above a model of the proposed conversion to an aircraft carrier at the Navy Department on 8 March 1922.",0,1.0,1.0,2.0
+190623,for what is david w. taylor known,"Rear Adm. David W. Taylor. Rear Admiral David Watson Taylor, USN (March 4, 1864 - July 28, 1940) was a naval architect and engineer of the United States Navy. He served during World War I as Chief Constructor of the Navy, and Chief of the Bureau of Construction and Repair. Taylor is best known as the man who constructed the first experimental towing tank ever built in the United States.",3,3.0,3.0,3.0
+190623,for what is david w. taylor known,"Freebase (0.00 / 0 votes) Rate this definition: David W. Taylor. Rear Admiral David Watson Taylor, USN was a naval architect and engineer of the United States Navy. He served during World War I as Chief Constructor of the Navy, and Chief of the Bureau of Construction and Repair.",3,3.0,2.0,3.0
+1006728,which cerebral lobe of the brain is involved in our ability to see?,"Lobes of the cerebral cortex: The human cerebral cortex includes the frontal, parietal, temporal, and occipital lobes, each of which is involved in a different higher function. The parietal lobe is located at the top of the brain. Neurons in the parietal lobe are involved in speech and reading.",0,2.0,1.0,2.0
+1006728,which cerebral lobe of the brain is involved in our ability to see?,"Cortex and Lobes of the Brain. Brain. As each of the lobes (and the cortexes located in each lobe) hold different functions, damage to the cerebral cortex can cause many different problems, depending on which part of the cerebral cortex was injured. The frontal lobe is involved in personality, emotions, decision making, speech, body movement, and more.",0,1.0,0.0,1.0
+1006728,which cerebral lobe of the brain is involved in our ability to see?,Where is the temporal lobe and what does it do? The temporal lobe is one of the four major lobes of the cerebrum in the brain. The temporal lobe is located beneath the lateral fissure in the cerebral hemispheres on both sides of the brain. The temporal lobe is involved in: Understanding and remembering what we see (vision).,0,2.0,1.0,2.0
+1006728,which cerebral lobe of the brain is involved in our ability to see?,"In addition, it regulates our sleep and synchronizes all the cerebral lobes. The occipital lobe produces delta brain waves and the neurotransmitter serotonin. Moreover, the occipital lobe is involved with the brainâs ability to recognize objects. The occipital lobe is not only responsible for visual recognition of objects but it also helps us differentiate between shapes.",0,3.0,3.0,3.0
+1006728,which cerebral lobe of the brain is involved in our ability to see?,A: The occipital lobes form the rear ends of the two major halves of the brain - the cerebral hemispheres. They are principally concerned with our ability to see and interpret what we see. A discreet hypodensity is what someone studying a computerised tomographic (CT) scan of the brain might observe in a patient.,0,3.0,3.0,3.0
+1006728,which cerebral lobe of the brain is involved in our ability to see?,Occipital Lobe Damage. The occipital lobes of the brain are mainly involved in processing information from the eyes. The ability to see objects is achieved by the eyes but the ability to make sense of what we see is the job of the occipital lobe.,0,3.0,3.0,3.0
+226975,how does my baby get submitted for medicaid after birth,Why do my guppies die after giving birth? Do guppies eat their own poop? How many guppies should I get? How long does it take baby guppies to get their color? Do guppies tails grow back? Do Guppy fry need air pump? Will guppies breed in a community tank? What do I feed my baby guppies?,0,0.0,0.0,0.0
+226975,how does my baby get submitted for medicaid after birth,"How long after giving birth can I get a tummy tuck? I want to get a tummy tuck after i have my baby. I was wondering how much is the cost and how long do I have to wait after I give birth? Update: this will be my second baby and last. I got stretch marks and never was able to shrink my stomach back my first is already 5 years old so I expect more lose skin, I know a tummy tuck is the only thing that will make me feel better about my self.",0,0.0,,0.0
+226975,how does my baby get submitted for medicaid after birth,"What does it mean for a baby to be in the posterior position? How common is it for a baby to be in posterior position? How will I know if my baby is in posterior position? If my baby is posterior, does that mean I'll have back labor? If my baby is posterior at birth, how will it affect my delivery?",0,0.0,0.0,0.0
+226975,how does my baby get submitted for medicaid after birth,"This backwards way of thinking does not define the Kansas medicaid plan, and does not make up how the plan is operated. If you are interested in applying for medicaid coverage in Kansas then you should visit the Departmentâs website and submit the KS medicaid applications online.",0,1.0,0.0,0.0
+226975,how does my baby get submitted for medicaid after birth,"To establish eligibility for Medicaid benefits, the application will ask claimants to submit important documents like their birth certificate or tax return forms. Being aware of how to apply for Medicaid in MS correctly is important for all residents interested in receiving health care assistance. If you find yourself wondering, âHow and where do you sign up for Medicaid in Mississippi?â read the information below.",0,1.0,1.0,1.0
+226975,how does my baby get submitted for medicaid after birth,Medicaid for Pregnant Women. Low-income pregnant women may be eligible for Medicaid health-care benefits. These benefits are available during pregnancy and up to 2 months after the babyâs birth. Dental benefits may also be available through your Medicaid managed care health plans.,0,1.0,1.0,1.0
+226975,how does my baby get submitted for medicaid after birth,"Depending on income, the newborn may get Medicaid from birth to their 1st birthday. Most CHIP perinatal infants qualify for Medicaid. If the baby is eligible to get Medicaid, the mother will receive a letter and Form H3038-P, CHIP Perinatal - Emergency Medical Services Certification, in the mail before delivery.",0,2.0,2.0,2.0
+226975,how does my baby get submitted for medicaid after birth,"I got a medicaid card for my unborn baby the day I got my own. Quoting Marissa + baby girl: "" I got a medicaid card for my unborn baby the day I got my own."". Then your baby is covered you just have to fill out the paper in the hospital or call medicaid.",0,2.0,2.0,3.0
+226975,how does my baby get submitted for medicaid after birth,A. Hospitals often do not report. We urge every new mother to call Healthy Connections at 1-888-549-0820 and report a babyâs birth within a few days of delivery. The baby is automatically covered by Medicaid for the first 60 days after birth and your Medicaid card will cover the baby during this period.,3,2.0,2.0,3.0
+226975,how does my baby get submitted for medicaid after birth,"Newborns will be automatically enrolled in their motherâs plan at the time of birth. However, their mother may choose another plan for the baby after enrollment. Eligible Medicaid recipients will receive a letter with enrollment information, including information on how to enroll.",3,3.0,2.0,2.0
+493490,schizandra berry benefits,"Schizandra Berry. The schizandra berry is is the fruiting body of the plant. By itself, the fruit has many benefits, but only at a higher dosage. The extraction method for a real schizandra berry can be time consuming.",0,2.0,,2.0
+493490,schizandra berry benefits,"How to take the Schizandra Berry. There are many ways, traditional and modern, to consume the [easyazon_link keywords=âSchizandra Berryâ locale=âUSâ tag=âdmgbiz-20âł]Schizandra Berry [/easyazon_link]. In Japan, a tea made from Schizandra is called gomishi, while a Korean Schizandra berry wine is called omija cha.",0,1.0,0.0,1.0
+493490,schizandra berry benefits,"Schizandra Tea. Schizandra Tea. The name may be difficult to pronounce, but schizandra herbal tea is an easy replacement for your daily java fix. Brimming with health benefits, the tea is brewed from schizandra berries, which are native to East Asia and popularly used in traditional Chinese medicine.",0,2.0,1.0,2.0
+493490,schizandra berry benefits,"Written By. BeWellBuzz. Thereâs a whole lot more to Schizandra berries than your average beauty or health drink. Here are 8 diverse schizandra benefits for your body! For years, men and women in China have relied on the Schizandra berries to preserve their youth and beauty. Native to China and Japan, this fruit is also called wu wei zi, which means the fruit of the five flavors.",0,2.0,3.0,2.0
+493490,schizandra berry benefits,List of Natural Supplements that Lower Cortisol. Schizandra: Schizandra is berry that is classified as an adaptogen. It has only recently started to become extensively studied so the benefits of it are just now being discovered.,0,,1.0,2.0
+493490,schizandra berry benefits,"In autumn, the plant produces round, bright red berries that grow in clusters similar to grapes. The dried berries of the Schizandra vine are the part of the plant that is used medicinally, and occasionally along with the potent seeds. [easyazon_link keywords=âSchizandra Berriesâ locale=âUSâ tag=âdmgbiz-20âł]Schizandra Berries [/easyazon_link] have been used traditionally in Russia, where they were consumed as a remedy against fatigue, as well as in Japan and Korea.",0,2.0,1.0,2.0
+493490,schizandra berry benefits,Schizandra Berry Benefits for Sexual Libido. One of the most famous side-effects of drinking schizandra berry tea on a regular basis is its positive effects on the sexual glands and organs. It is one of the top herbal aphrodisiacs for both men and women alike.,3,2.0,2.0,3.0
+493490,schizandra berry benefits,"By Herbs List | Published: 06/13/2011. Schizandra Benefits Schizandra (sometimes spelled Schisandra) berries are a powerful adaptogen. This means that they will help you adapt to your environment allowing you to better handle stress, whether mental or physical. An adaptogen is used as an overall wellness tonic.",3,3.0,3.0,3.0
+237669,how is the oil pollution act of 1990 effect oil companies,"This statute has resulted in instrumental changes in the oil production, transportation, and distribution industries. Oil Pollution Act of 1990.
+Long title. Oil Pollution Act of 1990 - Public Law 101-380, August 18, 1990. Enacted by. the 101st United States Congress. Effective. August 18, 1990. Citations.",0,2.0,1.0,2.0
+237669,how is the oil pollution act of 1990 effect oil companies,"The Oil Pollution Act. The Oil Spill Pollution Act - The Oil Pollution Act is an environmental regulation adopted in 1990 in the U.S. to prevent oil spill pollution. In 1990, the Oil Pollution Act was passed by U.S. Congress and amended the existing Clean Water Act, aiming to require oil storage facilities to prepare ""Facility Response Plans"".",0,2.0,1.0,2.0
+237669,how is the oil pollution act of 1990 effect oil companies,"Oil Pollution Act of 1990.
+Long title. Oil Pollution Act of 1990 - Public Law 101-380, August 18, 1990. Enacted by. the 101st United States Congress. Effective. August 18, 1990. Citations. Public law.",0,1.0,0.0,1.0
+237669,how is the oil pollution act of 1990 effect oil companies,The Oil Pollution Act of 1990 (OPA 90) was passed in response to the Exxon Valdez oil spill in 1989. This law forms part of US oil spill governance to mitigate and prevent civil liability from oil spills. OPA 90 requires companies to develop and maintain plans to help prevent spills and detailed plans to contain and respond to spills that may occur.,0,2.0,2.0,3.0
+237669,how is the oil pollution act of 1990 effect oil companies,The Oil Pollution Act (OPA) of 1990 streamlined and strengthened EPA's ability to prevent and respond to catastrophic oil spills. A trust fund financed by a tax on oil is available to clean up spills when the responsible party is incapable or unwilling to do so. The OPA requires oil storage facilities and vessels to submit to the Federal government plans detailing how they will respond to large discharges.,0,2.0,1.0,2.0
+237669,how is the oil pollution act of 1990 effect oil companies,"In some cases, EPA's involvement also includes the review and approval of the facility plans. According to the Oil Pollution Act (OPA) passed by Congress in 1990, certain facilities that store and use oil are required to prepare plans to respond to a worst-case discharge of oil. OPA also sets specific requirements for the development of such plans. In response, EPA developed regulations in 1994 that implement the facility response planning requirements of OPA.",0,2.0,1.0,2.0
+764738,what is lbm in body composition,Further information: Body composition § Measuring body composition. Instead of mathematical estimation the actual value of LBM may be calculated using various technologies such as Dual-energy X-ray absorptiometry (DEXA).,0,3.0,1.0,2.0
+764738,what is lbm in body composition,"Body composition was estimated by measuring thigh, abdomen, and chest skin folds and thigh, bicep, and calf circumference. After 14 days, subjects receiving Cr on average lost 2.7% of their body fat and had an increase of LBM of 1.8 kg, while no changes were observed in the control group.",0,2.0,2.0,2.0
+764738,what is lbm in body composition,"LBM measured by 40 K counting. Open in new tab. Using anthropometry, 40 K counting, and specific gravity measurements, Hampton et al ( 32) examined the body composition of a racially mixed group of teenagers.",0,1.0,,1.0
+764738,what is lbm in body composition,"This lbm calculator uses the Boer, the James, the Hume lbm equations for calculating lbm for adults, while the Peters lbm equation used for calculating lbm for children. In simple terms, this lean mass calculator helps to calculate your body composition.",0,2.0,1.0,3.0
+764738,what is lbm in body composition,"Body Fat gain because of a caloric surplus. Well, the best way to calculate what is happening to your Lean Body Mass (LBM): you just have to getting your body composition analyzed. Keep in mind, without testing your body composition, there will no other way to know what any gain/loss in your body weight is due to.",0,2.0,2.0,2.0
+764738,what is lbm in body composition,"To study the accuracy and short-term and long-term precision of body composition measurements, the authors measured body composition with DXA in 60 healthy young adults. Independent measurement of LBM (LBMK-40), obtained from the determination of the whole-body content of potassium-40 with a whole-body scintillation detector, was highly correlated with LBM determined with DXA (LBMDXA) (LBMK-40 = 1.069.LBMDXA,R2 = .996).",0,2.0,1.0,3.0
+764738,what is lbm in body composition,"LBM is the weight of everything in the body that is not body fat. This includes muscle, water, bones, organs â everything that is not Body Fat. Most of the time, increases in LBM reflect increases in muscle (which you can also see as an increase in DLM), and is considered a positive improvement in body composition.",0,3.0,3.0,3.0
+764738,what is lbm in body composition,"Also, give a try to this lean body mass calculator to figure out the muscle mass of your body according to standard formulas of LBM. The methods that will use for body composition analysis will at the minimum divide your body into LBM (this can be indicated to as Fat-Free Mass) and Fat Mass. These methods are:",0,3.0,2.0,3.0
+764738,what is lbm in body composition,"Body recomposition is the process of improving body composition. In other words, it's when someone wants to lose fat and gain muscle (thereby reducing body fat percentage). Another way to look at it is that body recomposition aims to increase the proportion of lean body mass (LBM) to fat mass. LBM is your total body weight minus fat mass.",0,3.0,3.0,3.0
+764738,what is lbm in body composition,LBM = BW â BF. Lean body mass equals body weight minus body fat. LBM + BF = BW. Lean body mass plus body fat equals body weight. LBM differs from FFM in that cellular membranes are included in LBM although this is only a small percent difference in the body's mass (up to 3% in men and 5% in women),3,3.0,3.0,3.0
+764738,what is lbm in body composition,129.0 lbs (81%) 19%. Hume 3. 120.4 lbs (75%) 25%. Related. Body Fat Calculator | Army Body Fat Calculator | BMI Calculator. Lean body mass (LBM) is a part of body composition that is defined as the difference between total body weight and body fat weight.,3,3.0,3.0,3.0
+764738,what is lbm in body composition,In equations: LBM = BW â BF. Lean body mass equals body weight minus body fat. LBM + BF = BW. Lean body mass plus body fat equals body weight. LBM differs from FFM in that cellular membranes are included in LBM although this is only a small percent difference in the body's mass (up to 3% in men and 5% in women) The percentage of total body mass that is lean is usually not quoted â it would typically be 60â90%.,3,3.0,3.0,3.0
+505390,supartz injections what does it made of,"Positive 108 ""I had the Supartz injections treatment a few months before I had the WLS. I had no problem with my insurance company then--same insurance company now, same doctor. I was due to have the Supartz injections treatment again this month as it had been 6 months since the previous treatment.",0,1.0,,0.0
+505390,supartz injections what does it made of,"J7321 is a valid 2021 HCPCS code for Hyaluronan or derivative, hyalgan, supartz or visco-3, for intra-articular injection, per dose or just â Hyalgan supartz visco-3 dose â for short, used in Medical care .",0,2.0,1.0,2.0
+505390,supartz injections what does it made of,"Most insurance will cover the cost of Supartz Injections. WAKE SPORTS MEDICINE will check with your carrier prior to performing the injections. RISKS OF INJECTION. Post-injection Inflammatory Reaction: This is an uncommon reaction, which may occur after a hyaluronic acid injection.",0,1.0,1.0,1.0
+505390,supartz injections what does it made of,"When the 18 gauge needle is inserted into the knee, prior to injection of the Supartz, any joint fluid that exists in the knee that can be aspirated is removed. 6. Injection Of Supartz. 2 cc. OF Supartz (Sodium Hyaluronate) is injected with an 18 gauge needle directly into the knee joint.",0,1.0,2.0,2.0
+505390,supartz injections what does it made of,Common Side Effects of Supartz Injections. Common side effects or adverse events associated with Supartz include: 1 ï»żï»żï»ż. Joint pain with/without inflammation. Back pain. Non-specific pain. Injection site pain/reaction. Headache. Transient swelling or pain can occur in a joint that has been injected with Supartz.,0,1.0,,1.0
+505390,supartz injections what does it made of,"What is Supartz? Supartz is one of many types of injections that can be injected into the knee joint with the hope of relieving pain and discomfort. You may know of this type of injection as a âgel injectionâ, âgel shotâ, â hyaluronic acid ,â or one of the other brand names such as âEuflexxa.â. Itâs made up of a fluid called Sodium Hyaluronate, which is similar to the substance called hyaluronan, or hyaluronate, that your body produces naturally.",0,3.0,3.0,3.0
+505390,supartz injections what does it made of,"Supartz has recently developed a 3-injection regimen that is now available. This is also very effective in relieving pain in knee, but cannot be expected to last as long as the 5-injection regimen. Supartz Injection Technique For The Knee Joint. Supartz (Sodium Hyaluronate) is injected into the knee joint as a series of five injections.",0,2.0,,1.0
+505390,supartz injections what does it made of,"What to do after a Supartz injection. After getting a Supartz injection, it is suggested to: Avoid standing for longer than an hour at a time, or lifting heavy objects, for at least 48 hours. Not do any strenuous exercise like running, jumping, squatting, etc. for at least 48 hours.",0,0.0,0.0,0.0
+505390,supartz injections what does it made of,"Supartz (Sodium Hyaluronate) Supartz- . is a solution of hyaluronate, a natural substance that acts like ""oil"" to cushion
+and lubricate your knee joint. Supartz is injected directly into the knee. Just a single course of treatment
+(five injections given weekly) can provide long-lasting pain relief. SUPARTZ has been in use since 1987 and approximately 143 million injections given.",3,2.0,3.0,3.0
+505390,supartz injections what does it made of,Supartz FX (Sodium Hyaluronate (Injection)) Sodium hyaluronate is similar to the fluid that surrounds the joints in your body. This fluid acts as a lubricant and shock absorber for the joints.,3,3.0,2.0,3.0
+508292,symptoms of neuroma pain,"Mortonâs Neuroma. Mortonâs neuroma involves a thickening of the tissue around the nerves leading to the toes. A common symptom of Mortonâs neuroma is a persistent pain in the ball of your foot, or the feeling that you are âwalking on a marble.â.",0,3.0,3.0,3.0
+508292,symptoms of neuroma pain,"Neuroma. A neuroma is a mass or benign tumor growing from a nerve, and a very painful condition called Morton's neuroma affects the padded part of the sole of the foot. It's located behind the third and fourth toes and before the arch. Morton's neuroma includes a thickening of the nerve tissue leading to your toes, and symptoms and causes can include:",0,2.0,1.0,2.0
+508292,symptoms of neuroma pain,"Symptoms of Mortonâs Neuroma. Common symptoms of Mortonâs Neuroma include: Feeling as a bunched up sock. Numbness or a buzzing sensation. Sharp burning pain during excessive activity. Shooting âelectricalâ pain. In the early stages of Mortonâs Neuroma, the symptoms are numbness or a wadded up sock feeling in the ball of your foot.",0,2.0,3.0,3.0
+508292,symptoms of neuroma pain,"Neuroma Signs & Symptoms. Symptoms of a neuroma vary based on where in the body the neuroma is located and whether or not it is affecting other nerves, tissue or organs. General symptoms may include pain, tingling, numbness, and a burning sensation.",0,3.0,3.0,3.0
+508292,symptoms of neuroma pain,"Sometimes called nerve tumors, the most common place for neuromas is in the ball of the foot. Symptoms associated with neuromas include burning pain and numbness in the toes, but in rare cases, patients can experience arch pain, as well. Common treatment for neuromas includes cortisone injections, orthotics and surgery. 7.",0,3.0,3.0,3.0
+508292,symptoms of neuroma pain,Symptoms of Mortonâs Neuroma: Causes of Mortonâs Neuroma Include: Numbness. Burning . Tingling. Sharp Pain. Shooting Pain. 80% of the time in the 3rd to 4th toes. 20% of the time between the 2nd and 3rd toes.,0,3.0,3.0,3.0
+253263,how long does it take for a sprained wrist to heal,how long does it take a wrist sprain to heal | Answers from Doctors | HealthTap.,0,3.0,1.0,3.0
+253263,how long does it take for a sprained wrist to heal,How Long Does It Take For A Grade 1 Ankle Sprain To Heal. It keeps You in a how long does it take for a grade 1 ankle sprain to heal state of common and not so commonly referred to as the CRIBS â how long does it take for a grade 1 ankle sprain to heal since they are supposed to the other side and unappreciative to make them on.,0,0.0,0.0,0.0
+253263,how long does it take for a sprained wrist to heal,How long does it take a sprain wrist to heal? http://answers.yahoo.com/question/index?qid=20081001200500AALWSgO.,0,2.0,0.0,3.0
+253263,how long does it take for a sprained wrist to heal,"Answered 1 year ago · Author has 524 answers and 65.2K answer views. Originally Answered: How long does it take for a sprained wrist to heal? If you consult an Orthopaedic practitioner, or so, it would take 10 days to 30 daysâŠ.",0,3.0,3.0,3.0
+253263,how long does it take for a sprained wrist to heal,"Your Care Instructions. Your wrist hurts because you have stretched or torn ligaments, which connect the bones in your wrist. Wrist sprains usually take from 2 to 10 weeks to heal, but some take longer. Usually, the more pain you have, the more severe your wrist sprain is and the longer it will take to heal.",0,3.0,3.0,3.0
+253263,how long does it take for a sprained wrist to heal,"Recovery time depends on how serious your wrist sprain is. These injuries may take from two to 10 weeks to heal. But that's a rough estimate. Everyone heals at a different rate, but generally, time to heal depends on the grade of sprain and proper management.",0,3.0,3.0,3.0
+253263,how long does it take for a sprained wrist to heal,How Long Does It Take To Heal A Wrist Sprain. In Mild or Grade I Wrist Sprains show an improvement within 2-3 days. Moderate sprains can take more than a week to get healed. Severe sprains take number of weeks to even months to get cured completely.,0,3.0,3.0,3.0
+253263,how long does it take for a sprained wrist to heal,"Recovery from a Hyperextended Wrist Sprain. Recovery time depends on how serious your wrist sprain is. A wrist sprain can take anywhere from 2 - 12 weeks to heal, depending on the severity or grade of the sprain. Grade 1 sprains typically take a few days to heal, and a Grade 2 sprain may take 2 to 4 weeks.",0,3.0,2.0,3.0
+1040198,who is the final arbiter of florida law in instances where there is no federal authority?,"arbiter, supreme authority - someone with the power to settle matters at will; ""she was the final arbiter on all matters of fashion"". archer, bowman - a person who is expert in the use of a bow and arrow. authority - an expert whose views are taken as definitive; ""he is an authority on corporate law"".",0,0.0,0.0,0.0
+1040198,who is the final arbiter of florida law in instances where there is no federal authority?,"arbiter, supreme authority- someone with the power to settle matters at will; ""she was the final arbiter on all matters of fashion"". archer, bowman- a person who is expert in the use of a bow and arrow. authority- an expert whose views are taken as definitive; ""he is an authority on corporate law"".",0,1.0,,0.0
+1040198,who is the final arbiter of florida law in instances where there is no federal authority?,"When a state statute is challenged as violating the state constitution, the final authority is the supreme court of that state; when a federal or state statute or a state constitutional provision is challenged as violating the Constitution of the United States, the ultimate arbiter is the U.S. Supreme Court.",0,2.0,1.0,3.0
+1040198,who is the final arbiter of florida law in instances where there is no federal authority?,"INTRODUCTION. Just as the federal courts interpret federal statutes and decide matters of federal common law, the state courts are the arbiters of issues of state law. They interpret the state's constitution and statutes, and have broad powers in developing common law doctrines through judicial decisions.",0,2.0,3.0,3.0
+1040198,who is the final arbiter of florida law in instances where there is no federal authority?,"The Court is the final arbiter of Florida law, and its decisions are binding authority for all other Florida state courtsand for federal courts when they apply Florida law. In most instances, the only appeal from the Florida Supreme Court is to the U.S. Supreme Court on questions of federal law. [1]",0,3.0,3.0,3.0
+1040198,who is the final arbiter of florida law in instances where there is no federal authority?,"The Court is the final arbiter of Florida law, and its decisions are binding authority for all other state courts. The five Florida District Courts of Appeal are the intermediate appellate courts . The 20 Florida circuit courts are trial courts of original jurisdiction for most controversies.",0,3.0,3.0,3.0
+1040198,who is the final arbiter of florida law in instances where there is no federal authority?,"The Court is the final arbiter of Florida law, and its decisions are binding authority for all other Florida state courts. Established upon statehood in 1845, the court is headquartered across the street from the state capitol in Tallahassee. Throughout the court's history, it has undergone many reorganizations as Florida's population has steadily grown.",0,3.0,3.0,3.0
+1040198,who is the final arbiter of florida law in instances where there is no federal authority?,"Unlike the U.S. Supreme Court, the term ""associate justice"" is never used to describe the sitting Florida justices. The Court is the final arbiter of Florida law, and its decisions are binding authority for all other Florida state courts and for federal courts when they apply Florida law. In most instances, the only appeal from the Florida Supreme Court is to the U.S. Supreme Court on questions of federal law.",3,3.0,3.0,3.0
+1040198,who is the final arbiter of florida law in instances where there is no federal authority?,"Unlike the U.S. Supreme Court, the term ""associate justice"" is never used to describe the sitting Florida justices. The Court is the final arbiter of Florida law, and its decisions are binding authority for all other Florida state courts and for federal courts when they apply Florida law.",3,3.0,3.0,3.0
+1040198,who is the final arbiter of florida law in instances where there is no federal authority?,"The Supreme Court of Florida is the highest court in the U.S. state of Florida. The Supreme Court consists of seven judges: the Chief Justice and six Justices who are appointed by the Governor to 6-year terms and remain in office if retained in a general election near the end of each term. The Court is the final arbiter of Florida law, and its decisions are binding authority for all other Florida state courts.",3,3.0,3.0,3.0
+2000511,average bahamas temperature at the end of october,"How warm is the sea around the Bahamas in October? The average sea temperature around Nassau, Bahamas in October is 28°C.",0,2.0,1.0,1.0
+2000511,average bahamas temperature at the end of october,"September and October are also some of the most humid months, on average, in the Bahamas. If you're worried about having a bad hair day, keep the moisture in mind. November and December. By mid-November, hurricane season ends and the high season begins for cruising in the Bahamas. Humidity also drops, on average.",0,1.0,1.0,1.0
+2000511,average bahamas temperature at the end of october,"Climate and Weather in the Bahamas in June. Average temperature in the Bahamas in June: 24 to 31°C, 75 to 88°F. Sea temperature in the Bahamas in June: 27°C, 81°F. Average rainfall in June: 234mm, 9.2in.",0,0.0,,1.0
+2000511,average bahamas temperature at the end of october,"with Rain. 85.0° F. 74.0° F. 6.7. N.A. During the early morning hours of an average October day in The Bahamas, you can expect the temperature will be in the vicinity of 75.8 degrees. Temperatures in The Bahamas typically rise during the day, to an average of 83.6 degrees in the early afternoon.",0,2.0,2.0,2.0
+2000511,average bahamas temperature at the end of october,"Bahamas weather. Temperatures average 28°C (82°F) during the rest of the year, with the temperature dropping about 5°C after dark. Summer, from June to October, is the hot, rainy season, although the rain is often limited to periodic showers. Temperatures average 28°C (82°F) but can climb to 32°C (90°F). Although hurricanes are infrequent around the Bahamas, June through November marks the official Atlantic hurricane season.",0,2.0,2.0,3.0
+2000511,average bahamas temperature at the end of october,"Bahamas Weather. Temperature, Rainfall & Hurricane Averages. The tables below list the annual average temperatures (in degrees Fahrenheit and Celsius) and rainfall (in total days, inches and millimetres) for cities and islands in The Bahamas. The locations represent the climate across the country. Freeport is at the north end of the archipelago, while Nassau is more central.",0,2.0,,1.0
+2000511,average bahamas temperature at the end of october,"Climate and Weather in the Bahamas in October. Average temperature in the Bahamas in October: 23 to 30°C, 73 to 86°F. Sea temperature in the Bahamas in October: 28°C, 82°F. Average rainfall in October: 221mm, 8.7in.",0,3.0,,3.0
+2000511,average bahamas temperature at the end of october,"The temperature in The Bahamas will typically decline by early evening, to approximately 78.2 degrees. For the month of October as a whole, temperatures in The Bahamas average around 78.8 degrees. October Temperatures in The Bahamas by Time of Day. Early Morning.",0,3.0,2.0,2.0
+2000511,average bahamas temperature at the end of october,Typical Weather in October. October temperatures in The Bahamas range from an average low of 74.0 degrees to an average high of 85.0 degrees. The Bahamas in October: Key Facts. Monthly Averages. High.,0,3.0,3.0,3.0
+2000719,business architect role definition,What does a business architect do? Business Architect Role Definition. What is the career path of a business architect? Business Architect Career Path. What are some certifications available for a business architect? Business Architecture Certifications.,0,3.0,3.0,3.0
+2000719,business architect role definition,"Business Architect: If you are interested in learning about the role of a Business Architect, please read this article. The industry experts, based on their experience, expertise and vantage point, have differences in what is the meaning and definition of the term business architecture.Intuitively, we all know what business architecture is, but in most cases, the devil is in the details, or perhaps the definition of what business architecture is and what it does.",0,2.0,2.0,2.0
+2000719,business architect role definition,Table of Contents. Definition Cloud Architect. The role of the Cloud Architect. Responsibilities of a Cloud Architect. Cloud architect responsibilities.,0,1.0,,0.0
+2000719,business architect role definition,"July 12, 2018. 3 minute read. Stephen Watts. The system architect role is vital to the successful definition, design, delivery, and support of any IT project. A system architect analyzes and recommends the right combination of IT components to achieve a specific business, department, team, or functional goal.",0,1.0,,0.0
+2000719,business architect role definition,"In fact, many business intelligence architect jobs require experience in a role such as senior software engineer. Meanwhile, many business intelligence architects also have previous career experience in roles such as data warehouse architect or consultant.",0,1.0,,0.0
+2000719,business architect role definition,"Hence, what a business architect can earn is a function of the contributions he/she makes and how the company positions the role. In 2018, as depicted in the diagram below, it seems the average salary for a business architect is $135,000, and a senior business architect is $155,000. The range of what a business architect earns is between $101,000 and $169,000, and for a senior business architect, the salary range is $119,000 â $195,000.",0,1.0,0.0,1.0
+2000719,business architect role definition,"Defining the Role of the Data Architect. Dec 11, 2012. Todd Schraml. Within the information technology sector, the term architect gets thrown around quite a lot. There are software architects, infrastructure architects, application architects, business intelligence architects, data architects, information architects, and more.",0,1.0,,1.0
+2000719,business architect role definition,"Of course, the description above is an ideal state and seemingly utopian vision of the role of a business architect. However, in reality, in many large companies, the role of a business architect has devolved into an appendage of IT and has run into ambiguity about the specific nature, deliverables, and intended outcomes from the position.",0,2.0,2.0,2.0
+2000719,business architect role definition,"These leaders currently take direction from the CEO and COO; they will also receive strong guidance on their roles in business transformation from the change agent and business architect executive. Alexander Peters, PhD, is a principal analyst at Forrester Research. He will deliver a presentation on the role of the business architect in leading customer-centric transformation at Forrester's upcoming Business Process events in Boston, US (22-23 September), and in Hertfordshire, UK (30 November).",0,2.0,1.0,1.0
+2000719,business architect role definition,"Business Architect: Dispelling the myths and misperceptions. A business architect is NOT an enterprise architect. However, because business architecture is an integral part of enterprise architecture, there are many commonalities and overlaps â at least as far as the business domain definition and strategy interpretation.",3,2.0,1.0,2.0
+2000719,business architect role definition,Bottom line: Not all strategy work is the same. Each strategy type creates a unique role for the business architect requiring a different approach and skill set. Business architects who are successfully delivering in one role should be actively developing the skills they need to move into other strategy domains.,3,2.0,,1.0
+2000719,business architect role definition,"Business Architect: An overview of the business architecture professional. In this digital and cognitive age, where companies are trying to transform to the new realities and constantly evolving paradigm, the role of a business architect has become a critical underpinning to align business and technology at a foundational level.",3,2.0,2.0,2.0
+2001532,example of what a family advocate does,"Is âadvocate forâ redundant? For example, does one advocate human rights, or advocate for them?",0,0.0,,0.0
+2001532,example of what a family advocate does,"Of course, Jesus does not advocate actually hating oneâs family. What He was saying is that everyone who wants to follow Him has to love and serve Him more than anything else, their own lives and even their own families.",0,0.0,0.0,0.0
+2001532,example of what a family advocate does,"If a Wellness Advocate does not meet monthly requirements to earn Unilevel commissions on their downline, the earnings will roll up to the next qualifying Wellness Advocate. Example: Wellness Advocate A is sponsored by Wellness Advocate B, who is sponsored by Wellness Advocate C.",0,0.0,,0.0
+2001532,example of what a family advocate does,What does a special education advocate do? Special education advocates assist parents with understanding and participating in the special education process. The following items will give you an idea of how an advocate might be able to assist your family. How much the advocate does is up to you.,0,1.0,1.0,1.0
+2001532,example of what a family advocate does,How can I contact The Devil's Advocate? How can a federal agency hire Devil's Advocate? How does The Devil's Advocate charge for its services? What is The Devil's Advocate & what does it do? Is The Devil's Advocate anti-lawyer in a legal fee dispute? Does Devil's Advocate have a list of good or bad lawyers?,0,0.0,0.0,0.0
+2001532,example of what a family advocate does,"What Does It Mean to Advocate for Yourself? Self-advocacy means taking the initiative to communicate your needs and wants to others in order to support your overall well-being. By advocating for yourself at work, for example, you can develop a plan to achieve your goals.",0,0.0,,0.0
+2001532,example of what a family advocate does,"What Does a Nevada Veterans Advocate Do? A Nevada Veterans Advocate (NVA) is a person who helps educate active military members, Guard or Reserves, veterans, as well as their families about earned benefits and opportunities through U.S. military service.",0,1.0,,0.0
+2001532,example of what a family advocate does,"Be an Advocate. Be an advocate for your family member with a disability. Caregivers who are effective advocates may be more successful at getting better service. Ask questions. For example, if your family member with a disability uses a wheelchair and you want to plan a beach vacation, find out if the beaches are accessible via a car, ramp, portable walkway mat, or other equipment.",0,1.0,1.0,1.0
+2001532,example of what a family advocate does,"During these times, nurses are expected to advocate for their patients and speak up for them. In certain cases, nurses advocate for families, too. Nurses help families clarify their goals and make them reconsider what their patients would have wanted. They give families a clearer picture of the reality and its implication to the patient.",0,2.0,1.0,2.0
+2001908,how do I replace the burners on a ducane grill,Ducane Grill Parts | FREE shipping | Replacement parts for Ducane BBQ Grills. We stock and sell the most commonly needed Ducane replacement grill parts. Orders over $35 ship free to USA*. Ducane Grill Parts.,0,2.0,,1.0
+2001908,how do I replace the burners on a ducane grill,"Other OEM replacements for Ducane oil burner electrodes include the. Crown 21182-02 Set Of Replacement Electrodes For Ducane DMR-15A With 7"" Blast Tube. Crown 21182-02 Set Of Replacement Electrodes For Ducane DMR-15A With 7"" Blast Tube Fits Ducane DMR15A, DMR-15A, DMR15A1, DMR-15A-1 Oil Burners.",0,1.0,,1.0
+2001908,how do I replace the burners on a ducane grill,Common Ducane furnace repair parts. Burner flame sensor. The burner flame sensor detects when the burner flame has ignited and sends a signal to the control board to stop the igniter from operating. Replace the burner flame sensor in your Ducane furnace if the flame sensor isn't properly detecting the burner flame. Igniter.,0,1.0,,0.0
+2001908,how do I replace the burners on a ducane grill,"How Do I Replace a Ducane Grill Burner? Hunker may earn compensation through affiliate links in this story. If the burner in your Ducane grill becomes too dirty, it will not cook food properly. You will notice uneven grilling due to hot spots and cold spots. It is recommended to clean your burner every one to two years.",0,2.0,,2.0
+2001908,how do I replace the burners on a ducane grill,"However, if the burner ports become clogged with grease and you are unable to clean them, it is time to replace the burner. Replacement burners can be ordered from Ducane online. You also may be able to find them at your local retail store. Advertisement.",0,2.0,1.0,1.0
+2001908,how do I replace the burners on a ducane grill,"To do this, turn all burners off and turn off the valve on the propane cylinder. Disconnect the regulator valve, turn all burners to high and wait one minute. Now, turn the burners off again and reconnect the regulator valve. Turn the valve on the tank back on and test the burners. If these steps didnât work youâll need to replace the burners of your grill.",0,2.0,1.0,1.0
+2001908,how do I replace the burners on a ducane grill,How do I replace the burners in my gas grill : Turn off your gas supply. Remove your cooking grates and heat shields (or briquette trays) whichever your grill uses. Remove the old burner. Install the new burner. Turn on the gas supply and ignite the burner to be sure it was installed correctly.,0,2.0,1.0,2.0
+2001908,how do I replace the burners on a ducane grill,"Replace burners, when necessary. If your gas supply is fine and the igniter seems to be working, the problem may be with the burners under the grate of your grill. Follow your grill instructions for proper replacement procedures. Before replacing your burner, try resetting its regulator.",0,2.0,1.0,2.0
+2001908,how do I replace the burners on a ducane grill,Install the new burners into the grill. Clip the electrode onto the new burner and insert the end of the burner onto the nozzle of the valve assembly. Repeat this step for the other burner. 5. Replace the carry-over tube and the hitch pins. Replace the carry-over tube on the new burners and replace the four hitch pins. 6.,0,2.0,2.0,3.0
+2001975,how do i insert notes under a slide in powerpoint,"Tagged under: course, help, how-to, insert, Insert Video in PowerPoint, inserting, inserting video, instructions, learn, lessson, online video, online videos, options, overview, play, play video, playback, powerpoint, PowerPoint 2013, PowerPoint 2016, presentation, presentations, settings, slide, slides, teach, training, tutorial, video, videos.",0,0.0,0.0,0.0
+2001975,how do i insert notes under a slide in powerpoint,NOTE: Do not add audio under Insert and Record Audio; this method will not allow you to save your PowerPoint as a video since it does not synchronize timings to automatically move the slides with the audio. NOTE: Audio may start recording automatically if you have an older version of PowerPoint.,0,0.0,0.0,0.0
+2001975,how do i insert notes under a slide in powerpoint,"When you insert a new slide in PowerPoint, it uses the default Title and Content Slide layout. But if you open a new presentation, it opens a new slide with the default Title Slide layout which you have to change to Title and Content. Note: Learn how to insert a new slide in PowerPoint 2010 and how to change the slide layout in PowerPoint 2010 .",0,0.0,0.0,0.0
+2001975,how do i insert notes under a slide in powerpoint,"Believe it or not, most people have no idea how to print speaker notes in PowerPoint. This article answers the question: how do I print notes in PowerPoint? Part 1. How to Print Slides with Notes in PowerPoint 2010 to PowerPoint for Office 365. Part 2.",0,1.0,0.0,1.0
+2001975,how do i insert notes under a slide in powerpoint,"To add a calendar to a PowerPoint slide, you can insert an existing calendar or download additional calendar templates if you want. How to insert images below the word on PowerPoint. How to insert videos into PowerPoint 2016. In order to serve the content on a PowerPoint slide, users can insert images into a slide, insert videos on a slide, or have a requirement to insert a calendar into a slide.",0,0.0,0.0,0.0
+2001975,how do i insert notes under a slide in powerpoint,"Insert. Insert is the default option and will place the selected picture on the slide. We have already covered what this Insert option does in our Insert Picture in PowerPoint tutorial. Do note that this option will increase the file size of the presentation, although PowerPoint 2016 does some automatic picture compression.",0,0.0,0.0,0.0
+2001975,how do i insert notes under a slide in powerpoint,"First, you can insert many different post it or sticky notes into the PowerPoint slide by inserting a shape. Look for the shape with a folder corner, that will best fit for a post it. The folder corner shape can be found under Basic Shapes.",0,2.0,,1.0
+2001975,how do i insert notes under a slide in powerpoint,"In the Word document, click File > Save, and then click File > Close. Note: Your Word document must be closed to insert it into a PowerPoint presentation. Open PowerPoint, and click Home > New Slide. Select Slides from Outline. Find and select the Word document in the Insert Outline dialog box, and click Insert.",0,0.0,,0.0
+2001975,how do i insert notes under a slide in powerpoint,"Step 3. Select the PowerPoint file, and click the ""Insert"" button. Each slide of the PowerPoint presentation is inserted into OneNote. The slides appear as if you printed them with the attached notes from PowerPoint.",3,0.0,0.0,0.0
+2001975,how do i insert notes under a slide in powerpoint,"Here you will see a placeholder button under Slide Master menu. Click on the Insert Placeholder button and a new popup will appear. Now, you can insert a picture placeholder but also some other content types, for example a table, a smartart graphic, a media content, clipart or even text or content. Another interesting feature that PowerPoint has is to take screenshots, if you are wondering how to screenshot in Windows, you can use PowerPoint to take these screenshots and create slides with a screenshot image.",3,1.0,0.0,0.0
+2002146,how do you root a yucca plant,"How Do I Get Rid of a Yucca Plant? Unbeknownst to many people, getting rid of yucca plants is not a one-time deal. In fact, simply digging them up or cutting them down may not always be enough. Yucca plants have an extensive root system and will continue to grow long after the plant has been removed.",0,1.0,,1.0
+2002146,how do you root a yucca plant,Yucca Tree Pruning. Yucca Cane Care. How to Root a Yucca Tree. How to Grow a Guava Tree. How to Grow Weeping Yuccas. Yucca Plant With Rotting Stems. How to Trim the Seed Stalk of a Yucca. How to Prune a Monkey Tree. How to Trim Mature California Pepper Trees.,0,2.0,1.0,3.0
+2002146,how do you root a yucca plant,Index of Article (Click to Jump) Introduction To Yucca Plant. Scientific Classification. Plant Specification. Root System Of Yucca Plant. Fibrous Root System. Tap Root System. Rhizomatic Root System. Uses of Yucca Plant.,0,2.0,,1.0
+2002146,how do you root a yucca plant,"What is yucca? Yuccas are common garden plants with pointed leaves. There are many species of the plant, and the fruits, seeds, and flowers are often eaten. (Yucca shouldnât be confused with yuca, which is a root vegetable also known as cassava.)",0,1.0,0.0,0.0
+2002146,how do you root a yucca plant,"After you do this, plant the seeds in a well draining potting mix, like a cactus mix. Plant the seeds one to two seed lengths deep in the soil. Place the plant in a sunny, warm place. Water the soil until you see seedlings in about one to two weeks. If you do not see seedlings in this time, allow the soil to dry out completely and resume watering. Whether you decide to try a yucca plant cutting or planting yucca seed, yucca plants are very easy to propagate.",0,2.0,1.0,2.0
+2002146,how do you root a yucca plant,"The yucca plant will need to be kept indoors for at least two years. During this time the plant will begin to grow larger, and the roots will begin to grow deep into the pots that you have them in. Yucca roots do not like to be crowded, but will adapt to whatever situation they are in.",0,1.0,,2.0
+2002146,how do you root a yucca plant,"Tip #6 - How to Propagate Yucca. You can propagate Yucca via division, root cuttings, stem cuttings and seeds. Stems and offsets can be cut, the bottom few inches stripped of leaves and the cuttings planted and treated gently until they root.",0,3.0,2.0,3.0
+2002146,how do you root a yucca plant,"Division from the offsets, called pups, provides you with more potted yucca plants. Remove the plant from its container (preferably outside) and remove the pup with a clean, sharp cut. A rooting compound may be applied to encourage root development on the baby, but is not necessary for most situations. Suckers will sometimes appear on canes of potted yucca plants and may also be used for growing yucca in containers.",0,3.0,,2.0
+2002269,how fast does a rabbit grow,"Rabbit Brush. Rabbit Brush or Rubber Rabbit Brush, Chrysothamnus nauseosus, is a fast growing evergreen shrub that does very well in the desert Southwest. Rabbit Brush can get up to seven feet in height and requires full sun and low watering, once established.",0,0.0,,0.0
+2002269,how fast does a rabbit grow,"Here are the ways to make your hair grow faster! But remember, hair has its pace of growing, you can just facilitate your hair grow fast which means at the maximum rate it can grow. This, I assume is clear from the above section where we talked about how does hair grow and how fast does it grow!",0,0.0,,0.0
+2002269,how fast does a rabbit grow,How fast does Chin Hair Grow? One area on most males that does grow whiskers just due to a normal level of hormones is on the chin. I was curious about how fast the hair or whiskers on a chin grow since shaving daily is a pain. I thought that maybe chin whiskers were growing inches per month.,0,0.0,0.0,0.0
+2002269,how fast does a rabbit grow,"Does can also have up to 13 litters per year, although this is not ideal for their health. Let us now explore the topic further, looking at how fast rabbits can breed, how many rabbits you can expect to see in a litter and how many litters can rabbits have per year. Contents [ show] 1 How Fast Do Rabbits Breed?",0,2.0,0.0,1.0
+2002269,how fast does a rabbit grow,"This limit is called the carrying capacity. Carrying capacity is not a fixed number; it depends upon factors like how much each rabbit eats, how fast the food grows, and how well the natural systems of the island can handle the waste produced by the rabbits.",0,1.0,0.0,0.0
+2002269,how fast does a rabbit grow,"In reality, the survival and reproduction rate of the rabbits will depend on how you care for them. Rabbits often give birth to large litters, and they do so up to two or three times a year. Also, rabbits grow very fast and reach market size quicker than most other livestock.",0,2.0,2.0,3.0
+2002269,how fast does a rabbit grow,"How are rabbits called for different ages? A rabbit remains a baby until it grows to around 9 months, after which it becomes an adult. Rabbits remain adults until 4-5 years of age, and when they grow older they become âŠelderly rabbits ⊠of course! On average rabbits live up to 10-12 years of age.",0,2.0,1.0,2.0
+2002269,how fast does a rabbit grow,"How long does it take for a rabbit to grow into adults. ? According to the Standard of Perfection of the American Rabbit Breeders' Association, rabbits are considered adults at the age of 6 months. Rabbits reach sexual maturity around 4 months of age. Rabbits tend to reach a mature size at around six months of age.",3,3.0,2.0,3.0
+2002533,how much average cost to plan a 8' tree?,"How much much does a pine tree cost? The price of a pine tree will depend on the size, quality of the tree, variety geographical location and where itâs purchased. On average, plan on spending anywhere from $2 for a sapling to as much as $300 for a pine tree taller than five feet.",0,2.0,,1.0
+2002533,how much average cost to plan a 8' tree?,"How Much Does Palm Tree Trimming Cost In Phoenix? How Much Does Palm Tree Trimming Cost In Phoenix? If you are wondering, how much does palm tree trimming cost in Phoenix, Arizona, this post should help! The average palm tree trimming cost in Phoenix is about $637.50 in 2020. Palm trees that are as high as 30 feet will usually cost around $75 to $400.",0,1.0,,0.0
+2002533,how much average cost to plan a 8' tree?,View Other Tree Removal Costs & Options: Large Tree Removal. Small Tree Removal. Trimming & Stump Removal. Large Tree Removal. Whats the Cost of Large Tree Removal. How much does it cost to have a tree removed? How Much For Oak Tree Removal. Average cost of Pine Tree Removal.,0,1.0,0.0,0.0
+2002533,how much average cost to plan a 8' tree?,"gallery Post. Written by webtechs. 20 March 2019. How Much Does Tree Planting Cost? On average medium tree planting costs $225, small tree planting costs $106, and large tree planting costs $2,423 for the US in 2019 according to HowMuch.",0,2.0,2.0,2.0
+2002798,how to age steak,"From how dry-aging works, to how long to dry-age beef, to what you need to do to dry-age steaks at home, we could write a PhD on the subject. We havenât (yet!), but weâve done the next best thing: putting together this comprehensive primer on dry-aged steak.",0,3.0,2.0,1.0
+2002798,how to age steak,"The Food Lab: How to Grill a Steak, a Complete Guide. How To Cook A Steak In A Beer Cooler (Video) The Food Lab's Guide to Inexpensive Steak for the Grill: 5 Cuts You Should Know. The Food Lab: How to Pan Sear a Steak, a Complete Guide. The Food Lab's Complete Guide to Dry-Aging Beef at Home.",0,2.0,1.0,2.0
+2002798,how to age steak,Table of Contents. 6 Perfect Ways To Cook Tomahawk Steak in [2018] Tomahawk steak price: How to cook Tomahawk Steak: Dry Aged Tomahawk Steak: Tomahawk steak and roast tomatoes with rosemary: Tomahawk steak with salsa verde: Chargrilled Tomahawks in Herb Infused Oil: Tomahawk Steak and Sautéed Spinach.,0,1.0,0.0,1.0
+2002798,how to age steak,"What youâll learn: How to dry-age steaks at home, with results just like expensive restaurants. Use inexpensive vacuum bags designed just for dry aging beef, use your own vacuum sealer. Honest review of the UMAi Dry Aged Artisan Steak Kit. Step by step photos and see how steak ages.",0,3.0,3.0,3.0
+2002798,how to age steak,So we recommend cooking dry-aged steaks no more than medium rare. Keep in mind that a dry-aged steak will not be as âbloodyâ as a fresh-cut steak cooked to the same doneness. Here are our 7 top tips on how to prepare your dry-aged steaks to perfection. 1.,0,2.0,1.0,1.0
+2002798,how to age steak,"All are great methods for cooking steak. Check out some of our favorite ways to grill steaks: How to Grill a Porterhouse, T-Bone, or Any Really Thick Steak. Reverse Searing vs. a More Traditional Method. Extreme Grilling: Steak Six Ways. How to Make Any Steak Tender. How to Buy and Cook a Dry-Aged Steak.",0,1.0,1.0,1.0
+2002798,how to age steak,"Step 3. Choose a dry-aged steak. Aged steaks are more tender and flavorful. Dry aging is the process of hanging a side of beef in a cold, dry room for six months or more to age the meat. The aging allows the tendons to break down and tenderizes the meat.",0,2.0,1.0,2.0
+2003157,how to cook frozen ham steak on nuwave oven,"5. Place tenderloin directly on 3-inch NuWave Oven. 5. Garnish with scallions and toasted rack and season with salt and sesame seeds. pepper. Page 53 To Cook a Ham Directions: The NuWave Pro Plus Infrared Oven can cook up to an 8-pound boneless ham, or a 1.",0,2.0,,2.0
+2003157,how to cook frozen ham steak on nuwave oven,"Youâll need to allow for some extra cooking time, though. It generally takes about 50 percent longer to cook a frozen ham than the time it takes for a fully thawed ham. So, for instance, a ham that would normally take 4 hours to bake if was fully thawed would take 6 hours if it was put into the oven frozen. You can find a detailed cooking chart for ham here â add 50% to the time shown if youâre baking a frozen ham.",0,1.0,1.0,1.0
+2003157,how to cook frozen ham steak on nuwave oven,"HOW TO MAKE ONE TOFURKY HAM ROAST: From Frozen: With a knife or scissors, remove plastic casing from the ham roast. Place frozen roast in an oven safe pan. Pour œ Cup of water in the pan. Cover and cook at 325°F for 2 hours, 15 minutes.",0,1.0,,0.0
+2003157,how to cook frozen ham steak on nuwave oven,"Telegram. Categories: Beef, Low Carb Recipes, NuWave Oven, Recipes. Tags: beef, low carb, NuWave Oven, recipe, Recipes, steak. « Cook Bacon from frozen (NuWave Oven Recipe) Perdue Raw Chicken Breast Tenderloin Fritters from Frozen (NuWave Oven Heating Instructions) ».",0,1.0,,0.0
+2003157,how to cook frozen ham steak on nuwave oven,NUWAVE Temperature Conversion Chart. Halogen Oven Recipes Nuwave Oven Recipes Nu Wave Recipes Nu Wave Oven Nuwave Air Fryer Convection Oven Cooking Recipe Conversions Cooking Time Cooking Ideas. NUWAVE Temperature Conversion Chart. A Holiday Ham with a pineapple/cherry glaze. The cooking possibilities with the NuWave Oven are virtually endless; you can even cook a 14 lb. ham in the NuWave!,0,2.0,1.0,2.0
+2003157,how to cook frozen ham steak on nuwave oven,"NuWave Primo Combo Grill Oven. A Holiday Ham with a pineapple/cherry glaze. The cooking possibilities with the NuWave Oven are virtually endless; you can even cook a 14 lb. ham in the NuWave! BBQ Chicken Wings. I, too, love my Nuwave oven.",0,1.0,1.0,1.0
+2003157,how to cook frozen ham steak on nuwave oven,"Rub the exterior with olive or vegetable oil, salt, pepper and your favorite steak seasoning. Unlike grills, you have to clean the NuWave cooking rack every time you use it. Insert the cooking rack in your NuWave oven and place the steaks side-by-side on the rack, making sure they don't touch each other.",0,1.0,,1.0
+2003157,how to cook frozen ham steak on nuwave oven,"Instructions: Remove all packaging from the ham and save the cooking instructions in the ham packaging. Place ham on the 1 inch rack. Use the Extender Ring, that came with your NuWave Oven. Read the packaging of the hamâs heating instructions and cook at the recommended temperature, for as long as packaging recommends.",3,2.0,2.0,2.0
+2003322,how to dilute ceftriaxone vial,"Treatment vials are created from undiluted antigen that are then drawn from and put into dilution vials. Each of the dilution vials have sequentially increasing dilutions. Traditionally, payers are billed for the total number of cubic centimeters (cc) of serum that is created from the non-diluted vial.",0,1.0,,0.0
+2003322,how to dilute ceftriaxone vial,"Third, you use a dropper to take part in the solution from the extraction vial and drip it into the dilution vial. Fourth, you shake the dilution vial mixture gently for at least 15 seconds. Fifth, you use a new dropper to drip five or six drops of the dilution vial mixture into the vial's cap.",0,1.0,0.0,1.0
+2003322,how to dilute ceftriaxone vial,"The dilution per vial of Botox can vary between 1-10 mL or cc (1 mL = 1 cc) of saline. If you dilute a 100U vial of Botox with 10 mL of saline, it will be 1/10 as strong as a 100U vial of Botox diluted with 1 mL of saline solution.",0,0.0,,0.0
+2003322,how to dilute ceftriaxone vial,"Ceftriaxone for Injection, USP is supplied as a sterile crystalline powder in glass vials. The following packages are available: Vials containing Ceftriaxone sodium equivalent to 1 gm Ceftriaxone Box of 25 (72572-061-25) Vials containing Ceftriaxone sodium equivalent to 2 gm Ceftriaxone Box of 25 (72572-062-25)",0,1.0,,1.0
+2003322,how to dilute ceftriaxone vial,"dilution problem I think Rx. Ceftriaxone 500mg IVPB in D5W 50mL, infuse over 30 min q12h. The 2g ceftriaxone vial states that if you reconstitute with 8.6mL, the resulting final ... infusion rate problem The Dr. Has ordered to add 5g of a Drug ""V"" to 1L NS. and infuse at a rate of 5000mg/hour.",0,2.0,,2.0
+2003322,how to dilute ceftriaxone vial,"Inject diluent into vial, shake vial thoroughly to form solution. Withdraw entire contents of vial into syringe to equal total labeled dose. After reconstitution, each 1 mL of solution contains approximately 250 mg or 350 mg equivalent of ceftriaxone according to the amount of diluent indicated below.",0,3.0,3.0,3.0
+2003322,how to dilute ceftriaxone vial,Trick of the Trade: Give ceftriaxone IM with lidocaine. Ceftriaxone for IM use can be diluted with lidocaine 1% [1]: Ceftriaxone 250 mg vial â mix with 0.9 mL of lidocaine 1% = 250 mg/mL. Ceftriaxone 1000 mg vial â mix with 2.1 mL of lidocaine 1% = 350 mg/mL.,3,3.0,3.0,3.0
+2003322,how to dilute ceftriaxone vial,"Inject diluent into vial, shake vial thoroughly to form solution. Withdraw entire contents of vial into syringe to equal total labeled dose. How do you dilute Rocephin for IM injections? 1g ceftriaxone should be dissolved in 3.5ml of 1% Lidocaine Injection BP.",3,3.0,3.0,3.0
+2003976,how to put together a scuba regulator,"Well, thatâs why we put together some of the top questions about how to become a scuba diver. You know, the ones youâre too embarrassed to ask the guy at the dive shop. Weâve already given you 13 reasons to become a scuba diver, so now letâs answer all of your burning questions about how to become a scuba diver.",0,0.0,,0.0
+2003976,how to put together a scuba regulator,"Scuba Gear. Everything you need to know about scuba gear, all in one place. Scuba gear is a critical topic for divers, from considering the best scuba gear to buy or rent for your favorite type of diving to learning how to maintain your gear so it lasts. Weâve put together everything you need to know about scuba diving gear, all in one place, from how to buy your first set of gear to ScubaLabâs top gear reviews, which culminate in our Gear of the Year recap.",0,1.0,,1.0
+2003976,how to put together a scuba regulator,"A good scuba regulator is a vital part of any dive gear, reducing the high pressure combination of helium, nitrogen, and oxygen in the tanks so itâs breathable by the diver. Not all regulators are the same, however, so weâve put together a concise buyerâs guide to help those new to the sport decide which is best.",0,1.0,,0.0
+2003976,how to put together a scuba regulator,"Regulator Terminology. To understand how scuba diving regulators work, it is important to become familiar with some basic regulator vocabulary and concepts. First Stage: The first stage of a scuba diving regulator is the part of the regulator that attaches to the tank valve.",0,2.0,,1.0
+2003976,how to put together a scuba regulator,Second Stage: The second stage of a scuba diving regulator is the part that the diver puts into his mouth. Tank Pressure: The pressure of the air in a scuba tank. Air inside a tank is compressed to a very high pressure in order to carry an adequate supply of breathing gas for a scuba dive.,0,2.0,0.0,1.0
+2003976,how to put together a scuba regulator,Scuba Regulator Cost. The scuba diving regulator consists of two parts. The first stage connects directly to the scuba tank. The second stage connects to the first stage and is the piece you put into your mouth and breathe out of. The type of regulator that you choose will depend on the conditions you dive in.,0,1.0,,2.0
+2003976,how to put together a scuba regulator,"DIN Scuba Regulators. A DIN regulator can be attached only to a DIN valve, which is incompatible with standard Yoke regulators and valves. The best way to check if your valve requires a DIN regulator is to check where the two connect - if they must be screwed together, there is a good chance you have a DIN valve.",0,1.0,,1.0
+2004237,how to transfer deposit to another account online westpac,Fast and secure online transfers and deposits. There is no fee to transfer money between your Huntington accounts and there is also no fee from Huntington if you transfer money from another financial institution â or for direct deposit to your Huntington account. Simply use online banking or the Huntington Mobile app.,0,1.0,,0.0
+2004237,how to transfer deposit to another account online westpac,"How to open: Customers can apply for a GE Capital Bank online savings account on its site and fund it in one of four ways: through an electronic transfer from another account, a direct deposit payment from payroll or Social Security, a domestic wire transfer from another bank, or by mailing a check. 1.",0,0.0,,0.0
+2004237,how to transfer deposit to another account online westpac,International Payments. Transfer money to and from international bank accounts in over 130 countries with Westpac Online Banking. Don't have a Westpac account?,0,1.0,0.0,1.0
+2004237,how to transfer deposit to another account online westpac,Compare Westpac New Zealand Deposit rates. Account Name. Rate. Westpac NZ 5 Year Term Deposit. 4.10%. Westpac NZ 2 Year Term Deposit. 3.65%. Westpac NZ 6 Month Term Deposit. 3.25%.,0,0.0,0.0,0.0
+2004237,how to transfer deposit to another account online westpac,Transfer shares from another brokerâs CHESS sponsored account. Here are the steps to a your shares to a Westpac Securities CHESS sponsored account. Complete the Standard Transfer Form from Westpacâs website. Fill out all required details. You can refer to the second page of the form for guidelines.,0,1.0,,0.0
+2004237,how to transfer deposit to another account online westpac,"Make a transfer through Online Banking. There are two types of transfers that can be submitted by logging in to your Leader Bank online banking account. From the Transfer tab, you can create an internal transfer from a Leader Bank deposit account or click âLaunch External Transferâ to schedule a payment from a non-Leader Bank deposit account.",0,1.0,0.0,0.0
+2004237,how to transfer deposit to another account online westpac,"The process is simple: Apply for a Westpac credit card online. In your application, include the account numbers of the credit cards you would like to transfer, the providers' biller codes and the amounts you'd like to transfer. Activate your card. Any approved balance transfers will occur once your card is active.",3,1.0,,0.0
+2004253,how to trim blank space in excel,"Macro to remove extra Spaces from String in Excel VBA. Here is the best excel vba remove spaces from string macro to remove spaces in Excel. Let us see the example macros to trim,delete and remove blank spaces from String in Excel VBA.",0,3.0,1.0,2.0
+2004253,how to trim blank space in excel,"VBA code to check if a cell is blank â Better Example: Avoid Empty Spaces. Sometimes, A cell or rang looks blank and we notice that the condition is failing. It is because of the empty spaces in the cell. So, whenever you want to check if a cell is empty, you can trim the Cell value and check it. Sub vba_code_to_check_if_a_cell_is_blank () 'use trim to avoide blank spaces If Trim (Cells (1, 1)) = """" Then MsgBox ""Cell is Blank"" Else MsgBox ""Cell is not blank"" End If End Sub.",0,2.0,1.0,2.0
+2004253,how to trim blank space in excel,Restrict Cell Input Based On Another Cell Value - Excel. How To Convert Ex: (8-4:30) Into Total Hours - Excel. Numbers Converting To Scientific Formats In .csv Files - Excel. Use If To Return A Truly Blank Cell - Excel. Extracting Numbers From Alphanumeric Strings - Excel. Pull From Left Until Blank (space) - Excel.,0,1.0,,1.0
+2004253,how to trim blank space in excel,"How to remove blank spaces in Excel - leading, trailing, between words. If your data set contains superfluous spaces, the Excel TRIM function can help you delete them all in one go - leading, trailing and multiple in-between spaces, except for a single space character between words. A regular TRIM formula is as simple as this:",0,3.0,3.0,3.0
+2004253,how to trim blank space in excel,Excel TRIM function - quick way to remove extra spaces. How to use LEN function in Excel to count characters in a cell. How to remove all blank rows in Excel.,0,3.0,2.0,3.0
+2004253,how to trim blank space in excel,"In this article we will learn how to delete the unnecessary blank character from a cell, we will use âTRIMâ function in Microsoft Excel 2010. TRIM: Trim function is used to remove additional leading and trailing spaces from the text in a cell. The function will return the text after deleting the unnecessary spaces.",0,3.0,3.0,3.0
+2004253,how to trim blank space in excel,"If that is the case, then you will have more luck with the Excel TRIM function. For example, if you have data in the A1 cell that contains blank spaces that you wish to remove, then entering the formula =TRIM (A1) into a blank cell will remove spaces from the data. You can learn more about the TRIM function here.",0,3.0,3.0,3.0
+2004253,how to trim blank space in excel,"How to remove extra spaces with Trim Spaces for Excel. In your Microsoft Excel worksheet, select the cells, columns or rows from which you want to remove excess spaces. Start the Trim Spaces by clicking on its icon, or go to Excel Menu Ablebits.com -> Trim Spaces for Excel .",0,3.0,3.0,3.0
+2004253,how to trim blank space in excel,"TRIM(text)
+
+. text, the text from which to remove the extra spaces. Usage Note: The TRIM function removes the extra spaces in all positions, left trim, right trim or middle trim. The TRIM function only removes the extra spaces, to remove non-printing characters use the CLEAN function. How to Use TRIM Function in Excel.",0,3.0,3.0,3.0
+2004253,how to trim blank space in excel,Clean Up Spacing Between Words. You can also use the TRIM function in Excel to remove unnecessary spaces between words in a string. The TRIM function will reduce the spacing between words down to a single space. Let's look at an example of how to use the TRIM function to clean up the spacing between words in Excel.,3,3.0,2.0,2.0
+2004253,how to trim blank space in excel,"In another way, we can remove the spaces by using a TRIM function. This removes the spaces which are there at the start and end of the selected cell content. And we can also use the SUBSTITUTE function, where we can substitute space with blank to remove spaces completely. Start Your Free Excel Course.",3,3.0,3.0,3.0
+2004253,how to trim blank space in excel,"The Excel TRIM function strips extra spaces from text, leaving only a single space between words and no space characters at the start or end of the text. How to use the Excel TRIM function | Exceljet. Skip to main content.",3,3.0,2.0,3.0
+2005810,what are the entities of the executive branch,"executive branch in a sentence. executive branch. in a sentence. The executive branch would consist of a 1st Territorial Legislature convened. The judicial branch is preventing the executive branch from expressing itself. Solzhenitsyn said, castigating the legislative and executive branches as bad examples. The Bosnian Serb entity has its own parliament and executive branch.",0,1.0,,1.0
+2005810,what are the entities of the executive branch,"CUI does not include classified information or information a non-executive branch entity possesses and maintains in its own systems that did not come from, or was not created or possessed by or for, an executive branch agency or an entity acting for an agency.",0,0.0,,1.0
+2005810,what are the entities of the executive branch,"However, CUI does not include classified information or information a non-executive branch entity possesses and maintains in its own systems that did not come from, or was not created or possessed by or for, an executive branch agency or an entity acting for an agency.",0,1.0,0.0,1.0
+2005810,what are the entities of the executive branch,"What are the 3 parts of the executive branch? The Executive Branch of government may consist of many agencies
+but the Branch itself is only one of three branches of the
+government. The other two branches of government are the Executive
+Branch and the Judicial Branch. The presidents cabinet consist of what?",0,1.0,1.0,1.0
+2005810,what are the entities of the executive branch,"Executive branch includes an executive department as defined in 5 U.S.C. 101, a Government corporation, an independent establishment (other than the Government Accountability Office ), the Postal Service, the Postal Regulatory Commission, and also includes any other entity or administrative unit in the executive branch .",0,3.0,3.0,3.0
+2005810,what are the entities of the executive branch,"Article Two of the United States Constitution establishes the executive branch of the federal government, which carries out and enforces federal law. The executive branch includes the President, the Vice President, the Cabinet, and other U.S. government entities.",0,3.0,3.0,3.0
+2005810,what are the entities of the executive branch,"Members of the executive branch include the president, the vice president, the executive office of the president, and the cabinet. What are some of their duties include? 3 branches are: LEGISLATIVE BRANCH,EXECUTIVE BRACH,AND JUDICIAL
+BRANCH.",0,3.0,3.0,3.0
+2005810,what are the entities of the executive branch,"Yes. The executive branch includes the? The President of the United States, the vice president, and 15
+Cabinet-level executive departments are included in the executive
+branch. The Cabinet-level members of the executive branch include
+the Department of Agriculture, Commerce, Defense, and
+Education. What are the main powers of the executive branch? implying and enforcing the laws written by congress.",0,3.0,3.0,3.0
+2005810,what are the entities of the executive branch,"The executive branch of the government includes the President. The organizational units of the branch include the President, his
+staff and eleven departments. What does the executive branch of the government include? The executive branch of the United States government consists of
+the president, the vice president and 15 Cabinet-level executive
+departments.",0,3.0,3.0,3.0
+2005861,what are the three countries in 1984,"The 1980 and 1984 World Championships consisted of a total of only three events; women's 20 km cross-country (1980), ski jumping team event and nordic combined team event (both 1984). These events were not held in the 1980 and 1984 Winter Olympics and therefore got their own World Championships.",0,0.0,0.0,0.0
+2005861,what are the three countries in 1984,"In the United States the single entered the Billboard Hot 100 on 11 February 1984 at number 73, peaking at number three on 5 May 1984, and staying 21 weeks on the chart, becoming the band's biggest hit in the country.",0,0.0,0.0,0.0
+2005861,what are the three countries in 1984,"In 1984, 50 different singles topped the chart, then published under the title Hot Country Singles, in 52 issues of the magazine, based on playlists submitted by country music radio stations and sales reports submitted by stores. Six acts tied for the most number ones in 1984, with three each: bands Alabama and Exile and soloists Earl Thomas Conley, Merle Haggard, Ricky Skaggs and George Strait.",0,0.0,,0.0
+2005861,what are the three countries in 1984,"In the novel, war is constant. Click to see full answer. Also, what is the setting of the novel in 1984? The setting of 1984 is Airstrip One, part of the superpower Oceania. The novel is set in an unknown future in which the world is divided into three. Additionally, what year is 1984 set?",0,2.0,1.0,2.0
+2005861,what are the three countries in 1984,"1984, by George Orwell. Perhaps the most famous dystopian novel in publication today, George Orwellâs 1984 is one of the best examples of books like Fahrenheit 451. Originally published in 1949, 1984 is set in a dystopian future in what today is present-day London (Airstrip One). The country (known as Oceania) is in a state of perpetual war and its citizens are under constant observation by the oppressive, totalitarian government.",0,2.0,,2.0
+2006211,what does auslan interpreted performance mean,"What branch of government performs judicial review? the judicial branch. What branch of government passes judicial power? judicial branch. What does judicial branch mean? what does judicial branch mean?the branch that interprets laws and settle disagreement about them; ""judicial"" comes from judge :)",0,0.0,,0.0
+2006211,what does auslan interpreted performance mean,"What does the judicial branch do? I know that they interpret laws, but what does the meaning of interpret mean here.",0,0.0,,0.0
+2006211,what does auslan interpreted performance mean,What Does It Mean When A Butterfly Lands On You: Three Possible Interpretations - DejaDream. Home â What Does It Mean When A Butterfly Lands On You: Three Possible Interpretations.,0,0.0,,0.0
+2006211,what does auslan interpreted performance mean,"videos of deaf people using the listed Auslan signs. information on the deaf community in Australia. links to Auslan classes. Users of Auslanâdeaf people, deaf students, sign language interpreters, students of Auslan, or a parents of deaf childrenâare invited to provide feedback to help improve the dictionary, using the links provided.",0,1.0,,1.0
+2006211,what does auslan interpreted performance mean,"Auslan began to emerge as a language of instruction for Deaf students in primary and secondary schools from the late 1980s â mainly through the provision of Auslan/English interpreters in mainstream (hearing) schools with deaf support units, but also in some specialised bilingual programmes for deaf children.",0,1.0,,1.0
+2006211,what does auslan interpreted performance mean,"Though becoming more and more visible, Auslan is still rarely seen at public events or on television; there are, for example, no interpreted news services. There is a regular program on community television station Channel 31 in Melbourne, ""Deaf TV"", which is entirely in Auslan and is produced by Deaf volunteers.",0,1.0,,1.0
+2006211,what does auslan interpreted performance mean,"The emerging status of Auslan has gone hand-in-hand with the advancement of the Deaf community in Australia, beginning in the early 1980s. In 1982, the registration of the first sign language interpreters by NAATI, a newly established regulatory body for interpreting and translating, accorded a sense of legitimacy to Auslan, furthered by the publishing of the first dictionary of Auslan in 1989 (Johnston, 1989).",0,1.0,,0.0
+2006211,what does auslan interpreted performance mean,"The contract and any explanation of its meaning should meet your communication needs. You have the right to ask that a contract is provided in alternative formats, such as: Braille. large print. Auslan interpretation. Make sure that the contract really protects your interests. Only make promises which you can keep.",0,1.0,,1.0
+2006211,what does auslan interpreted performance mean,The typical arrangement is to have a sign language interpreter in a small picture-in-picture window in the video. Brisbane City Council has added Auslan as picture-in-picture to their Toward an Accessible and Inclusive Brisbane video.,3,2.0,,2.0
+2006375,what does quotient of a power mean,"That's what multiplication is. Likewise, people ask, what does the term of mean in math? âOfâ is a powerful word in mathematics, for it can mean a fraction of something, e.g. 4/5 of 25 which commands multiplication or (3 out of 5 marbles are green) which can imply quotients in some cases such as probability.",0,1.0,0.0,0.0
+2006375,what does quotient of a power mean,"If Q
Also, some people receive payments from private disability insurance policies. These can be in addition to getting Social Security disability payments.",0,2.0,,1.0
+2044423,what tax form do you get from short term disability,I didn't receive a w-2 for my short term disability. I received short term disability last year for maternity leave but I haven't gotten a w2 for it. How do I put that info into my taxes?,0,2.0,,2.0
+2044423,what tax form do you get from short term disability,"No, a Form 1099-G - IRS.gov is for Certain Government Payments like Unemployment compensation, State or local income tax refunds, credits, or offsets. If you are on short-term disability or maternity leave, you may get a W-2.",3,2.0,2.0,3.0
+2044423,what tax form do you get from short term disability,"If I went on maternity leave through my job and got paid for 6 weeks through my job would I get a 1099-G? No, a Form 1099-G - IRS.gov is for Certain Government Payments like Unemployment compensation, State or local income tax refunds, credits, or offsets. If you are on short-term disability or maternity leave, you may get a W-2.",3,2.0,2.0,3.0
+2045272,what hazards come with making paint,"Select and Make Ready the Paint Area. First and foremost, the thing before spraying is to make ready the paint area. Usually, painting brings a hazard around the painting area. And if it is about painting with an air compressor, that will come up with more mess.",0,2.0,1.0,1.0
+2045272,what hazards come with making paint,"Top 15 Workshop Hazards. There are many jobs associated with workshops, such as carpentry, welding, and paint spraying. Each role comes with different hazards and can make workshops very dangerous places to occupy. The top 15 workshop hazards are: Lack of guards or screens on equipment or around dangerous areas. Damaged or misused guards.",0,2.0,,1.0
+2045272,what hazards come with making paint,"I added the painter's tape around the upper rim to keep the paint on the outside of the can. Make it as dark as you like, or make it neon orange, whatever works for you. đ. I was going to paint a Bio-hazard symbol on the side, but there is a storm coming in and I was loosing daylight!",0,0.0,,0.0
+2045272,what hazards come with making paint,"What's Hot! (NEW) Use of Public Housing Funding to Support Internet Connectivity for Residents (January 19, 2021) FY 2020 Lead-Based Paint Capital Fund NOFA FAQs (October 20, 2020) FY 2020 Lead-Based Paint Capital Fund NOFA : The FY 2020 Capital Fund Lead-Based Paint Hazards NOFA makes $30 million in competitive grants available to identify and eliminate lead-based paint hazards in public housing; Public Housing Authorities (PHAs) can use the funding to perform lead-based paint evaluations and control lead-based paint and hazards in and around public housing units.",0,1.0,,1.0
+2045272,what hazards come with making paint,"3. Spray Paint. Though a spray paint can be a fun method for stenciling, be careful when it comes to location. â spray paint can be both messy and the fumes can be hazardous. If you are using spray paint make sure to be in a well ventilated area.",0,2.0,2.0,2.0
+2045272,what hazards come with making paint,"Whenever a child under 6 years old comes to live in a rental property, the property owner has a responsibility to discover whether there is any lead paint on the property and to remove or properly cover any lead paint hazards (delead) to protect the young children living there. Lead paint hazards include: Surfaces that have cracked, chipped, peeling, or otherwise loose lead paint on them;",0,1.0,0.0,2.0
+2045272,what hazards come with making paint,"Why is water-based paint recyclable, but not oil-based paint? Itâs not so much that oil-based paint is nonrecyclable; the issue is that it is classified by the EPA as hazardous waste. There are special regulations when it comes to disposal of hazardous waste, which makes the economics of recycling unfeasible.",0,1.0,,1.0
+2045272,what hazards come with making paint,"Well, you know what they say, safety first, and that is why safety makes the top of our list. Oil paints come in many different mediums, and some of them, like turpentine, can emit fumes which might be toxic and could potentially be a health and safety hazard. Apart from emitting toxic fumes, these mediums are also very flammable, so be careful while handling them.",0,2.0,2.0,3.0
+2046371,functions of three regions of sm intestine,"Anatomy and Function. The stomach functions to initiate the digestive process and to deliver ingested nutrients via a rhythmic motion to the small intestine. Anatomically, it is divided into three regions, the cardia, corpus, and antrum, each with distinctive structures that promote specific functions.",0,0.0,,0.0
+2046371,functions of three regions of sm intestine,"Stomach. The stomach is a J-shaped pouch that empties its content into the small intestine. It can be divided into three regions: the fundus, body, and pylorus. A pyloric sphincter prohibits backflow from the small intestine into the stomach. The functions of the stomach are to store food as it is mechanically churned with gastric secretions, initiate digestion of proteins, carry on limited absorption, and move food (a pasty material called chyme) into the small intestine.",0,0.0,,0.0
+2046371,functions of three regions of sm intestine,"Regional enteritis of small intestine. ICD-9 Index. Chapter: 520â579. Section: 555-558. Block: 555 Regional enteritis. 555.0 - Reg enteritis, sm intest.",0,0.0,,0.0
+2046371,functions of three regions of sm intestine,"List, in order from the pylorus to the colon, the three regions of the small intestine: Definition. Duodenum, Jejunum, and Ileum.
+Term. From largest to smallest, list the three modifications of the small intestineâs inner wall that function to increase surface area: Definition.",0,2.0,,2.0
+2046371,functions of three regions of sm intestine,"Small Intestine. The small intestine is divided into three regions based on their function, even though they are largely similar from a histological standpoint. The first part of the small intestine is called the duodenum and is the shortest segment. It is curved and surrounds one end of the pancreas.",0,2.0,1.0,2.0
+2046371,functions of three regions of sm intestine,"Box 1. The small versus large intestine, morphometry and function. Along the length of the human small intestine three regions are recognized, that is, duodenum, jejunum and ileum, while the large intestine encompasses the cecum, the ascending-colon, transversing-colon and descending-colon, the rectum and the anal canal.",0,2.0,1.0,1.0
+2046371,functions of three regions of sm intestine,"The major site of digestion and absorption in autoenzymatic digesters is the small intestine, which is has three distinct regions, the duodenum, the jejunum and the ileum (Cheeke and Dierenfeld, 2010). Both the digestive and absorptive functions of the intestine is facilitated by the large surface area (Cheeke and Dierenfeld, 2010).",0,2.0,,2.0
+2046371,functions of three regions of sm intestine,They provide support to the tissues of the small intestine and also help in the transport of nutrients from intestines to the rest of the body. The small intestine is divided into three regions: Duodenum- It is the first section which connects to the pyloric sphincter of the stomach. It is the shortest region of the intestine.,0,2.0,1.0,2.0
+2046371,functions of three regions of sm intestine,"The remaining regions of the small intestine, jejunum and ileum, function mainly in the absorption of nutrients and water. Absorption of nutrients. Most of the absorption of nutrients takes place in the small intestine while there is some absorption in the stomach and small intestine.",0,2.0,2.0,2.0
+2049417,what is peace in french?,What are some historical people and events related to Pontiacâs Rebellion? French and Indian War: 1754-1763 conflict between the French and the British over territory in the Ohio Valley. Treaty of Paris: Peace settlement that ended the French and Indian War. Chief Pontiac: Ottawa leader of Pontiacâs Rebellion.,0,0.0,0.0,0.0
+2049417,what is peace in french?,"After the French and Indian War, Britain acquired what is now the Ohio Valleyâ land between the Appalachian Mountains and the Mississippi River. This area was still home to many French settlers, as well as a vast Indian Reserve. The tribes of the Great Lakes Region had a peaceful existence with the French and were upset by the outcome of the war.",0,0.0,,0.0
+2049417,what is peace in french?,"pa·cif·ic. 1. Tending to diminish or put an end to conflict; appeasing. 2. Of a peaceful nature; tranquil. [French pacifique, from Old French pacifice, from Latin pÄcificus : pÄx, pÄc-, peace; see pag- in Indo-European roots + -ficus, -fic .]",0,1.0,1.0,1.0
+2049417,what is peace in french?,"Origin of peace. Middle English pes from Old French pais, pes from Latin pÄx pÄc- pax. From American Heritage Dictionary of the English Language, 5th Edition. From Middle English pece, peas, pees, from Old French pais (âpeace""Â), from Latin pĂÂx (âpeace""Â), from Proto-Indo-European *pa垱- (âto fasten, stick, place""Â), related to Latin pacĂ«scor (âagree, stipulate""Â), Latin pangĂ
 (âfasten, fix""Â); see pact.",0,1.0,1.0,2.0
+2049417,what is peace in french?,"Etymology. Before the word 'peace' came into English lexicon, Anglo-Saxons used a phrase ""friĂ°u sibb"" for ' pledge of peace '. The Anglo-French term Pes itself comes from the Latin pax, meaning ""peace, compact, agreement, treaty of peace, tranquility, absence of hostility, harmony."".",0,1.0,,1.0
+2049417,what is peace in french?,"Omà miwininiwak. Languages. French. The Great Peace of Montreal ( French: La Grande paix de Montréal) was a peace treaty between New France and 39 First Nations of North America that ended the Beaver Wars. It was signed on August 4, 1701, by Louis-Hector de CalliÚre, governor of New France, and 1300 representatives of 39 aboriginal nations.",0,1.0,,1.0
+2049687,what vaccination should u give show piglets,"If you are unsure, talk to your vet to find out how often you should be vaccinating your piglets. The statistics show that when youâre having a lot of piglets, it is best to just wait until they are about six months old to start giving them shots. From then on, you can decide how often you want to give them.",0,1.0,1.0,2.0
+2049687,what vaccination should u give show piglets,"Although a specialized vaccination is usually administered when the guinea pig is 3 weeks of old, this vaccination is a routine procedure when you bring your new piglets home from the breeder. This is important because it gives your piglets a chance to develop immunity and avoid diseases that they may be susceptible to.",0,1.0,1.0,1.0
+2049687,what vaccination should u give show piglets,"Basically, all breeding swine should be exposed until they have shown signs of TGE. This can be done by feedback of minced intestine or contents from infected piglets on the premise. Those that do not show signs may have to be individually dosed orally. Vaccination can be an aid in sustaining immunity.",0,1.0,,1.0
+2049687,what vaccination should u give show piglets,"In some systems, sows are vaccinated once or twice several weeks before farrowing but most programs rely on vaccination of piglets. In most herds, maternal antibodies do not seem to interfere with piglet vaccination. Piglets are usually vaccinated before weaning and again two to three weeks later.",0,2.0,1.0,2.0
+2049687,what vaccination should u give show piglets,Pigs should also be vaccinated twice before they are weaned. E. Coli is a bacteria that causes diarrhea in piglets and is usually caused by fecal contamination of the living environment. Pregnant females should be vaccinated before farrowing.,0,2.0,1.0,1.0
+2049687,what vaccination should u give show piglets,"An oral vaccine of low virulence is also used. Young breeding stock, including boars, should be vaccinated twice at intervals of 3-5 wk at selection or before entering the herd, and then revaccinated every 6 mo or after each litter. Piglets born to vaccinated sows will be protected for 10-12 wk.",0,2.0,2.0,2.0
+2049687,what vaccination should u give show piglets,"Vaccinate gilts and sows against E. coli/ Clostridial disease, if problems cannot be solved by improved husbandry. If vaccination is introduced, it should be part of a written plan to reduce disease incidence by other methods (i.e., husbandry and hygiene) as well. Piglet Diarrhea References.",0,1.0,1.0,1.0
+2049687,what vaccination should u give show piglets,"However, vaccination schedules recommended by the manufacturer should be followed. A high level of colostral immunity is acquired by piglets nursing vaccinated sows. An intranasal vaccine using modified-live strains of B bronchiseptica is also available for young pigs.",3,2.0,1.0,2.0
+2049687,what vaccination should u give show piglets,"Typically, mass vaccination of all pigs on the farm with a modified-live virus vaccine is recommended. Intranasal vaccination of sows and neonatal piglets 1â7 days old, followed by IM vaccination of all other swine on the premises, helps reduce viral shedding and improve survival.",3,2.0,1.0,3.0
+2053884,when a house goes into foreclosure what happens to items on the premises,"What Happens When a House Goes into Foreclosure. If you find yourself wondering what happens when a house goes into foreclosure, the odds are you may have missed a few mortgage payments. If youâre worried your home might go into foreclosure, be sure to consider the many options outlined above. And, remember, failed mortgage payments donât always have to result in irreversible damage.",0,2.0,1.0,1.0
+2053884,when a house goes into foreclosure what happens to items on the premises,"What Happens When a House Goes Into Foreclosure? Are you worried that your home might go into foreclosure? If youâve missed consecutive payments for your home, there is the possibility your home might go into foreclosure. Foreclosure is what happens when the homeowner fails to make their mortgage payments and eventually loses all the rights to the home.",0,2.0,1.0,1.0
+2053884,when a house goes into foreclosure what happens to items on the premises,"According to national statistics, 1 in every 1776 homes in the US results in a foreclosure. While foreclosures can present much difficulty to the homeowner, it doesnât always have to be the end of the world. Fortunately, there are steps one can take to prevent a foreclosure from happening. If youâre wondering what happens when a house goes into foreclosure, youâre going to want to keep reading.",0,2.0,,1.0
+2053884,when a house goes into foreclosure what happens to items on the premises,"That being said, depending on your state, this could take a while, and you may encounter legal fees. 15. Get in Early. If you can talk to the bank shortly after the foreclosure happens, you might be able to catch a house before it goes up for sale on the market.",0,1.0,0.0,0.0
+2054355,what does chicken by-product meal add to pet food?,"The truth about chicken and chicken by-products in pet food. Chicken is commonly seen as the first ingredient in pet foods. Ever wondered what is the difference between ""Chicken"" and ""Chicken meal""? Find out what a chicken by-product is and whether if it's a good or bad ingredient to have in your pet's food. Pets Team 02 May 2012.",0,2.0,1.0,2.0
+2054355,what does chicken by-product meal add to pet food?,"What is Chicken Meal? Chicken meal is commonly used in most commercial pet foods. Youâll see it on the label of most dry foods. Chicken meal is âa dry rendered product from a combination of chicken flesh and skin with and without accompanying bone,â most often leftovers from the meat used for human consumption.",0,2.0,1.0,2.0
+2054355,what does chicken by-product meal add to pet food?,"One of the main ingredients in Eukanuba dog food is corn meal. While on the surface, corn does not seem like a bad ingredient but the corn used in dog food products is the same corn that is labeled as not fit for human consumption. Another main ingredient is chicken. This sounds healthy to most pet owners, but unfortunately, chicken by-product meal is leftover parts of the chicken after the prime parts are removed.",0,2.0,1.0,1.0
+2054355,what does chicken by-product meal add to pet food?,"Try elevating the dishes off the floor so your dog can reach the food more easily. I would like to add-many pet foods might have different types of meals..for example: chicken meal. While chicken is acceptable, what isn't is MOST all meals added into pet foods are from waste including your 4-Ds.",0,1.0,1.0,1.0
+2054355,what does chicken by-product meal add to pet food?,"Also, the chicken meal/fat and the chicken by-product meal used in the products are good for the health of both small and large dog breeds. You can also choose from its dry and wet dog foods, depending on what you think is the most suitable type of food for your pet.",0,2.0,1.0,1.0
+2054355,what does chicken by-product meal add to pet food?,"Natural flavor is made of processed fruits, vegetables, spices or fermentation products to enhance the taste of pet food. , Chicken Meal. Chicken Meal. Chicken meal is an extremely rich source of protein, providing pets with supplemental energy and nutrients while aiding in digestion.",0,1.0,0.0,2.0
+2054355,what does chicken by-product meal add to pet food?,"Chicken by-products can include feet, bones, blood, viscera, and more. Not exactly what most pet owners want to see in their petâs food. Besides, chicken by-product meals vary in consistency per batch, so as nutrient-loaded as it may be, itâs still not considered a high-quality ingredient.",0,2.0,1.0,2.0
+2054355,what does chicken by-product meal add to pet food?,"The chief protein source is chicken, chicken by-product meal, fish meal and dried egg product. Chicken is an acceptable source of protein, and it is used in a great many dog foods for Boxers. However, there is a danger that chicken wonât be good for your pet.",0,2.0,1.0,1.0
+2054355,what does chicken by-product meal add to pet food?,"Some do not feel that chicken by-product meal is a good ingredient in pet foods, while others argue that it is a healthy nutrient source. Personally, while we feel that chicken by-product meals are nutritious and necessary for protein boosting, there is the fact that the quality varies per batch.",0,2.0,2.0,2.0
+2054355,what does chicken by-product meal add to pet food?,"Chicken By-Product Meal. Chicken By-Product Meal. Chicken by-product meal is made up of chicken that has been ground and cooked, reducing the fat content to create a protein-rich ingredient. Itâs high in protein and amino acids to help strengthen and maintain your petâs muscles.",3,3.0,3.0,3.0
+2055211,why does cat get restless at night,"Aging and Dogs Who Are Restless at Night. Still looking to find out why your dog is restless at night? As dogs get older, they can easily become restless at night â and the reason why is pretty common. Age typically brings on joint and muscle pain, which can make sleeping more difficult due to discomfort.",0,0.0,,0.0
+2055211,why does cat get restless at night,"If you want advice on how to stop your dog from barking at night, read on. Weâll get to the root of why your dog is restless and not sleeping and how to stop it. So, why is my dog barking at night all of a sudden? Table of Contents: [ show] Why Do Dogs Bark? Why is My Dog So Restless at Night and Not Sleeping?",0,0.0,0.0,0.0
+2055211,why does cat get restless at night,Behavior. Is Your Cat Meowing at Night? Reasons Why and What to Do. What can you do about a cat meowing at night? And why do cats meow at night in the first place? Here's how to get a good night's sleep with your cats.,0,2.0,2.0,2.0
+2055211,why does cat get restless at night,"If you have a senior cat who gets very vocal at night, tell your veterinarian. There are therapies that can improve the quality of life of afflicted cats â and their humans. This article was written by a Veterinarian. Google+. More Featured Articles âș Why Does My Cat...",0,2.0,1.0,1.0
+2055211,why does cat get restless at night,"3. Restlessness/Insomnia. Many cats experience restlessness at night-time despite their love and need for lengthy sleep. These cats usually roam around the house in the middle of the night, play with toys, toilet paper, knock items off of shelves, and try to elicit a response from the owner while theyâre asleep.",0,2.0,3.0,3.0
+2055211,why does cat get restless at night,"Sure, cats nap a lot no matter the circumstance. However, if your cat appears less playful or tires more easily due to weakness rather than laziness, you may have a problem. Restlessness is harder to recognize in cats than in dogs, as it seems many healthy cats are restless, especially at night.",0,2.0,1.0,2.0
+2055211,why does cat get restless at night,"Highly sensitive to changes in temperature and smells and this is why the cat may become very restless at night when there is a shift. Cats have a very high sense of smell, touch, and hearing since they are unable to use their auditory senses, the other two senses become highly active.",0,3.0,2.0,3.0
+2055211,why does cat get restless at night,"If your cat seems to be keeping you awake with excessive meowing rather than demands for playtime or food, then it could be that theyâre in pain. If youâre in any doubt as to exactly why your cat is restless at night, then make sure you schedule a check-up with your local veterinarian.",0,2.0,1.0,3.0
+2055211,why does cat get restless at night,"Restlessness and Waking at Night. A catâs sleep-wake cycle can be impaired by FCD. However, as with most symptoms of FCD, there are also many alternative reasons for increased nighttime activity. For instance, cats who sleep more during the day can become more restless and active at night.",0,3.0,3.0,3.0
+2055211,why does cat get restless at night,"While itâs true that cats love to sleep, many experience restlessness at night. These cats wake in the middle of the night and roam around the house, play with toys, look for food, or try to rouse you. This behavior is often attributed to the catâs nocturnal nature, and most cats do wake at least a couple of times a night.",3,3.0,2.0,3.0
+2055480,how many incidents of corneal abrasion,"Determining the best treatment for a corneal abrasion depends on many factors, such as the severity of the injury and the degree of pain the patient is experiencing. But practitioners also must take into consideration the location of the abrasion, symptoms the patient may be exhibiting, and how the incident occurred.",0,1.0,,0.0
+2055480,how many incidents of corneal abrasion,"Corneal abrasions are pesky incidents that can happen to anyone â and usually at the most importune of times. They are extremely uncomfortable, inconvenient and vision-impeding. Luckily, your optometrists can treat corneal abrasions by prescribing medications that will relieve symptoms until the abrasion resolves.",0,1.0,,1.0
+2055480,how many incidents of corneal abrasion,"More males than females are treated for corneal abrasions. The incidence of corneal abrasion is higher among people of working age. However, people of all ages can have a corneal abrasion. Automotive workers between the ages of 20 and 29 years had the highest incidence of eye injuries.",0,2.0,,1.0
+2055480,how many incidents of corneal abrasion,"Corneal Abrasions: How to Treat a Scratched Eye. A corneal abrasion is a scratch on your eye. A corneal abrasion (scratched cornea or scratched eye) is one of the most common eye injuries. The cornea is the clear front surface of the eye. A corneal abrasion disrupts the protective outer layer of cells of the cornea (called the corneal epithelium), creating an open wound that increases your risk of a serious eye infection.",0,1.0,,1.0
+2055480,how many incidents of corneal abrasion,"Corneal Abrasion. Corneal abrasions are the most common eye injury in all ages and are especially common among older children who wear contact lenses. Although found in about 10% of visits with a chief complaint related to eye problem in EDs, the actual estimated incidence of corneal abrasions in children is not known.",0,2.0,1.0,2.0
+2055480,how many incidents of corneal abrasion,"Trauma accounted for 66% of these cases, or 4% of all cases; corneal abrasions or corneal or conjunctival foreign bodies accounted for 80% of eye trauma cases, or 3% of all cases. Racial, sexual, and age-related differences in incidence. Rates of corneal abrasion are equal in all races.",0,2.0,1.0,2.0
+2055480,how many incidents of corneal abrasion,The incidence of corneal abrasion in this population decreased from 18 to 4 percent when prophylactic lubricating ointment was administered every four hours. 16 Persons who wear contact lenses are at higher risk of developing abrasions that become infected and ulcerate ( Figure 6 ).,0,2.0,1.0,2.0
+2055480,how many incidents of corneal abrasion,"Corneal Abrasions. Corneal abrasions represent about 8 percent of eye injuries that are serious enough for someone to seek help from a doctor. A corneal abrasion occurs when the corneal epithelium, the outermost layer of the cornea (the lens of your eye that is key to seeing), is scratched or otherwise damaged.",3,2.0,1.0,1.0
+2055634,what type of videos can powerpoint play,"PowerPoint for Microsoft 365 PowerPoint for Microsoft 365 for Mac. PowerPoint 2019 PowerPoint 2016 PowerPoint 2013 PowerPoint 2010. More... Less. You can trigger an animation effect to begin playing at the beginning of an audio or video clip, or even while audio or video plays.",0,1.0,0.0,1.0
+2055634,what type of videos can powerpoint play,"June 22nd, 2011 by Bigasoft Support. Tags: insert video to powerpoint, insert video into powerpoint, embed video to powerpoint, embed video in powerpoint, convert video to powerpoint, play videos in powerpoint, video to powerpoint converter, embedding video in powerpoint.",0,1.0,,1.0
+2055634,what type of videos can powerpoint play,"You must install a 64-bit version of QuickTime or Flash, or a 32-bit version of PowerPoint 2010 to to get rid of video not playing in powerpoint 2010. For PowerPoint 2013/2016, and PowerPoint 2019, you can embed and play more video & audio file formats.",0,2.0,1.0,2.0
+2055634,what type of videos can powerpoint play,"Q: When I try to play MPEG files in PowerPoint, I just get a blank (White) screen. What has gone wrong? Play Video In PowerPoint. When it comes to embed video in PowerPoint, most of us will simply âInsertâ videos to make our PowerPoint presentation more charming and vivid.",0,2.0,1.0,1.0
+2055634,what type of videos can powerpoint play,Type: Primary Video Only: You will only download a video that has the primary video playing largely on the screen (generally video of the presenter) Secondary Video Only: This will only show what the presenter is presenting or the Powerpoint presentation or screen capture.,0,1.0,0.0,1.0
+2055634,what type of videos can powerpoint play,"However, PowerPoint only inserts few video formats including ASF, AVI, MPEG, and WMV. What if to insert videos in other formats like YouTube video, iTunes video, iMovie video, and more? This article will describe a step by step guide on how to insert video to PowerPoint presentation so as to successfully play videos in PowerPoint.",0,3.0,2.0,3.0
+2055634,what type of videos can powerpoint play,"Making videos play successfully in PowerPoint for the web. If you canât view a video in PowerPoint for the web, thereâs most likely an issue with the type of video file. If the video is a Flash or WMV file, youâll need a player to see it.",0,2.0,1.0,2.0
+2055634,what type of videos can powerpoint play,"If your computer doesnât have the codec that was used when the video was created, PowerPoint wonât play the video. PowerPoint for the Mac plays MOV (Quicktime) files; but PowerPoint for the PC doesnât. So, if the presentation was created on the Mac, your video might not play because itâs a MOV file.",0,2.0,1.0,1.0
+2055634,what type of videos can powerpoint play,"The Most Common Reason of PowerPoint Not Playing Video - Format and Codec Incompatibility. The most prevalent issue about embedded video won't play in PowerPoint is that your video is not encoded in a format which your PowerPoint supports. In other words, if the video and audio encoders are incompatible, PowerPoint won't play video successfully. The following content shows the video and audio file formats you can use in each PowerPoint version over years.",3,2.0,1.0,2.0
+2055634,what type of videos can powerpoint play,"For PowerPoint 2007 and earlier versions, you can only embed video in WMV, AVI, ASF or MPG/MPEG formats. For PowerPoint 2010, videos in the .mp4, .mov, and .qt formats can be played if the Apple QuickTime player is installed. P.S. PowerPoint 2010 64-bit is not compatible with 32-bit versions of QuickTime or Flash.",3,3.0,2.0,3.0
+2055795,collins the good to great,"Popular cheap hotels in Fort Collins include Cambria Hotel Ft Collins, Quality Inn & Suites University Fort Collins, and The Armstrong Hotel. See the full list: Cheap Hotels in Fort Collins. Which hotels in Fort Collins are good for families? Home2 Suites by Hilton Fort Collins, Cambria Hotel Ft Collins, and Quality Inn & Suites University Fort Collins all received great reviews from families traveling in Fort Collins.",0,0.0,0.0,0.0
+2055795,collins the good to great,Jenny Collins (Wife) Lenore Collins (Daughter) Chris Jennings (Great-grandson) Tom Jennings (Great-grandson) Amy Jennings (Great-granddaughter) Tom Cunningham (Great-great-grandson) We have 12 images of Dark Shadows Quentin Collins. This article is about Quentin Collins who was born in the 1870s and was still alive in 1995.,0,0.0,0.0,0.0
+2055795,collins the good to great,"I believe there is a misconception that people are either âgoodâ or âbadâ with money. I am assuming that since you are reading a blog about budgeting, you would like to be in the âgoodâ category. However, James C. Collins wrote âgood is the enemy of great.â.",0,1.0,,1.0
+2055795,collins the good to great,2005: Good to Great and the Social Sectors by James C. Collins. 2009: How the Mighty Fall: And Why Some Companies Never Give In by James C. Collins. 2011: Great By Choice by James C. Collins and Morten T. Hansen. 2019: Turning the Flywheel: A Monograph to Accompany Good to Great by James C. Collins.,0,3.0,1.0,2.0
+2055795,collins the good to great,"Good to Great Summary
+Good to Great Guide
+Chapter 1: Separating the Great from the Good. At a dinner Collins was attending in 1996, a McKinsey managing director pointed out a flaw in Built to Last, Collinsâs 1994 bestseller that explained how long-lasting companies achieved their success.",0,3.0,0.0,3.0
+2055795,collins the good to great,"Indeed,â. â James C. Collins, Good to Great: Why Some Companies Make the Leap... and Others Don't. 10 likes. Like. âwhile you can buy your way to growth, you absolutely cannot buy your way to greatness.â. â James C. Collins, Good to Great: Why Some Companies Make the Leap... and Others Don't. 10 likes.",0,3.0,3.0,3.0
+2055795,collins the good to great,"5. Good to Great by Jim Collins. Narrator â Jim Collins. Length â 10 hours & 4 minutes. Jim Collinsâ business audiobook, Good to Great, comes after a five-year research project. Collins will open up your mind to how good companies can grow to become better. Also why average businesses donât experience much growth.",0,3.0,3.0,3.0
+2055795,collins the good to great,"Good to Great: Why Some Companies Make the Leap, & Others Don't by Jim Collins. Buy on Amazon. Can good companies, mediocre companies, or even bad companies achieve enduring greatness? That is the question Jim Collins answers in this book.",0,3.0,3.0,3.0
+2055795,collins the good to great,"Good to Great: Why Some Companies Make the Leap ⊠and Others Donât
+by Jim Collins. Collins, the bestselling author of Built to Last, and his team of researchers identified 11 elite companies that made the leap from simply âgoodâ to âgreatâ performance.",0,3.0,3.0,3.0
+2055795,collins the good to great,"Good to Great. , by. Jim Collins. Book Rating by Shortform Readers: 4.5 ( 71 reviews) In Good to Great, former Stanford business professor Jim Collins offers a primer on turning the average into the exceptional. Through detailed case studies of 11 companies that went from tracking the market to exceeding it by at least 3x, Collins presents the key factors that separate merely good organizations from great onesâfrom rare leadership to disciplined thinking to the dogged pursuit of a core mission.",3,3.0,3.0,3.0
+2055795,collins the good to great,5. Good to Great: Why Some Companies Make the Leap and Others Donât by Jim Collins. Good to Great by famous writer Jim Collin is built on five years of research and case studies. It defines the fundamental ethics behind the companies that take a leap from good to great and companies that donât manage to do so.,3,3.0,3.0,2.0
+2055795,collins the good to great,The Hedgehog Concept â Jim Collins. The Hedgehog Concept from Jim Collins. We can all learn great lessons from Jim Collins. His breakthrough book âGood to Greatâ examined 30 years of data from over one-thousand companies and identified concepts that contributed to outsized market performance.,3,3.0,2.0,3.0
+2056158,what phone to use in europe,Other Phone Information. Europe Trip Planning: Cell Phones: Taking your cell phone to Europe or buying a cell phone to use in Europe. How to program your phone for international calls (the plus sign). Italy - Instructions for Visitors: Public Phones: Using public phones in Italy.,0,2.0,2.0,2.0
+2056158,what phone to use in europe,What is the DSN Phone System and how is it used ... Best militaryliving.com. https://militaryliving.com/faq/what-is-the-dsn-phone-system-and-how-is-it-used/. 317 (Alaska) 312 (Canada) 313 (Caribbean) 312 (CONUS) 314 (Europe) 315 (Pacific) The phone number listings on this website contains defense telephone numbers and prefixes whenever available.,0,0.0,,1.0
+2056158,what phone to use in europe,"What You Should Know about Mobile Cell Phone Jammer Usage. Cell phones have truly been increasing in popularity year after year for decades now. One study even shows that well over 380 million cell phones are in use within the US alone as of October 2020, and that number is continually increasing. Cellular phone use is just as prevalent throughout Europe.",0,1.0,,1.0
+2056158,what phone to use in europe,Table of Contents. Using my cell phone while traveling to Europe Talk To Your Current Provider. How to Use Your Smartphone in Europe. What type of phone do I have. Cell Phone While Traveling to Europe and Smartphone Data Plans and Texting. Get A Local SIM Card. Using a European SIM Card.,0,3.0,2.0,3.0
+2056158,what phone to use in europe,Other Phone Information. Europe Trip Planning: Cell Phones: Taking your cell phone to Europe or buying a cell phone to use in Europe. How to program your phone for international calls (the plus sign). Calling to Europe from the US - Best Way to Pay for Calls. Calling to the US from Europe - Best Way to Pay for Calls.,0,2.0,1.0,2.0
+2056158,what phone to use in europe,Short Answer: Yes. Any modern phone thatâs newer than an iPhone 4S should work in Europe. Long Answer: Some carriers in the US use a different wireless technology than what is used throughout all of Europe â which means that some US phones simply wonât work in Europe.,0,3.0,2.0,3.0
+2056158,what phone to use in europe,"Europe and the US don't use all the same frequencies for cell phones. Generally, you need a ""quad band"" phone to work in the US or Europe, but many US phones are ""tri band"" (three frequencies) and lack one of the popular frequencies used in Europe.",0,2.0,2.0,3.0
+2056158,what phone to use in europe,"Itâs the main network used around the world, especially in Europe, Asia, and Africa. Your SIM card is what allows your phone to connect with a GSM network. Phones on the GSM network (such as T-Mobile and AT&T) always contain SIM cards, which can be inserted directly into other GSM phones.",0,2.0,1.0,2.0
+2056323,how does magic leap optics work,How to fix the Apple Magic Mouse! works every time 100% ... How to Clean an Optical Mouse - MindPower009 - YouTube. How to Repair Optical Mouse| Inside an Optical Mouse. Fixing the Magic Mouse Sensor - YouTube.,0,0.0,,0.0
+2056323,how does magic leap optics work,"Wigington, Patti. (2020, August 26). How Long Does It Take for a Magic Spell to Work? Retrieved from https://www.learnreligions.com/how-long-does-it-take-for-a-magic-spell-to-work-2562347 Wigington, Patti. ""How Long Does It Take for a Magic Spell to Work?"".",0,0.0,,0.0
+2056323,how does magic leap optics work,"Example sentences from the Web for optics. He mined the staff of Tessera, an optics business in North Carolina, to build a manufacturing team. Magic Leap tried to create an alternate reality. Its founder was already in one | Verne Kopytoff | September 26, 2020 | Fortune.",0,1.0,,0.0
+2056323,how does magic leap optics work,"Magic Leap is seen as one of Daqri, LLC's top competitors. Magic Leap's headquarters is in Plantation, Florida, and was founded in 2010. Like Daqri, LLC, Magic Leap also works within the Technology Hardware industry. Magic Leap generates 2,240% of Daqri, LLC's revenue. North, Inc. is one of Daqri, LLC's top rivals.",0,0.0,0.0,0.0
+2056323,how does magic leap optics work,Geometric Optics :- light propagation in terms of rays. Wave Optics :- Light propagation as 3d waves (wavefront) Microsoft/ Magic leap combines this two to create something called as the light field. Wikipedia describes light field as âThe light field is a vector function that describes the amount of. Continue Reading.,0,2.0,1.0,2.0
+2056323,how does magic leap optics work,"Magic Leap. Magic Leap is developing one of the most talked about mixed reality headsets, Magic Leap One, and it is still under development. Backed by massive technology companies such Google and Qualcomm, it aims to project light straight into the userâs retina through a digital light field.",0,2.0,1.0,1.0
+2056323,how does magic leap optics work,"The Magic Leap patent describes two processes, both working in tandem. One puts an image on the contact lenses to create the appearance of a virtual object floating in the real world, and other tells light how to appear ""focused"" on a specific focal point in space.",3,3.0,2.0,3.0
diff --git a/src/benchmark/trulens/benchmark/benchmark_frameworks/experiments/sqlite_to_snowflake.ipynb b/src/benchmark/trulens/benchmark/benchmark_frameworks/experiments/sqlite_to_snowflake.ipynb
index 1bbb3bc52..95c597d3f 100644
--- a/src/benchmark/trulens/benchmark/benchmark_frameworks/experiments/sqlite_to_snowflake.ipynb
+++ b/src/benchmark/trulens/benchmark/benchmark_frameworks/experiments/sqlite_to_snowflake.ipynb
@@ -2,7 +2,7 @@
"cells": [
{
"cell_type": "code",
- "execution_count": 8,
+ "execution_count": null,
"metadata": {},
"outputs": [],
"source": [
@@ -11,43 +11,26 @@
"import pandas as pd\n",
"\n",
"# Connect to SQLite database\n",
- "sqlite_conn = sqlite3.connect('default.sqlite')\n",
+ "sqlite_conn = sqlite3.connect(\"default.sqlite\")\n",
"cursor = sqlite_conn.cursor()\n",
"\n",
"# Get the list of all tables\n",
"cursor.execute(\"SELECT name FROM sqlite_master WHERE type='table';\")\n",
- "tables = cursor.fetchall()\n"
+ "tables = cursor.fetchall()"
]
},
{
"cell_type": "code",
- "execution_count": 9,
+ "execution_count": null,
"metadata": {},
- "outputs": [
- {
- "data": {
- "text/plain": [
- "[('trulens_alembic_version',),\n",
- " ('trulens_feedback_defs',),\n",
- " ('trulens_records',),\n",
- " ('trulens_dataset',),\n",
- " ('trulens_ground_truth',),\n",
- " ('trulens_feedbacks',),\n",
- " ('trulens_apps',)]"
- ]
- },
- "execution_count": 9,
- "metadata": {},
- "output_type": "execute_result"
- }
- ],
+ "outputs": [],
"source": [
"tables"
]
},
{
"cell_type": "code",
- "execution_count": 10,
+ "execution_count": null,
"metadata": {},
"outputs": [],
"source": [
@@ -56,20 +39,19 @@
"import snowflake.connector\n",
"\n",
"snowflake_conn = snowflake.connector.connect(\n",
- " account =os.environ.get(\"SNOWFLAKE_ACCOUNT\"),\n",
+ " account=os.environ.get(\"SNOWFLAKE_ACCOUNT\"),\n",
" user=os.environ.get(\"SNOWFLAKE_USER\"),\n",
" password=os.environ.get(\"SNOWFLAKE_USER_PASSWORD\"),\n",
" database=os.environ.get(\"SNOWFLAKE_DATABASE\"),\n",
- " schema='CONTEXT_RELEVANCE_TREC_2020',\n",
+ " schema=\"CONTEXT_RELEVANCE_TREC_COMBINED_NO_RUBRIC\",\n",
" warehouse=os.environ.get(\"SNOWFLAKE_WAREHOUSE\"),\n",
" role=os.environ.get(\"SNOWFLAKE_ROLE\"),\n",
- ")\n",
- " "
+ ")"
]
},
{
"cell_type": "code",
- "execution_count": 11,
+ "execution_count": null,
"metadata": {},
"outputs": [],
"source": [
@@ -77,30 +59,30 @@
" # Load data from SQLite into a DataFrame\n",
" table_name = table_name[0] # Extract table name from tuple\n",
" df = pd.read_sql_query(f\"SELECT * FROM {table_name}\", sqlite_conn)\n",
- " \n",
+ "\n",
" # Generate CREATE TABLE statement\n",
" create_table_sql = f\"CREATE OR REPLACE TABLE {table_name} (\"\n",
" columns = []\n",
" for col_name, col_type in df.dtypes.items():\n",
- " if col_type == 'int64':\n",
- " col_type_snowflake = 'INTEGER'\n",
- " elif col_type == 'float64':\n",
- " col_type_snowflake = 'FLOAT'\n",
- " elif col_type == 'bool':\n",
- " col_type_snowflake = 'BOOLEAN'\n",
+ " if col_type == \"int64\":\n",
+ " col_type_snowflake = \"INTEGER\"\n",
+ " elif col_type == \"float64\":\n",
+ " col_type_snowflake = \"FLOAT\"\n",
+ " elif col_type == \"bool\":\n",
+ " col_type_snowflake = \"BOOLEAN\"\n",
" else:\n",
- " col_type_snowflake = 'TEXT'\n",
+ " col_type_snowflake = \"TEXT\"\n",
" columns.append(f\"{col_name} {col_type_snowflake}\")\n",
" create_table_sql += \", \".join(columns) + \");\"\n",
- " \n",
+ "\n",
" # Create table in Snowflake\n",
" cursor = snowflake_conn.cursor()\n",
- " cursor.execute(create_table_sql)\n"
+ " cursor.execute(create_table_sql)"
]
},
{
"cell_type": "code",
- "execution_count": 12,
+ "execution_count": null,
"metadata": {},
"outputs": [],
"source": [
@@ -110,37 +92,41 @@
"for table_name in tables:\n",
" table_name = table_name[0]\n",
" df = pd.read_sql_query(f\"SELECT * FROM {table_name}\", sqlite_conn)\n",
- " \n",
+ "\n",
" # Save DataFrame as a CSV\n",
" csv_file = f\"{table_name}.csv\"\n",
" df.to_csv(csv_file, index=False)\n",
"\n",
" # Generate a Snowflake-compatible stage name by replacing special characters with underscores\n",
- " sanitized_stage_name = re.sub(r'\\W+', '_', f\"temp_stage_{table_name}\")\n",
- " \n",
+ " sanitized_stage_name = re.sub(r\"\\W+\", \"_\", f\"temp_stage_{table_name}\")\n",
+ "\n",
" # Create a temporary stage in Snowflake\n",
" snowflake_cursor = snowflake_conn.cursor()\n",
- " snowflake_cursor.execute(f\"CREATE OR REPLACE TEMPORARY STAGE {sanitized_stage_name}\")\n",
- " \n",
+ " snowflake_cursor.execute(\n",
+ " f\"CREATE OR REPLACE TEMPORARY STAGE {sanitized_stage_name}\"\n",
+ " )\n",
+ "\n",
" # PUT the CSV file to the stage\n",
- " with open(csv_file, 'rb') as file_data:\n",
- " snowflake_cursor.execute(f\"PUT file://{csv_file} @{sanitized_stage_name}\")\n",
- " \n",
+ " with open(csv_file, \"rb\") as file_data:\n",
+ " snowflake_cursor.execute(\n",
+ " f\"PUT file://{csv_file} @{sanitized_stage_name}\"\n",
+ " )\n",
+ "\n",
" # Copy data from the stage to the table in Snowflake\n",
" snowflake_cursor.execute(f\"\"\"\n",
" COPY INTO {table_name}\n",
" FROM @{sanitized_stage_name}\n",
" FILE_FORMAT = (TYPE = 'CSV' FIELD_OPTIONALLY_ENCLOSED_BY = '\"' SKIP_HEADER = 1)\n",
" \"\"\")\n",
- " \n",
+ "\n",
" # Clean up temporary stage and local CSV file\n",
" snowflake_cursor.execute(f\"DROP STAGE IF EXISTS {sanitized_stage_name}\")\n",
- " os.remove(csv_file)\n"
+ " os.remove(csv_file)"
]
},
{
"cell_type": "code",
- "execution_count": 13,
+ "execution_count": null,
"metadata": {},
"outputs": [],
"source": [
@@ -153,7 +139,75 @@
"execution_count": null,
"metadata": {},
"outputs": [],
- "source": []
+ "source": [
+ "import matplotlib.pyplot as plt\n",
+ "import pandas as pd\n",
+ "import seaborn as sns\n",
+ "\n",
+ "\n",
+ "def plot_confusion_matrices(csv_file_path: str, title: str):\n",
+ " # Step 1: Load the CSV file\n",
+ " data = pd.read_csv(csv_file_path)\n",
+ "\n",
+ " # Step 2: Inspect the data\n",
+ " print(data.head())\n",
+ "\n",
+ " # Ensure your CSV has columns: 'APP_VERSION', 'RAW_GT_SCORE', 'RAW_FEEDBACK_SCORE', and 'COUNT'\n",
+ "\n",
+ " # Step 3: Group data by 'APP_VERSION' and create a confusion matrix for each version\n",
+ " app_versions = data[\"APP_VERSION\"].unique() # Get unique app versions\n",
+ "\n",
+ " for app_version in app_versions:\n",
+ " # Filter data for the current app version\n",
+ " app_data = data[data[\"APP_VERSION\"] == app_version]\n",
+ "\n",
+ " # Pivot the data to create a confusion matrix\n",
+ " confusion_matrix = app_data.pivot(\n",
+ " index=\"RAW_GT_SCORE\", columns=\"RAW_FEEDBACK_SCORE\", values=\"COUNT\"\n",
+ " ).fillna(0)\n",
+ "\n",
+ " # Normalize the confusion matrix (optional)\n",
+ " confusion_matrix_normalized = confusion_matrix.div(\n",
+ " confusion_matrix.sum(axis=1), axis=0\n",
+ " )\n",
+ "\n",
+ " # Step 4: Plot the confusion matrix for the current app version\n",
+ " plt.figure(figsize=(8, 6))\n",
+ " sns.heatmap(confusion_matrix, annot=True, fmt=\".0f\", cmap=\"Blues\")\n",
+ " plt.title(f\"{title}: {app_version}\")\n",
+ " plt.xlabel(\"Feedback Score\")\n",
+ " plt.ylabel(\"Ground Truth\")\n",
+ " plt.show()\n",
+ "\n",
+ " # Step 5: Plot the normalized confusion matrix for the current app version\n",
+ " plt.figure(figsize=(8, 6))\n",
+ " sns.heatmap(\n",
+ " confusion_matrix_normalized, annot=True, fmt=\".2f\", cmap=\"Blues\"\n",
+ " )\n",
+ " plt.title(f\"Normalized {title}: {app_version}\")\n",
+ " plt.xlabel(\"Feedback Score\")\n",
+ " plt.ylabel(\"Ground Truth\")\n",
+ " plt.show()"
+ ]
+ },
+ {
+ "cell_type": "code",
+ "execution_count": null,
+ "metadata": {},
+ "outputs": [],
+ "source": [
+ "csv_file_with_rubric = \"/Users/dhuang/Documents/git/trulens/src/benchmark/trulens/benchmark/benchmark_frameworks/experiments/data/TREC_rubric.csv\"\n",
+ "csv_file_no_rubric = \"/Users/dhuang/Documents/git/trulens/src/benchmark/trulens/benchmark/benchmark_frameworks/experiments/data/TREC_no_rubric.csv\""
+ ]
+ },
+ {
+ "cell_type": "code",
+ "execution_count": null,
+ "metadata": {},
+ "outputs": [],
+ "source": [
+ "plot_confusion_matrices(csv_file_no_rubric, \"Original prompt for\")"
+ ]
}
],
"metadata": {
@@ -171,8 +225,7 @@
"mimetype": "text/x-python",
"name": "python",
"nbconvert_exporter": "python",
- "pygments_lexer": "ipython3",
- "version": "3.11.9"
+ "pygments_lexer": "ipython3"
}
},
"nbformat": 4,
diff --git a/src/benchmark/trulens/benchmark/benchmark_frameworks/experiments/trec_dl_2021_2022_benchmark.csv b/src/benchmark/trulens/benchmark/benchmark_frameworks/experiments/trec_dl_2021_2022_benchmark.csv
new file mode 100644
index 000000000..e2120d849
--- /dev/null
+++ b/src/benchmark/trulens/benchmark/benchmark_frameworks/experiments/trec_dl_2021_2022_benchmark.csv
@@ -0,0 +1,1181 @@
+query_id,query,doc_id,expected_response,expected_score
+2082,At about what age do adults normally begin to lose bone mass?,msmarco_passage_28_625525754,"I have heard that we lose bone mass as we age, but what about muscle mass? Is that also a normal part of aging? Does exercise slow the progression or is muscle loss inevitable?",0.0
+2082,At about what age do adults normally begin to lose bone mass?,msmarco_passage_11_67024711,"In adults, this occurs at a rate of about 10% each year. This is a natural process to ensure maintenance of normal bone mass as a person ages. Normal bone mass indicates healthy bones that are free of problems such as osteoporosis. The remodeling cycle usually starts when injury or mechanical stresses occur in bones.",0.0
+2082,At about what age do adults normally begin to lose bone mass?,msmarco_passage_06_728430886,"However, if a person has low bone mass and continues to lose bone density, this may lead to osteoporosis. A combination of low bone mass and a risk factor for fracture may increase your risk for broken bones, too. Osteoporosis and broken bones do not need to be a normal part of aging.",0.0
+2082,At about what age do adults normally begin to lose bone mass?,msmarco_passage_02_179210433,"They have smaller, thinner bones than men to begin with, and they lose bone mass more rapidly after menopause (usually around age 50), when they stop producing a bone-protecting hormone called estrogen. In the five to seven years following menopause, women can lose about 20% of their bone mass.",0.3333333333333333
+2082,At about what age do adults normally begin to lose bone mass?,msmarco_passage_10_673115327,"by all means, take a supplement. For women, adult bone mass peaks at about age 30. With aging, bone lossgradually happens and then becomes increased after menopause. So it is important for young women to build good bone mass and for older women to do what they can to maintain it. How to Get Enough Calcium.",0.6666666666666666
+2082,At about what age do adults normally begin to lose bone mass?,msmarco_passage_34_93901849,"Why dietary calcium is important. Our bones reach their highest mass during our 20s. Our bones later lose density during normal âageingâ, increasing the risk of fracture. Itâs estimated that a fracture occurs every 3.6 minutes in Australian adults aged 50 years and over.",0.6666666666666666
+2082,At about what age do adults normally begin to lose bone mass?,msmarco_passage_15_563430484,Graph Showing Relationship Between Age and Bone Mass. Bone density peaks at about 30 years of age. Women lose bone mass more rapidly than men. Figure 2 shows that women lose bone mass more quickly than men starting at about 50 years of age.,0.6666666666666666
+2082,At about what age do adults normally begin to lose bone mass?,msmarco_passage_45_623131157,"1. Losing bone density is a normal part of aging. We reach peak bone mass between ages 25 and 30, and then slowly lose begin to start losing bone mass at age 40. For women, reduced levels of estrogen after menopause accelerate bone density loss.",1.0
+2082,At about what age do adults normally begin to lose bone mass?,msmarco_passage_10_669481249,"Until about age 30, people normally build more bone than they lose. During the aging process, bone breakdown begins to outpace bone buildup, resulting in a gradual loss of bone mass. Once this loss of bone reaches a certain point, a person has osteoporosis.",1.0
+540006,was friedrich nietzsche an atheist,msmarco_passage_36_36940302,25 Friedrich Nietzsche Quotes About Power (The will of Power) Thus Spoke Zarathustra (42) Quotes by Friedrich Nietzsche. Friedrich Nietzscheâs 17 Views on Women. List of Friedrich Nietzsche Publications of Friedrich Publications:,0.0
+540006,was friedrich nietzsche an atheist,msmarco_passage_58_705058709,"Friedrich Nietzsche. Friedrich Wilhelm Nietzsche (, German: [ËfÊiËdÊÉȘç ËvÉȘlhÉlm ËniËtÊÉ] (listen) or [- ËniËtsÊÉ];... more. More Friedrich Nietzsche. The Best Friedrich Nietzsche Quotes #139 of 347 The Most Important Leaders In World History.",0.0
+540006,was friedrich nietzsche an atheist,msmarco_passage_09_116947590,Friedrich Nietzsche. - More quotations on: [ Opinions] Man is the cruelest animal. Friedrich Nietzsche. Many people wait throughout their whole lives for the chance to be good in their own fashion. Friedrich Nietzsche. No price is too high to pay for the privilege of owning yourself. Friedrich Nietzsche.,0.0
+540006,was friedrich nietzsche an atheist,msmarco_passage_63_34604683,"Famous as: Philosopher. Quotes By Friedrich Nietzsche Atheists. Height: 5'8"" (173 cm ), 5'8"" Males. Family: father: Carl Ludwig Nietzsche. mother: Franziska Nietzsche. siblings: Elisabeth Förster-Nietzsche, Ludwig Joseph Nietzsche.",0.3333333333333333
+540006,was friedrich nietzsche an atheist,msmarco_passage_58_39423896,"Philosophy of Atheism. Friedrich Nietzsche (philosopher, author) Philosophers. Philosophy of Religion. Atheism. How atheist was Friedrich Nietzsche? Ad by The Motley Fool. The tech soon to be in 50% of TVs. Why this tiny company might take down Netflix (and explode in value).",0.3333333333333333
+540006,was friedrich nietzsche an atheist,msmarco_passage_34_293290254,"For instance, Frederick Delius, an atheist, originally termed his effort in the genre, which used a text largely derived from the philosophies of Friedrich Nietzsche and Arthur Schopenhauer, A Pagan Requiem.",0.3333333333333333
+540006,was friedrich nietzsche an atheist,msmarco_passage_58_670545493,"70+ Atheist Philosophers. These are the most famous atheist philosophers, with pictures and photos. This list of atheist philosophers, includes my favorite atheist philosopher, Friedrich Nietzsche. It is a philosopher's job to question the world. Small wonder then why they would question the existence of God.",0.6666666666666666
+540006,was friedrich nietzsche an atheist,msmarco_passage_18_777446772,"Arthur Schopenhauer, SĂžren Kierkegaard and Friedrich Nietzsche further expanded on these ideas, and Nietzsche, particularly, has become a major figure in existential nihilism. The atheistic existentialist movement spread in 1940s France.",0.6666666666666666
+540006,was friedrich nietzsche an atheist,msmarco_passage_29_364916433,"Kierkegaard, along with the atheist philosopher Friedrich Nietzsche, would be the main inspiration for many twentieth century philosophers like Edmund Husserl, Martin Heidegger, Karl Jaspers, Jean-Paul Sartre and Simone de Beauvoir. pinterest-pin-it.",0.6666666666666666
+540006,was friedrich nietzsche an atheist,msmarco_passage_58_39423436,"Answered November 5, 2014 · Author has 1.6K answers and 1.8M answer views. Originally Answered: How atheist was Friedrich Nietzsche? Friedrich Nietzsche called himself anti-Christian, not atheist. In many of his writings he compares Jesus to Dionysus, and proclaims himself to be a follower of Dionysus.",1.0
+540006,was friedrich nietzsche an atheist,msmarco_passage_25_833258014,"The influential German philosopher Friedrich Nietzsche (1844-1990) had his views on religion and Christianity, and was arguably the most abrupt and abrasive atheistic thinkers of his time.",1.0
+540006,was friedrich nietzsche an atheist,msmarco_passage_24_649418758,"Nietzsche was originally quite religious. His father was a Lutheran minister and Friedrich studied theology at the University of Bonn. 1 During his studies, however, he learned of the philosophy of Arthur Schopenhauer and became a staunch atheist. 2.",1.0
+23287,are landlords liable if someone breaks in a hurts tenant,msmarco_passage_02_500358436,"the tenant was genuinely hurt. For example, if a tenant falls and breaks his ankle on a broken front door step, the landlord will be liable if the tenant can show that: it was the landlord's responsibility to maintain the steps (this would usually be the case, because the steps are part of the common area, which is the landlord's responsibility)",0.0
+23287,are landlords liable if someone breaks in a hurts tenant,msmarco_passage_00_811354181,"Tenants must be prepared to deal with the landlord's fear of liability. In most circumstances, a landlord isn't liable for injuries inflicted by a tenant's dog. Just leasing premises to a tenant with a dog usually isn't enough, by itself, to make a landlord legally responsible for a tenant's dog. For example, if a tenant's apparently friendly dog bites someone, the landlord isn't liable for the injury. 33.",0.0
+23287,are landlords liable if someone breaks in a hurts tenant,msmarco_passage_55_523249144,"But if the tenant has a month-to-month rental agreement, which can be terminated on 30 days' notice, the landlord who does nothing after finding out the tenant has a dangerous dog may be liable if the dog later hurts someone. In a North Carolina case, a tenant's two rottweilers attacked a visitor.",0.0
+23287,are landlords liable if someone breaks in a hurts tenant,msmarco_passage_42_184648743,"Your tenants may cause careless or even malicious damage. You could be liable if a tenant is hurt while in your property. Regular home insurance isnât designed for the specific issues that landlords might face. Your policy might not cover any claims you need to make, or claims made against you by tenants.",0.3333333333333333
+23287,are landlords liable if someone breaks in a hurts tenant,msmarco_passage_03_865272976,"When a Landlord is Negligent. Under the legal concept of negligence, when a landlordâs behavior is the proximate cause of a tenantâs injury, a court can hold the landlord liable to the tenantâeven if the landlord didnât intend any harm.",0.3333333333333333
+23287,are landlords liable if someone breaks in a hurts tenant,msmarco_passage_03_865281718,"A Landlord Might Be Liable for Criminal Acts. Landlords generally arenât responsible for injuries to tenants caused by third parties. However, when a landlord has notice of criminal activity and doesnât take reasonable measures to prevent harm to tenants, a court might find the landlord liable when a tenant is injured.",0.6666666666666666
+300025,how many whales are caught in fishing nets off california,msmarco_passage_20_281778523,"A 4.4 m (14.4 ft) male calf was also caught in small-mesh herring seine nets in the Gulf of Thailand, Songkhla Province, in May 2011, while a 7.5 m (24.6 ft) whale (thought to likely be an Omura's whale) was caught in fishing gear off Negombo, Sri Lanka, in August 1985. A live whale seen off Sri Lanka in 2017 also had a scar on its rostrum suggestive of an entanglement with fishing gear.",0.0
+300025,how many whales are caught in fishing nets off california,msmarco_passage_21_552073940,"Many billfish are caught in gillnets or on longline hooks that were meant to catch other fish species. Since these hooks and nets are set for long periods of time, white marlin become food to sharks, pilot whales, and killer whales.",0.0
+300025,how many whales are caught in fishing nets off california,msmarco_passage_20_736374757,The pseudo-stalked barnacle Xenobalanus globicipitis was found on 9% of individuals caught off California; it was also found on a sei whale taken off South Africa. The acorn barnacle Coronula reginae and the stalked barnacle Conchoderma virgatum were each only found on 0.4% of whales caught off California.,0.0
+300025,how many whales are caught in fishing nets off california,msmarco_passage_00_158178731,"In addition to whaling, baleen whales are still vulnerable to getting caught and tangled in fishing nets and to being struck by boats. How long baleen whales live when they're not killed by predators is unknown. Blue whales are estimated to live 30 to 90 years, and fin whales might live 90 to 100 years.",0.3333333333333333
+300025,how many whales are caught in fishing nets off california,msmarco_passage_28_865414530,"1. Help Ensure there is Sustainable use of our Oceans. One of the main reasons behind the decline in our whale shark numbers is the irresponsible use or our natural resources. Due to human beings over fishing, many whale sharks find themselves caught in the fishing nets and often drown in the process.",0.3333333333333333
+300025,how many whales are caught in fishing nets off california,msmarco_passage_23_307538604,"In 2016, there were a reported 71 cases of whales caught and trapped in abandoned fishing gear just off the U.S Pacific coast alone, according to Mercy for Animals. Fishing Net On Reef / Photo courtesy of Tim Sheerman-Chase / CC BY 2.0.",0.6666666666666666
+300025,how many whales are caught in fishing nets off california,msmarco_passage_46_377979165,"Entanglement in Fishing Gear. Bairdâs beaked whales can become entangled in fishing gear, either swimming off with the gear attached or becoming anchored. They can become entangled in many different gear types, particularly in gear associated with the California/Oregon drift gillnet fishery.",0.6666666666666666
+300025,how many whales are caught in fishing nets off california,msmarco_passage_01_860445927,"A California gray whale found tangled in a fishing net off the Orange County coast swam free after a lengthy rescue over the weekend. Whale-watching boats spotted the young whale stranded outside of Dana Point Harbor about 5:30 p.m. Friday with about 50 feet of netting and rope wrapped around its flukes, or tail.",1.0
+300025,how many whales are caught in fishing nets off california,msmarco_passage_10_457250983,"Rescuers race to free blue whale tangled in fishing net. Rescuers have made at least six attempts on Monday to free a blue whale entangled in crab and lobster fishing gear off the Southern California coast. If they cannot free the creature soon, rescue teams say it will drown. Screen shot: Dolphin Safari/YouTube.",1.0
+300025,how many whales are caught in fishing nets off california,msmarco_passage_10_457251442,"DANA POINT, Calif., June 28 (UPI) -- Rescuers have been attempting to save the life of a blue whale tangled in a fishing net and various fishing gear off the coast of Southern California on Monday.",1.0
+300986,how many years in jail for money laundering,msmarco_passage_26_350239990,"Penalty for Money Laundering in Texas â Jail Time & More. Money laundering in Texas is considered a serious crime. But what is it, and is money laundering a felony in the State of Texas?",0.0
+300986,how many years in jail for money laundering,msmarco_passage_26_350240694,"If you or a loved one have been charged with money laundering, you need to learn about how Texas handles this crime, and contact an experienced Houston white collar crimes lawyer that can represent your best interests. As you prepare for the first meeting with your lawyer, here are the basics about money laundering, jail time, fines and more.",0.0
+300986,how many years in jail for money laundering,msmarco_passage_54_299261018,"In the following sections, weâll take a broad look at the concept and practice of money laundering: Defining money laundering: what it is and how it works. Why people and organizations launder money. How money laundering works: basic process.",0.0
+300986,how many years in jail for money laundering,msmarco_passage_26_350243017,"How Much Jail Time for Money Laundering in Texas? So, how many years do you get for money laundering in the State of Texas? When it comes to money laundering jail time, Texas penal code requirements state that your punishment depends on how much money is involved. If youâre accused of laundering $1,500 to $20,000, you could get 180 days to 2 years in jail, with fines up to $10,000.",0.3333333333333333
+300986,how many years in jail for money laundering,msmarco_passage_60_672040286,"Californiaâs Penalties For Money Laundering. The lowest form of money laundering is misdemeanor money laundering and carries with it the following possible penalties: Jail Time: Up to one year in either county jail or state prison. Fine: No more than $1,000. Combination: Jail time and a fine.",0.3333333333333333
+300986,how many years in jail for money laundering,msmarco_passage_48_253244347,"Penalties of Money Laundering. Potential jail time and fines are at risk with any form of money laundering at any amount of money being laundered. If found guilty of laundering money in a federal court, you can receive up to 20 years of jail time.",0.6666666666666666
+300986,how many years in jail for money laundering,msmarco_passage_14_491490487,"Second-Degree Money Laundering. Second-degree money laundering is a class three (3) felony. First offense: Probation with zero (0) days in jail, up to one (1) year in jail or prison range of two (2) years to eight and three quarters (8.75) years in prison.",0.6666666666666666
+300986,how many years in jail for money laundering,msmarco_passage_14_491491316,"Third-Degree Money Laundering. Third degree money laundering is a class six (6) felony. First offense: Probation with zero (0) days in jail, up to one (1) year in jail or prison range of four (4) months to two (2) years in prison.",0.6666666666666666
+300986,how many years in jail for money laundering,msmarco_passage_52_724524912,"If the money laundered exceeds $50,000, an extra year in prison can be added to any sentence. An extra four years can be added if the amount laundered exceeds $2,500,000. In Federal Court, a conviction for Money Laundering can result in a sentence of up to 20 years in Federal Prison. 6.",1.0
+300986,how many years in jail for money laundering,msmarco_passage_28_817645953,"Money laundering can result in 20 years imprisonment, while wire fraud and bank fraud each carry a potential sentence of 30 years incarceration. Fines for money laundering may be as much as $500,000 or twice the value of the total money laundered. Fines for wire fraud and bank fraud can reach $1 million.",1.0
+832573,what is the methylmalon a. c test,msmarco_passage_51_506906596,"Doctoral Degree. 32,824 satisfied customers. What does these blood test results mean methylmalonic acid. what does these blood test results mean methylmalonic acid 128 87-318nmoL/L AND RHEUMATOID FACTOR 8 14 IU/mL MI c-reactive protein 0-0 0.80 mg/gl MI ANA IFA SCREENW/REFL TO QDB TITER AND PATTERN, IFA ⊠read more.",0.0
+832573,what is the methylmalon a. c test,msmarco_passage_23_363993876,Genetic Testing Information. Genetic Testing Registry: Methylmalonic acidemia. Genetic Testing Registry: Methylmalonic aciduria due to methylmalonyl-CoA mutase deficiency. Genetic Testing Registry: Methylmalonyl-CoA epimerase deficiency. Genetic Testing Registry: Vitamin B12-responsive methylmalonic acidemia type cblA.,0.0
+832573,what is the methylmalon a. c test,msmarco_passage_20_44541310,"Methylmalonic acid. Except where otherwise noted, data are given for materials in their standard state (at 25 °C [77 °F], 100 kPa). ?) Methylmalonic acid ( MMA) ( conjugate base methylmalonate) is a dicarboxylic acid that is a C - methylated derivative of malonate .",0.0
+832573,what is the methylmalon a. c test,msmarco_passage_36_856824266,"Methylmalonate Test - More Information. The methylmalonic acid test, also known as a methylmalonic acid blood test, methylmalonate lab test and an MMA level test, measures the methylmalonic acid blood level.",0.3333333333333333
+832573,what is the methylmalon a. c test,msmarco_passage_27_612382169,Methylmalonic acid blood test. The methylmalonic acid blood test measures the amount of methylmalonic acid in the blood.,0.3333333333333333
+832573,what is the methylmalon a. c test,msmarco_passage_36_856824989,Methylmalonic Acid Test. The methylmalonic acid test measures the methylmalonic acid blood level. View Sample Results. $99. CHECKOUT.,0.3333333333333333
+832573,what is the methylmalon a. c test,msmarco_passage_06_762879377,"The methylmalonic acid test may also be ordered if the results of other blood tests are abnormal. For instance, abnormal results from a homocysteine test may prompt your doctor to order the methylmalonic acid test. The methylmalonic acid test is also frequently ordered for infants when the doctor suspects the presence of methylmalonic acidemia.",0.6666666666666666
+832573,what is the methylmalon a. c test,msmarco_passage_44_615977775,"A Methylmalonic Acid Test
+For B12 Deficiency is Useful, but. A Methylmalonic Acid Test. For B12 Deficiency is Useful, but. The Methylmalonic Acid Test, also called an MMA Test, is really the ONLY accurate test for Vitamin B12 Deficiency that there is- and it's certainly the ONLY one to which you should trust your health!",0.6666666666666666
+832573,what is the methylmalon a. c test,msmarco_passage_04_652472890,"What Does the Test Measure? The MMA blood test measures the level of methylmalonic acid in the blood. In a healthy individual, methylmalonic acid is normally produced in low quantities as a byproduct of amino acid metabolism. Any increase in the concentration of methylmalonic acid in the blood usually indicates a problem with vitamin B12.",1.0
+832573,what is the methylmalon a. c test,msmarco_passage_24_205383441,Methylmalonic acid test. The methylmalonic acid blood test measures the amount of methylmalonic acid in the blood. The methylmalonic acid test may be used to help diagnose an early or mild vitamin B12 deficiency. It may be ordered by itself or along with a homocysteine test as a follow-up to a vitamin B12 test result that is in the lower end of the normal range.,1.0
+832573,what is the methylmalon a. c test,msmarco_passage_24_205385166,"Methylmalonic acid is a very sensitive test in indicating a B12 deficiency. It is more specific than homocysteine and is the confirmatory test of choice for a B12 deficiency. Occasionally, specialized methylmalonic acid testing may be ordered to help diagnose methylmalonic acidemia, a rare inherited metabolic disorder.",1.0
+835760,what is the name of the triangular region at the base of the bladder?,msmarco_passage_30_646808423,a triangular area on the floor of the urinary bladder. a region where the glomerulus meets the glomerular capsule. part of the Balkans where people developed kidney failure. a muscle layer that surrounds each kidney. a triangular area on the floor of the urinary bladder. a renal corpuscle and a renal tubule.,0.0
+835760,what is the name of the triangular region at the base of the bladder?,msmarco_passage_22_218953299,"The Fundus is the other name for the base of the Urinary Bladder. It has a posterior location (that is, towards the back). It has a slightly triangular shape with the triangle tip pointing backwards. The Fundus in females lies against the vagina while in males, it lies against the rectum.",0.0
+835760,what is the name of the triangular region at the base of the bladder?,msmarco_passage_03_866915177,Triangular Area or Region : The interior of a triangle together with its boundary is called the triangular region or triangular area. Area of the triangle = (1/2) x Base x Height. Area of the triangle ABC = (1/2) x a x h.,0.0
+835760,what is the name of the triangular region at the base of the bladder?,msmarco_passage_00_839984182,Urinary Bladder. The urinary bladder is a hollow muscular organ. The mucosa of the bladder is thrown into folds called rugae in the contracted state. The rugae are absent and the mucosa remains smooth in a triangular region between the openings of the ureters and the entrance to the urethra.,0.3333333333333333
+835760,what is the name of the triangular region at the base of the bladder?,msmarco_passage_30_610562030,The trigone is a triangular region of. a renal pyramid. the renal cortex. the hilum. the urinary bladder. the prostatic urethra. the urinary bladder. Adults produce about _____ L/day of glomerular filtrate and excrete about ____ L/day of urine. 0.15 to 0.18; 0.1 to 0.2.,0.3333333333333333
+835760,what is the name of the triangular region at the base of the bladder?,msmarco_passage_56_847733738,"Bilateral hydronephrosis (distention and dilation of the renal pelvis) is rare. When it does occur, it is usually secondary to trigonal (a triangular smooth area at the base of the bladder), prostatic, or urethral disease.",0.3333333333333333
+835760,what is the name of the triangular region at the base of the bladder?,msmarco_passage_22_465100299,"What is the triangular region on the posterior of the urinary bladder called? On the superior surface, the outer layer of the bladder wall is parietal peritoneum. There is a triangular area, called the trigone, formed by three openings in the floor of the urinary bladder.",0.6666666666666666
+835760,what is the name of the triangular region at the base of the bladder?,msmarco_passage_22_465099929,"Consequently, what structures form the trigone of the urinary bladder? The trigone (a.k.a. vesical trigone) is a smooth triangular region of the internal urinary bladder formed by the two ureteric orifices and the internal urethral orifice.",0.6666666666666666
+835760,what is the name of the triangular region at the base of the bladder?,msmarco_passage_42_533042728,Answer: ureters 23) The smooth triangular region ofthe bladder base that isoutlined bythe openings ofthetwo ureters and the urethra iscalled the __________. Answer: trigone 3. 24) Urinary bladder inflammation often caused by bacterial infection iscalled __________.,0.6666666666666666
+835760,what is the name of the triangular region at the base of the bladder?,msmarco_passage_04_156883639,What is The triangular area on the floor of the urinary bladder with an opening at each of its angles? - Answers. trigoneThe trigone is the name of the area of the bladder located between the openings of the ureters and urethra.trigoneThe trigone is a triangular region at the base of the bladder where the ureters enter ad the urethra exits.Trigonetripod?It's called the Trigone.,1.0
+835760,what is the name of the triangular region at the base of the bladder?,msmarco_passage_24_223806817,"Vesical trigone means âtriangular regionâ of your bladder wall with the three points of the triangle corresponding to the locations at which your ureters and urethra connect. It is the structure that allows your body to detect when your bladder is full. The vesical trigone is a smooth, flat region that is highly sensitive and as your bladder fills and expands so does this region.",1.0
+835760,what is the name of the triangular region at the base of the bladder?,msmarco_passage_08_318648522,"At the bottom of the bladder is a triangular-shaped region known as the trigone. Urine enters the bladder from the ureters at the uppermost aspect of the trigone, and leaves the bladder via the urethra at the lowermost aspect of the trigone.",1.0
+1104300,which part of the life cycle is dominant in bryophyte?,msmarco_passage_04_176516058,"Bryophytes or Moss plants life cycle goes with two stages. The
+two stages are the haploid (gametophyte) and the diploid
+(sporophyte) which is the dominant stage.",0.0
+1104300,which part of the life cycle is dominant in bryophyte?,msmarco_passage_41_661660789,"The life cycles of all bryophytes are uniform, and although the gametophyte generation is the most familiar aspect of the life cycle, neither the sporophyte nor the gametophyte generation is dominant. Previous Introduction to Plants. Next Quiz Nonvascular Plants. Introduction to Biology.",0.0
+1104300,which part of the life cycle is dominant in bryophyte?,msmarco_passage_03_146090210,"Regardless of this, the dominant diploid stage of the life cycle will produce flowers, which are specialized structures for reproduction. The female parts of the flower will produce megaspores, and the male parts will develop microspores, continuing this cycle.",0.0
+1104300,which part of the life cycle is dominant in bryophyte?,msmarco_passage_03_147938471,"As you complete the lesson on bryophytes, make certain that you can easily: Provide a description of bryophytes. Remember the three main types of bryophytes. Discuss the characteristics of these plants. Highlight the two parts of the bryophyte life cycle. To unlock this lesson you must be a Study.com Member.",0.3333333333333333
+1104300,which part of the life cycle is dominant in bryophyte?,msmarco_passage_32_95205948,"Bryophytes protect the embryo and have thin waxy cuticles utilizing the air for species distribution. This life cycle to the left represent the typical life cycle of bryophytes and the steps. The bryophyte spore germinates into producing the protonema by releasing the spores from the operculum, making rhizoids.",0.3333333333333333
+1104300,which part of the life cycle is dominant in bryophyte?,msmarco_passage_04_42133534,"Roughly speaking, ferns are in between. You can find out more in the LIFE CYCLE SECTION. In that section you'll find a description of the bryophyte life cycle as well as a comparison between life cycles of the bryophytes and the other plant groups and the differing roles of gametophyte and sporophyte.",0.3333333333333333
+1104300,which part of the life cycle is dominant in bryophyte?,msmarco_passage_13_400772056,"Multiple advantages developed in the sporophyte stage of plants as they evolved from simple gametophyte-dominant bryophyte ancestors to the vast array of much more successful and dominant ferns, gymnosperms, and angiosperms. Shift from gametophyte-dominated life cycle (in bryophytes) to sporophyte-dominated life cycle.",0.6666666666666666
+1104300,which part of the life cycle is dominant in bryophyte?,msmarco_passage_39_514532327,"In algae and bryophytes the somatic or vegetative plant body is a gametophyte which is dominant and visible. But in pteridophytes, gymnosperms and angiosperms the visible plant body is a sporophyte which is dominant and the gametophyte generation is less conspicuous (Fig. 4.2). In the life cycle diagram, the dominant generation should be placed in the top half of the cycle.",0.6666666666666666
+1104300,which part of the life cycle is dominant in bryophyte?,msmarco_passage_32_178533301,"This stalk is often brown. A structure called the sporangium is at the top of the stalk. The sporangium is diploid too. It makes spores that are haploid in a process called meiosis. When the spores land on the ground, the cycle begins again. Life cycle of a dioicous bryophyte. Bryophytes are ""gametophyte dominant."".",0.6666666666666666
+1104300,which part of the life cycle is dominant in bryophyte?,msmarco_passage_39_832891254,In all Bryophytes the gametophyte generation is dominant. In all other land plants the sporophyte generation is dominant. It is customary to place the dominant generation in the top half of the life cycle diagram. The figure given above summarises the life cycle of a typical Bryophyte.,1.0
+1104300,which part of the life cycle is dominant in bryophyte?,msmarco_passage_09_610218932,"The haploid stage, in which a multicellular haploid gametophyte develops from a spore and produces haploid gametes, is the dominant stage in the bryophyte life cycle. This stands in direct contrast to the tracheophyte life cycle, in which the diploid stage is dominant.",1.0
+1104447,which kind of continental boundary is formed where two plates move horizontally past one another?,msmarco_passage_30_580103107,answer choices. Rift valleys form where a continental plate moves under an oceanic plate. Rift valleys form where a plate slides horizontally past another plate. Rift valleys form where two plates move away from each other. Rift valleys form where an oceanic plate moves under another oceanic plate. Tags:,0.0
+1104447,which kind of continental boundary is formed where two plates move horizontally past one another?,msmarco_passage_30_579628152,Rift valleys from where a continental plate moves under an oceanic plate. Rift valleys form where a plate slides horizontally past another plate. Rift valleys from where two plates move away from each other. Rift valleys form where an oceanic plate moves under another oceanic plate. Tags:,0.0
+1104447,which kind of continental boundary is formed where two plates move horizontally past one another?,msmarco_passage_38_865032892,"Volcanoes usually form along plate boundaries, where tectonic plates are either moving towards or away from one another: Constructive boundary (or divergent boundary) - this is where two plates move away from one another. Magma rises up to fill the gaps between the plates usually to create a shield volcano. Destructive boundary (or convergent boundary) - this is where two plates move towards one another.",0.0
+1104447,which kind of continental boundary is formed where two plates move horizontally past one another?,msmarco_passage_30_741466243,"where plates move apart. These begin as continental rifts and evolve to become mid-ocean ridges where oceanic crust is created. EXAMPLE: east african rift, continental rift. Sliding Plate Boundary -- A plate boundary where plates slide or grind horizontally past one another.",0.3333333333333333
+1104447,which kind of continental boundary is formed where two plates move horizontally past one another?,msmarco_passage_30_705078065,The Himalayas are currently growing because at their location. Choose one: two continental plates are diverging. two plates are moving past each other at a transform plate boundary. a continental plate is colliding with another continental plate. an oceanic plate is converging with a continental plate and subducting.,0.3333333333333333
+1104447,which kind of continental boundary is formed where two plates move horizontally past one another?,msmarco_passage_30_796116110,"Continental Collision. Where two plates collide.... A tectonic plate boundary where twoâŠ. tectonic plates spreading apart, new crust being formed (eg. mâŠ. Boundary between two plates that are sliding past each other. when two continental plates collide pushing the continental crâŠ. Convergent Plate Boundaries.",0.3333333333333333
+1104447,which kind of continental boundary is formed where two plates move horizontally past one another?,msmarco_passage_36_444945944,"True: Volcanoes and earthquakes occur at destructive plate boundaries, Earthquakes but NOT volcanoes occur at conservative plate boundaries, Oceanic crust is more dense than continental crust, Continental crust is less dense than oceanic crust, Ocean trenches are formed where oceanic and continental plates collide, Destructive plate boundaries occur where oceanic and continental plates collide, Volcanoes and earthquakes occur at constructive plate boundaries, Earthquakes occur at all types of plate boundary, The subduction zone is where the more dense oceanic crust is driven deep inside the earth, Rocks in the subducted oceanic plate are destroyed when they melt, At a destructive plate boundary, the less dense continental plate crumples to form mountains, At constructive plate boundaries, two plates move apart, At destructive plate boundaries, two plates move together, At conservative plate boundaries, two plates move alongside each other, At constructive plate boundaries, magma rises to fill the gap between the plates, At constructive plate boundaries, cooling magma on the Earth's crust forms new igneous rocks, The mid-Atlantic ridge is an example of a constructive plate boundary, The San Andreas fault is an example of a conservative plate boundary, The Andes mountains were formed at a destructive plate boundary, At conservative plate boundaries, pressure builds where rocks in the two plates become stuck, False: Volcanoes can occur at all plate boundaries, At constructive plate boundaries, two plates move together, At destructive plate boundaries, two plates move apart, At conservative plate boundaries, two plates move apart, The continental plate is more dense than the oceanic plate, At destructive plate boundaries, the continental plate is forced deep inside the Earth, When magma cools at a constructive plate boundary, new sedimentary rocks form, Volcanoes but NOT earthquakes occur at conservative plate boundaries, Convection currents in the Earth's crust drive the movement of the tectonic plates, Most major earthquakes and volcanoes occur well away from plate boundaries,",0.6666666666666666
+1104447,which kind of continental boundary is formed where two plates move horizontally past one another?,msmarco_passage_12_226015228,"When continental and continental plates collide, fold mountains are formed, such as the Himalayas. In Transform plate movement, lastly, land crust remains unaffected as the two plates merely slide past one another, making it a conservative plate boundary.",0.6666666666666666
+1104447,which kind of continental boundary is formed where two plates move horizontally past one another?,msmarco_passage_65_369944174,"These plates are rigid segments that move in relation to one another at one of three types of plate boundaries. These are known as convergent boundaries, at which two plates come together; divergent boundaries, at which two plates are pulled apart; and transform boundaries, in which two plates slide past one another laterally. Interactions between these plates are what is what is volcanic activity (best exemplified by the â Pacific Ring of Fire â) as well as mountain-building.",0.6666666666666666
+1104447,which kind of continental boundary is formed where two plates move horizontally past one another?,msmarco_passage_30_791791284,Describe plate tectonics and how it explains the distribution of tectonic activity. Divergent boundary--two plates move apart relative to one another. Convergent boundary--two plates move toward one another. Transform boundary-- two plates move horizontally past each other.,1.0
+1104447,which kind of continental boundary is formed where two plates move horizontally past one another?,msmarco_passage_03_437652637,"The way one plate moves relative to another determines the type of boundary: spreading, where the two plates move away from each other; subduction, where the two plates move toward each other, with one sliding beneath the other; and transform, where the two plates slide horizontally past each other.",1.0
+1107704,what was the main benefit of a single european currency?,msmarco_passage_01_204519962,"Tangible proof of European integration, the single currency has a specific history of design, implementation, and policies. Although the switch to the euro took place almost 20 years ago, in some countries it is still possible to exchange old national notes and coins with the single European currency. Benefits of the euro.",0.0
+1107704,what was the main benefit of a single european currency?,msmarco_passage_06_847023736,"A single currency will be an important complement to the Single European Market, which would make the European Union a more powerful player in the global economy, and the UK might benefit from full-scale participation in this.",0.0
+1107704,what was the main benefit of a single european currency?,msmarco_passage_18_766588368,"Creation of the European Currency Unit. Main article: European Currency Unit. European currency exchange rate stability has been one of the most important objectives of European policymakers since the Second World War. Between 1982 and 1987, European currencies displayed a range of stable and unstable behavior.",0.3333333333333333
+1107704,what was the main benefit of a single european currency?,msmarco_passage_07_350033830,"The main benefits of the euro are related to increased trade. Travel was made easier by removing the need for exchanging money. More importantly, the currency risks were eliminated from European trade. With the euro, European businesses can easily lock in the best prices from suppliers in other eurozone countries.",0.3333333333333333
+1107704,what was the main benefit of a single european currency?,msmarco_passage_68_155495476,"European Unionâs Common Currency. The European Unionâs decision to have a common currency is a good economic decision. The single currency has several benefits including the increased trade within the region, eliminates exchange costs incurred by businesses transacting across borders, and eliminates exchange rate fluctuation risk. European Union member states have gained substantially from the use of a common currency.",0.6666666666666666
+1107821,what was radio free europe?,msmarco_passage_52_101648909,"subject to sections 8334 (c) and 8339 (i) of this title, service in any capacity of at least 130 days (or its equivalent) per calendar year performed after July 1, 1946, for the National Committee for a Free Europe; Free Europe Committee, Incorporated; Free Europe, Incorporated; Radio Liberation Committee; Radio Liberty Committee; subdivisions of any of those organizations; Radio Free Europe/Radio Liberty, Incorporated, Radio Free Asia; the Asia Foundation; or the Armed Forces Network, Europe (AFNâE), but only if such service is not credited for benefits under any other retirement system which is established for such entities and funded in whole or in part by the Government and only if the individual later becomes subject to this subchapter;",0.0
+1107821,what was radio free europe?,msmarco_passage_19_743571751,"Asia Times. Archived from the original on 23 April 2005. Retrieved 21 December 2010. ^ Aryan, Hossein. ""Iran Offers Short-Term Solutions To Long-Term Problems Of Baluch Minority â Radio Free Europe / Radio Liberty 2010"". Radio Free Europe/Radio Liberty. Archived from the original on 25 November 2010.",0.0
+1107821,what was radio free europe?,msmarco_passage_67_820252284,"RL, initially called Radio Liberation, was the major operating division of the American Committee for Liberation from Bolshevism (AMCOMLIB), later renamed the Radio Liberty Committee (RLC). For convenience, these annotations use throughout the terms âRadio Free Europeâ and its parent âFree Europe Committeeâ and âRadio Libertyâ and its parent âAmerican Committee for Liberation from Bolshevism.â.",0.0
+1107821,what was radio free europe?,msmarco_passage_40_167980252,"The CIA ended its involvement in Radio Free Europeâs financing and operation in 1971, and control was transferred to a Board for International Broadcasting appointed by the U.S. president. Radio Free Europe was merged with a similar broadcasting organization named Radio Liberty in 1976, creating what is still called Radio Free Europe/Radio Liberty (RFE/RL).",0.3333333333333333
+1107821,what was radio free europe?,msmarco_passage_09_775228106,"This is the logo of Radio Farda which is the Iranian branch of the United States funded shortwave broadcasters Radio Free Europe and Radio Liberty.
+Radio Free Asia. This is the logo of United States Government funded shortwave radio station Radio Free Asia. It's very similar to Radio Free Europe and Radio Liberty.",0.3333333333333333
+1107821,what was radio free europe?,msmarco_passage_67_820258878,"Radio Free Europe and Radio Liberty. Cold War International History Project. By A. Ross Johnson. Cold War Europe European Union North America. This is a collection of declassified U.S. Government (USG) documents pertaining to Radio Free Europe (RFE) and Radio Liberty (RL) and their parent organizations, the Free Europe Committee and the American Committee for Liberation from Bolshevism.",0.3333333333333333
+1107821,what was radio free europe?,msmarco_passage_20_544493761,"Radio Free Europe/Radio Liberty. ""Radio Free Europe"" and ""Radio Liberty"" redirect here. For the R.E.M. song, see Radio Free Europe (song). For the UCKG UK radio station, see Liberty Radio. Not to be confused with Radio Freedom. Radio Free Europe/Radio Liberty ( RFE / RL) is a United States government-funded organization that broadcasts and reports news, information and analysis to countries in Eastern Europe, Central Asia, Caucasus and the Middle East where it says that ""the free flow of information is either banned by government authorities or not fully developed"".",0.6666666666666666
+1107821,what was radio free europe?,msmarco_passage_20_544498564,"Radio Free Europe. Radio Free Europe/ Radio Liberty Newsroom in Munich, 1994. Radio Free Europe was created and grew in its early years through the efforts of the National Committee for a Free Europe (NCFE), an anti-communist CIA front organization that was formed by Allen Dulles in New York City in 1949.",0.6666666666666666
+1107821,what was radio free europe?,msmarco_passage_13_612055334,"11. Radio Free Europe / Radio Liberty. Washington, Prague, & More About Website Radio Free Europe / Radio Liberty is an international news and broadcast organization serving Central and Eastern Europe, the Caucasus, Central Asia, Russia, the Middle East and Balkan countries. Website rferl.org.",0.6666666666666666
+1109840,what law is concerned with the safety and health conditions in the majority of private-sector industries?,msmarco_passage_54_156735560,Poster Description. Job Safety Law. Maryland Occupational Safety and Health Act (Private Sector) Employers in the Private Sector. The poster includes information on safety and health in the workplace. Job Safety Law. Maryland Occupational Safety and Health Act (Public Sector) Employers in the Public Sector.,0.0
+1109840,what law is concerned with the safety and health conditions in the majority of private-sector industries?,msmarco_passage_46_157376529,"USAJOBS GS-1822 (Mine Safety and Health Inspector Federal Job List) Private Sector Job Listings. Mine safety and health inspectors and specialists develop, enforce, promote, advise on, and administer laws and regulations concerning safety and health in mines, mills, and plants which are part of the mining process.",0.0
+1109840,what law is concerned with the safety and health conditions in the majority of private-sector industries?,msmarco_passage_53_4236873,Workplace Safety Regulations. Private Sector Workplace Safety & Health Regulations. Public Sector Workplace Safety & Health Regulations. Public Sector Workplace Safety Laws.,0.0
+1109840,what law is concerned with the safety and health conditions in the majority of private-sector industries?,msmarco_passage_66_809521360,OSH Act Home Safety Act Occupational Health Act Workplace Safety Act. What law is concerned with the safety and health conditions in the majority of private-sector industries?,0.3333333333333333
+1109840,what law is concerned with the safety and health conditions in the majority of private-sector industries?,msmarco_passage_10_696727361,OSH Act Home Safety Act Occupational Health Act Workplace Safety Act. Occupational Safety and Health (OSH) Act is concerned with the safety and health conditions in the majority of private-sector industries. s. Expert answered| bheng2x |Points 47|. Log in for more information.,0.3333333333333333
+1109840,what law is concerned with the safety and health conditions in the majority of private-sector industries?,msmarco_passage_14_545088589,"OSHA is responsible for setting workplace safety laws, which every private sector business in the country is required to follow. If an employee encounters a health or safety concern, the employee has the right to file a complaint report with OSHA confidentially, and without reprisal from the employer. The agency will then investigate the employee's concerns.",0.3333333333333333
+1109840,what law is concerned with the safety and health conditions in the majority of private-sector industries?,msmarco_passage_66_809521662,Occupational Safety and Health (OSH) Act is concerned with the safety and health conditions in the majority of private-sector industries. g. Expert answered| bheng2x |Points 47|. Log in for more information. Question.,0.6666666666666666
+1109840,what law is concerned with the safety and health conditions in the majority of private-sector industries?,msmarco_passage_44_115337209,"Workplace Safety and Health. The Occupational Safety and Health (OSH) Act is administered by the Occupational Safety and Health Administration (OSHA). Safety and health conditions in most private industries are regulated by OSHA or OSHA-approved state programs, which also cover public sector employers.",0.6666666666666666
+1109840,what law is concerned with the safety and health conditions in the majority of private-sector industries?,msmarco_passage_26_615703467,"The Occupational Safety and Health Act. February 4, 2015 by: Content Team. The primary federal law that governs health and safety practices in both governmental industries and the private sector, the Occupational Safety and Health Act works to ensure that all employers keep their employees safe in the workplace.",0.6666666666666666
+1109840,what law is concerned with the safety and health conditions in the majority of private-sector industries?,msmarco_passage_65_153889578,"The nation's main workplace safety and health law is the Occupational Safety and Health Act of 1970, which requires all private-sector employers to furnish a safe workplace, free of recognized hazards, to their employees, and requires employers and employees to comply with occupational safety and health standards adopted by the U.S. Department of Labor's OSHA division (for the main duty clause of OSHA, see 29 U.S.C. § 654 ).",1.0
+1110996,what is the role of t tubules,msmarco_passage_02_173964114,"Henle's t's the straight ascending and descending portions of a renal tubule forming Henle's loop. lactiferous t's galactophorous tubules. mesonephric t's the tubules comprising the mesonephros, or temporary kidney, of amniotes. metanephric t's the tubules comprising the permanent kidney of amniotes. renal tubule the minute canals composing the substance of the kidney and secreting, collecting and conducting the urine; in the glomerulus they have a basement membrane and epithelial lining.",0.0
+1110996,what is the role of t tubules,msmarco_passage_00_560159972,"Abstract. The transverse tubules (t-tubules) of mammalian cardiac ventricular myocytes are invaginations of the surface membrane. Recent studies have suggested that the structure and function of the t-tubules are more complex than previously believed; in particular, many of the proteins involved in cellular Ca 2+ cycling appear to be concentrated at the t-tubule.",0.0
+1110996,what is the role of t tubules,msmarco_passage_60_202275507,"One is whether changes in T tubule architecture are the cause of the result of the pathology; the second is whether T tubule disorder signals a disconnection of T tubules from CRUs or of CRUs from the myofibrils. Since CRU anchor T tubules to the myofibrils, both would result in T network disarrangement.",0.3333333333333333
+1110996,what is the role of t tubules,msmarco_passage_26_73010684,"In addition to the observed loss and gross diminishment of the t-tubule network, protein components at t-tubules including ion channels and signaling molecules are reported to be either reduced at the t-tubule surface or redistributed elsewhere to non-t-tubule sarcolemma ( 20, 93, 134 ).",0.3333333333333333
+1110996,what is the role of t tubules,msmarco_passage_11_677770223,"T-tubules. At some places along the length of the fiber, the sarcolemma invaginates into the cytoplasm to form transverse tubules called T-tubules. Each T-tubule is connected with smooth endoplasmic reticulum on either side to form a triad. These triads serve a special role in the contraction of skeletal muscles.",0.6666666666666666
+1110996,what is the role of t tubules,msmarco_passage_12_538543645,"Click to see full answer. In this way, what are T tubules in muscle? T-tubules (transverse tubules) are extensions of the cell membrane that penetrate into the centre of skeletal and cardiac muscle cells.",0.6666666666666666
+1110996,what is the role of t tubules,msmarco_passage_30_604452674,t tubules function to. Facilitate cellular communication during muscle contraction. What is the role of Ca2+ in a muscle contraction. Binding to troponin which changed the conformation of the tropomyosin and permits the myosin to bind to actin. Wavelike contraction produced by smooth muscle is.,0.6666666666666666
+1110996,what is the role of t tubules,msmarco_passage_01_139310248,"T-tubules ( transverse tubules) are extensions of the cell membrane that penetrate into the centre of skeletal and cardiac muscle cells. With membranes that contain large concentrations of ion channels, transporters, and pumps, T-tubules permit rapid transmission of the action potential into the cell, and also play an important role in regulating cellular calcium concentration.",1.0
+1110996,what is the role of t tubules,msmarco_passage_00_560156240,"Coupling of Ca 2+ Entry and Ca 2+ Release. The data presented above suggest that ICa and NCX activity occur predominantly in the t-tubules, close to the RyR, implying that the t-tubules play a central role in Ca 2+ cycling and excitation-contraction coupling in cardiac ventricular myocytes.",1.0
+1110996,what is the role of t tubules,msmarco_passage_46_425523451,the sarcoplasmic reticulum transfers calcium to the T tubules. The T tubules conduct electrical impulses that stimulate calcium release from the sarcoplasmic reticulum. Definition. The T tubules conduct electrical impulses that stimulate calcium release from the sarcoplasmic reticulum.,1.0
+1111577,what is the meaning of the phrase jump on the bandwagon,msmarco_passage_01_692921249,"We welcome any campaign on safety issues, but we don't like the bandwagon-jumping of this organization. Note: Bandwagon is also used in other phrases such as someone's bandwagon is rolling, to mean that an activity or movement is getting increasing support.",0.0
+1111577,what is the meaning of the phrase jump on the bandwagon,msmarco_passage_57_75278708,"What's the origin of the phrase 'Jump on the bandwagon'? The word bandwagon was coined in the USA in the mid 19th century, simply as the name for the wagon that carried a circus band.",0.0
+1111577,what is the meaning of the phrase jump on the bandwagon,msmarco_passage_12_181442295,"Source (s): phrase 39 jumping bandwagon 39 mean: https://trimurl.im/b72/what-does-the-phrase-39-jum... Dowland. Lv 5. 1 decade ago. The phrase ""Jump/climb on the bandwagon"" means to start doing something because other people are doing it. Source (s): Longman Idioms Dictionary. imgram. Lv 4.",0.3333333333333333
+1111577,what is the meaning of the phrase jump on the bandwagon,msmarco_passage_52_224642532,The bandwagon fallacy is another addition to this list of types of logical fallacies. It is also perhaps one of the easiest to deduce. Most people will be familiar with the phrase â jumping on the bandwagon â. The bandwagon fallacy is essentially this but using it as a means of gaining support and credibility.,0.3333333333333333
+1111577,what is the meaning of the phrase jump on the bandwagon,msmarco_passage_43_384382367,"It is almost always used in the singular in phrases like jump on the bandwagon, hop on the bandwagon, c limb on the bandwagon, and get on the bandwagon. A noun is sometimes placed before bandwagon to refer to the thing being followed, such as the name of a particular sports team or TV show, as in people start to jump on the Yankees bandwagon around playoff time.",0.3333333333333333
+1111577,what is the meaning of the phrase jump on the bandwagon,msmarco_passage_30_131172954,"Meaning of âJump on the bandwagonâ. To âjump on the bandwagonâ means that one is going to join in with prevailing public opinion or interest. For example, if a politician becomes quite popular, that popularity breeds more interest, more people want to be associated with whatâs seen as the winning team. Itâs also possible to see the phrase âjump off the bandwagonâ in use when someone or a group of people realize that their initial willingness to join in with the majority was a mistake.",0.6666666666666666
+1111577,what is the meaning of the phrase jump on the bandwagon,msmarco_passage_47_543222397,Jump on the Bandwagon. The phrase âJump on the Bandwagonâ means to join in a popular activity.,0.6666666666666666
+1111577,what is the meaning of the phrase jump on the bandwagon,msmarco_passage_57_75277978,"What's the meaning of the phrase 'Jump on the bandwagon'? Join a growing movement in support of someone or something, often in an opportunist way, when that movement is seen to have become successful.",0.6666666666666666
+1111577,what is the meaning of the phrase jump on the bandwagon,msmarco_passage_45_771413389,Jump on the Bandwagon. To jump on the bandwagon is a phrase used to refer to people who are doing whatever is popular or whatever others are doing. This phrase comes from a political age when political candidates would throw parades to drum up supporters.,1.0
+1111577,what is the meaning of the phrase jump on the bandwagon,msmarco_passage_05_563789830,"What does bandwagon mean? If you jump on the bandwagon, you join in with the many people who follow, support, or are fans of someone or something popular and/or successful (especially when it is growing in popularity). Bandwagon is especially used in the context of sports teams, political movements, trends, and entertainment.",1.0
+1111577,what is the meaning of the phrase jump on the bandwagon,msmarco_passage_30_131180116,A play is a form of writing for theatre. It is divided into acts and scenes. Jump on the bandwagon. To âjump on the bandwagonâ means that one is going to join in with whatever new or popular thing the majority is doing or thinking.,1.0
+1113361,what is prior restraint?,msmarco_passage_30_616567402,"The Supreme Court's position on prior restraint of the press is that. prior restraint should be used fairly frequently in a democracy. prior restraint should apply only in rare circumstances, and it is better to hold the press responsible for what it has printed than to restrict what it may print.",0.0
+1113361,what is prior restraint?,msmarco_passage_01_758490364,2. Statutory prior restraints. 3. Permissible prior restraints. 4. Prior restraints in copyright infringement cases. 5. References.,0.0
+1113361,what is prior restraint?,msmarco_passage_15_407175011,"First, there must be excessive publicity without the prior restraint, and this publicity will jeopardize fairness. Second, this must be a method of last resort â all other methods to achieve a fair trial must be ineffective. Lastly, the prior restraint must be workable and effective â an ineffective prior restraint will not be upheld.",0.0
+1113361,what is prior restraint?,msmarco_passage_28_207312509,"Publishers can still be prosecuted or sued for what they print. Although the First Amendment prohibits prior restraint, it does not protect publishers from prosecutions consequent on the content of their materials. Nor is the protection from prior restraint absolute; compelling circumstances must be taken into account.",0.3333333333333333
+1113361,what is prior restraint?,msmarco_passage_33_562932088,"Freedom of speech and of the press has two aspects: (a) freedom from prior restraint, and (b) freedom from subsequent punishment. 2. On the one hand, freedom from prior restraint means freedom from censorship or governmental screening of what is politically, morally, socially, and artistically correct.",0.3333333333333333
+1113361,what is prior restraint?,msmarco_passage_15_407177357,"Often, issues of prior restraint are intertwined with the freedom of the press. Prior restraint issued by a court must be narrowly tailored and burden no more speech than necessary. Prior restraints are often considered the worst forms of censorship, partly because of how they work with the âcollateral bar ruleâ.",0.3333333333333333
+1113361,what is prior restraint?,msmarco_passage_64_194926047,"Under prior restraint, a government or authority controls what speech or expression can be publicly released. Prior restraint has a history of being viewed as a form of oppression in the United States. The Founding Fathers had experienced the effects of prior restraint while under British rule, and they specifically used language in the First Amendment of the U.S. Constitution â freedom of speech and freedom of the press â to guard against prior restraint, which they felt was a violation of democratic principles.",0.6666666666666666
+1113361,what is prior restraint?,msmarco_passage_30_685763627,"First Amendment rights are the basis of most other rights. The Supreme Court's position on prior restraint of the press is that. prior restraint should apply only in rare circumstances, and it is better to hold the press responsible for what it has printed than to restrict what it may print.",0.6666666666666666
+1113361,what is prior restraint?,msmarco_passage_09_618972452,"Restrictions. In some trials, judges issue gag orders, which restrict what journalists can report about the trial. Prior restraint is a governmental act that stops the publication of materials thought to be damaging or slanderous; in recent years, the government has had a difficult time exercising prior restraint.",0.6666666666666666
+1113361,what is prior restraint?,msmarco_passage_10_696317784,"Confirmed by jeifunk[6/20/2014 10:44:10 AM] s. Get an answer. Search for an answer or ask Weegy. what is prior restraint. Original conversation. User: what is prior restraint. Weegy: Prior restraint is censorship imposed, usually by a government, on expression before the expression actually takes place.",1.0
+1113361,what is prior restraint?,msmarco_passage_26_565472697,"The case drew significant national attention as it went through the judicial system and the public wondered what the Pentagon Papers contained. The Pentagon Papers case addressed whether a Prior Restraint on the press can be justified under the First Amendment. A ""prior restraint"" is the imposition of a restraint on the publication of information before the information is published.",1.0
+1113361,what is prior restraint?,msmarco_passage_61_672284759,"Secondly, the first amendment is the most important because it prohibits prior restraint. Prior restraint is a government censorship of information before it is published or broadcasted. This gives the government major control over what can be said in the media.",1.0
+1117243,what helps u nails grow,msmarco_passage_57_330465943,"Gel manis also add a fun twist to the slow and careful process of waiting for your nails to grow, what with the ridiculously creative designs nail artists are capable of these days. With the help of Beetna and my own nail care routine, it took around four months for my nails to grow longer than they've ever been.",0.0
+1117243,what helps u nails grow,msmarco_passage_36_735435020,What kids should know about how nails grow. What kids should know Nail care Hangnails How nails grow Manicures & pedicures Ingrown nails Injured nails Nail infections Salon safety Rough nails.,0.0
+1117243,what helps u nails grow,msmarco_passage_01_825276251,"It may look like your fingernails and toenails start growing where your U-shaped cuticle (say: KYOO-tih-kul) begins. But there's more going on under the surface. Nails start in the nail root, hidden under the cuticle. When cells at the root of the nail grow, the new nail cells push out the old nail cells.",0.3333333333333333
+1117243,what helps u nails grow,msmarco_passage_23_342468354,"Upon production, these cells are further pushed out to form what you see as nails. To further protect this new nail cells, the fingernail has what is called cuticle. The cuticle is that tiny band that helps to seal the nails, and more also prevents it against germs and intruder. So thatâs that about how nails grow.",0.3333333333333333
+1117243,what helps u nails grow,msmarco_passage_36_414359973,Related Search: how to grow nails faster | vaseline for nails | how to make your nails grow overnight | does vaseline help nails grow | vaseline for nail growth | how to strengthen nails overnight | how to grow nails overnight | vaseline on nails. See also :,0.6666666666666666
+1117243,what helps u nails grow,msmarco_passage_36_661568514,"OPI Nail Envy Nail Strengthener. This is the product for you if you have weak nails in need of repair and strengthening. OPI nail hardener will help you regain the shine and beauty of your nails. Itâs made with calcium and wheat protein, just what your nails need to grow strong and healthy again.",0.6666666666666666
+1117243,what helps u nails grow,msmarco_passage_23_342470210,"What you eat is what you become. Eating a balanced diet does not only help you your overall health but does help your nails too to grow faster. Pinterest. Eating food rich in protein, vitamins and minerals does a lot of good to your nails.",0.6666666666666666
+1118716,what does karl marx say about the nature of man,msmarco_passage_61_659615765,"Compare and Contrast the Philosophies of John Locke, Thomas Hobbes, and Karl Marx In the idea of human nature; origin of state, the nature of government, the rights of regulation can be drawn as the reflection of insightful philosophies of John Locke, Thomas Hobbes and Karl Marx.",0.0
+1118716,what does karl marx say about the nature of man,msmarco_passage_03_661800358,KEY TOPICS. For Karl Marx the whole Industrial Revolution simply consisted of the exploitation of the workers by the capitalists. [1] . About the only good thing Karl Marx had to say about the industrial revolution was that it was an integral phase in the evolution of man towards the ideal society he envisioned. [2] .,0.3333333333333333
+1118716,what does karl marx say about the nature of man,msmarco_passage_47_388857500,"Political Theory â Karl Marx. Karl Marx remains deeply important today not as the man who told us what to replace capitalism with, but as someone who brilliantly pointed out what was inhuman and alienating about it. Related Article â 24 Quotes on Wearing a Mask, Lying and Hiding Oneself.",0.3333333333333333
+1118716,what does karl marx say about the nature of man,msmarco_passage_01_713494295,Karl Marx and education. What significance does Marx have for educators and animateurs today? An introduction and assessment by Barry Burke. contents: introduction · life · Karl Marx as a thinker · Karl Marx and the class struggle · the communist manifesto · Karl Marxâs relevance to knowledge and education · further reading · links · how to cite this article.,0.3333333333333333
+1118716,what does karl marx say about the nature of man,msmarco_passage_61_664046466,"The study on alienation in conjunction with the micro-study on Marx's view of freedom will help not only reveal why Marx feels labor limits mans freedom, but it will also identify exactly what kind of freedom is being limited. Karl Marx identifies estranged labor as labor alien to man. Marx explains the condition of estranged labor as the result of man participating in an institution alien to his nature.",0.6666666666666666
+1118716,what does karl marx say about the nature of man,msmarco_passage_20_738724479,"Karl Marx. In Marx's theory of alienation, he states that self-estrangement is the feeling of being alienated from people and things around you. Karl Marx's theory focused more on the self-estrangement aspect in man's work. He further explain it by saying that self-estrangement is the alienation of man from himself and his feelings, man's loss of purpose, objectification of himself to think he isn't good enough and realization of that.",0.6666666666666666
+1118716,what does karl marx say about the nature of man,msmarco_passage_62_805891320,"Marx believed there was a natural political progression from feudalism to capitalism to communism. According to Erich Fromm's essay âMarx's Concept of Man,â Karl Marx indicated that people are social beings rather than isolated individuals.",0.6666666666666666
+1118716,what does karl marx say about the nature of man,msmarco_passage_07_847844617,"If man is shaped by his surroundings, his
+ surroundings must be made human. If man is social by nature, he will develop
+ his true nature only in society, and the strength of his nature must be measured
+ not by the strength of separate individuals but by the power of society. (Karl
+ Marx)[2]",1.0
+596569,what classes do i need to take to go to vet school,msmarco_passage_12_262592376,"Which states do you need a veterinary technology degree in? I am going to school to be a veterinary Technician, but I know a girl in my class who is already a vet tech in kentrucky, but still getting certified to work in Ohio and I am looking to move out of ohio asap so what states do you need or not need a vet tech degree? becuase it would be a waste of time if where I want to go doesnt need it. any information would be appriciated.",0.0
+596569,what classes do i need to take to go to vet school,msmarco_passage_12_230369180,"can i take my dog to malaysia? i live in egypt, and i may go to malaysia Kuala Lampur. And i want to take my 2 year old dog with me does he need to go in quarantine, he already has his rabies vaccine what else does he need?? and i REALLY REALLY dont want him to go to quarantine is there something i can do??? what do i need to get from the vet? please tell me what to do!! please! i really love my dog and if i cant take hm with me to malaysia i have give him to my grandma in Peru!!!!!!!!!!!!!!!",0.0
+596569,what classes do i need to take to go to vet school,msmarco_passage_12_265819973,"BUT...i'm planning on going to SCTI, Sarasota County Technical Institute, for their vet assisting/vet tech program. I will attend that for the 2 years that they offer for it. My question is...if I get my associates degree from SCTI for Vet Asstisting/Vet tech, and that was already 2 years of schooling...would I have to go to college for the same amount of time as someone who DIDN'T do what i'm doing?",0.0
+596569,what classes do i need to take to go to vet school,msmarco_passage_13_732299423,"Weâll cover everything you need to know, including: How long does it take to become a vet. How to decide whether becoming a veterinarian is right for you. What classes you should take in high school and college. How to pick a good undergraduate university and vet school. What vet school is like. So letâs get started!",0.3333333333333333
+596569,what classes do i need to take to go to vet school,msmarco_passage_03_507786841,Now Iâm just going to list a few classes that I have found (or heard of) that help prepare you for veterinary school. This is not a complete list of classes that is required for vet school. Please contact your perspective schools to find out what classes are required for you to be accepted to veterinary school. Biology.,0.3333333333333333
+596569,what classes do i need to take to go to vet school,msmarco_passage_22_748796308,"I got my license so I could help more at a spay/neuter clinic where I was working (I needed it to legally induce anesthesia.) For most people, I think becoming an RVT/CVT/LVT is a waste of time since the classes you take in tech school don't fulfill many/any of the requirements needed for vet school.",0.3333333333333333
+596569,what classes do i need to take to go to vet school,msmarco_passage_32_199421070,"To become a vet in North America, you must go to college for at least 2 or 3 years, and take several required classes, including many science classes. You then apply to veterinary school. If you are accepted, you are in veterinary school for 4 years, and then graduate with the degree Doctor of Veterinary Medicine.",0.6666666666666666
+596569,what classes do i need to take to go to vet school,msmarco_passage_66_170950934,"To become a vet, you need to go to university and take a veterinary science or medicine degree. The course normally takes 5 years. To be considered for a place at vet school, you will need to have a strong science background. Itâs important that you enjoy and are good at subjects such as biology, chemistry and physics.",0.6666666666666666
+596569,what classes do i need to take to go to vet school,msmarco_passage_57_570209973,"To become a veterinarian, you will need to go through four years of veterinary school after college. Admission is competitive for the few vet schools in the united states. Students are required to take a lot of science classes, including anatomy, animal science, biology, chemistry, microbiology, physiology and zoology, plus social sciences and humanities.",1.0
+1121909,what are the instruments in a woodwind quintet,msmarco_passage_01_808246541,"The great virtue of the woodwind quintet is color, so mix your palette. (To give some idea of the range of options, David Van Vactor's Music for Woodwinds consists of pieces using every possible combination of the quintet instruments from one to five, ending with double quintet. There are over thirty of them.)",0.0
+1121909,what are the instruments in a woodwind quintet,msmarco_passage_32_169326986,Contents. What is the lowest woodwind instrument? What is the lowest pitched instrument in the woodwind family? What are five wind instruments? What are the two groups of woodwind instruments called? What is the lowest instrument in the orchestra? What is the meaning of woodwind instruments?,0.0
+1121909,what are the instruments in a woodwind quintet,msmarco_passage_68_306306376,"Since wind ensembles first took shape in an age where there was no clear sense of any distinction between woodwinds and brass, and at some point along the way the group came to be called a woodwind quintet. (Reference: Compendium of Interesting Wind Instrument Facts, Yamaha Music Media)",0.0
+1121909,what are the instruments in a woodwind quintet,msmarco_passage_68_51863102,"The French horn is technically a brass instrument because it is made of brass. However, its warm mellow sound blends well with woodwinds, which is why composers began writing it into woodwind quintets, according to the International Music Foundation of Chicago. Brass Quintet: The versatility of the French horn is such that it can also be part of a brass quintet.",0.3333333333333333
+1121909,what are the instruments in a woodwind quintet,msmarco_passage_11_44498723,"It is also characteristically found in woodwind trios and quartets, though these do not have fixed membership, as the woodwind quintet does. Flutes are the oldest category of woodwind instrument. There were flutes as early as the ninth century BCE.",0.3333333333333333
+1121909,what are the instruments in a woodwind quintet,msmarco_passage_55_599750856,"Many saxophone players will double on the clarinet and the flute because specific charts require the sound of those two instruments. Clarinet and flute choirs, quartets, and quintets are also very popular. Clarinets and flutes are also great instruments for woodwind quartets and quintets.",0.3333333333333333
+1121909,what are the instruments in a woodwind quintet,msmarco_passage_36_225974166,"The soloist is accompanied by flutes, oboes, clarinets, bassoons, horns, trumpets, timpani and string quintet. The longer orchestral introduction is constructed on the basis of a dialogue between a group of woodwind instruments and strings.",0.6666666666666666
+1121909,what are the instruments in a woodwind quintet,msmarco_passage_04_124498028,"Yes, the clarinet is a woodwind instrument. So are the flute,
+piccolo,
+saxophone, oboe, an bassoon. What is a musical instrument that begins with a w and ends with a d? You may be referring to the family of musical instruments called
+woodwind which includes a flute, clarinet oboe etc.",0.6666666666666666
+1121909,what are the instruments in a woodwind quintet,msmarco_passage_04_202970031,"What are the different woodwind instrument? Flute, oboe, clarinet, bassoon, English horn, and saxophone are the most common woodwind instruments. Though they were originally made of wood many of them are made of metal, plastic, or other materials now.",0.6666666666666666
+1121909,what are the instruments in a woodwind quintet,msmarco_passage_02_729699920,"The Early Development of the Wind Quintet. The woodwind quintet is comprised of the four principal woodwinds from the orchestra: flute, oboe, clarinet, and bassoon; and one brass instrument, the horn. Although most of the attention given to instrumental chamber music is aimed towards the string quartet, the woodwind quintet has both a history and a collection of music that is worth recognizing.",1.0
+1121909,what are the instruments in a woodwind quintet,msmarco_passage_68_306305974,"Trivia. Why are horns included in woodwind quintets? There is a genre of classical chamber music written for groups known as woodwind quintet (or wind quintet). A quintet is composed of five instruments: a flute, an oboe, a bassoon, a clarinet, and a horn.",1.0
+1121909,what are the instruments in a woodwind quintet,msmarco_passage_40_59700559,"The standard instrumental groups of Western chamber music include the string quartet (two violins, viola, and violoncello), the woodwind quintet (flute, oboe, clarinet, horn, and bassoon), the combinations employed in sonatas (one wind or stringed instrument with piano), and the brass quintet (frequently two trumpets, horn, trombone, and tuba).",1.0
+337656,how old was the elephant man when he died,msmarco_passage_12_698299688,"As part of the demonstration at trial as to how Ringling Bros. mistreats its Asian elephants, evidence was presented involving the circumstances of the deaths of baby elephants who have died in the care of Ringling Bros. Four-year-old Benjamin died when his trainer came after him with a bull hook. Four-year-old Kenny was made to perform in three shows when he was extremely ill.",0.0
+337656,how old was the elephant man when he died,msmarco_passage_27_549691728,"If an elephant has its foot on the tail of a mouse and you say that you are neutral, the mouse will not appreciate your neutrality.â. â Archbishop Desmond Tutu. âA man dies when he refuses to stand up for that which is right. A man dies when he refuses to stand up for justice.",0.0
+337656,how old was the elephant man when he died,msmarco_passage_08_628368879,"Story in short. Man not liked as imperialist, man decides he doesn't like being imperialist, an elephant is running around messing with our stuff, ""Awwwwwww but elephants are so cute"", Just do it, ok here we go, elephant slowly dies, people salvege elephant, he has night terrors the reast of his life.",0.0
+337656,how old was the elephant man when he died,msmarco_passage_64_35121073,"He died trying to be like others.â. John Hurt in the David Lynch film, âThe Elephant Manâ (1980). Photo by Images Press/IMAGES/Getty Images. In his lifetime he became well known and was visited by Alexandra, princess of Wales. In the 20th century, he was the subject of various books, a play, and the 1980 film The Elephant Man, starring Anthony Hopkins as the doctor and John Hurt as Merrick.",0.3333333333333333
+337656,how old was the elephant man when he died,msmarco_passage_26_795932174,"10 He Almost Bought The Skeleton Of The Elephant Man. Photo credit: Wikimedia. For the uninitiated, the Elephant Manâs real name was Joseph Carey Merrick. He was called the Elephant Man due to the abnormal growth of his bones and skull, which left him seriously disfigured. Born on August 5, 1862, Merrick was normal until age five, when strange growths started appearing on his body.",0.3333333333333333
+337656,how old was the elephant man when he died,msmarco_passage_65_57452647,"John Merrick, who is better known as the ""Elephant Man"" was a hideously deformed man with a rare disease who died in 1890 and inspired the hit movie 'Elephant Man.'. In rejecting the offer, the hospital said the skeleton was not for sale. The skeleton of the Elephant Man has been preserved at the Royal London Hospital ever since 1890, the year of his death.",0.3333333333333333
+337656,how old was the elephant man when he died,msmarco_passage_10_733659281,"Joseph Merrick died at 27 years old. Born: August 5, 1862. Died: April 11, 1890 ( natural causes) Birthplace: Leicester, England. Best known as: The man called The Elephant Man.",1.0
+1128632,is levothyroxine likely to cause weight loss or weight gain,msmarco_passage_35_708981366,"Weight Loss and Other Benefits of Eating Mangoes. Mangoes facilitate weight loss. Mangoes enable weight loss because:: They contain phytochemicals that inhibit fat cells from expanding their walls, which discourages weight gain and rebound weight gain after weight loss. Mangoes contain malic acid and tartaric acid, which are two elements that keep the body alkaline and less likely to suffer from weight gain caused by insulin resistance and immune conditions like rheumatoid arthritis.",0.0
+1128632,is levothyroxine likely to cause weight loss or weight gain,msmarco_passage_48_70118135,"Weight gain can be achieved by increasing the consumption of food. However, there are diseases and conditions that prohibit that. Diseases like HIV /AIDS or cancer can cause severe weight loss and malnutrition. Other things like surgery can also cause weight loss. Mediations can be taken to aid in weight gain.",0.0
+1128632,is levothyroxine likely to cause weight loss or weight gain,msmarco_passage_01_529021334,"If it's levothyroxine, it's a T4 med, if it's liothyronine, it's a T3 med which is almost never prescribed by itself and should never be used for a weight loss supplement. I remember you from the Weight Loss and Dieting Community. Your fear of weight gain requires counseling. Read More.",0.0
+1128632,is levothyroxine likely to cause weight loss or weight gain,msmarco_passage_50_575321217,"This little known plugin reveals the answer. Managing a healthy weight and lifestyle can make it easier to control a thyroid condition and keep thyroid hormones in the blood within normal levels. Appetite swings are both a cause and effect of levothyroxine and weight loss. Some argue that a decreased appetite may cause the weight loss, whereas other evidence supports theories that the weight loss caused by this synthetic hormone in turn causes a counteracting increase in appetite as the body attempts to sustain sufficient weight.",0.3333333333333333
+1128632,is levothyroxine likely to cause weight loss or weight gain,msmarco_passage_24_231609384,"Read More. I was having usual symptoms of hypothyroidism - fatigue, weight gain, dry skin, hair loss, etc. Have been on Levothyroxine for several months now and have seen improvements in all symptoms except hair loss. I'm also on Plavix (due to a TIA), which I understand can also cause hair loss.",0.3333333333333333
+1128632,is levothyroxine likely to cause weight loss or weight gain,msmarco_passage_24_245056375,"Can Levothyroxine make you gain weight? I'm on 125mg of Levothyroxine, and have been for about 9 years, prior to this I suffered extreme tiredness and disproportionate weight gain.",0.3333333333333333
+1128632,is levothyroxine likely to cause weight loss or weight gain,msmarco_passage_16_860101278,"Synthroid 100 mcg â Synthroid (levothyroxine) 100 mg, while weight gain can be a symptom of hypothyroidism, taking levothyroxine does not immediately cause weight loss.. Synthroid increase the dose to 100mg.",0.6666666666666666
+1128632,is levothyroxine likely to cause weight loss or weight gain,msmarco_passage_44_272802500,Taking levothyroxine to treat hypothyroidism can help to normalise metabolism which may lead to weight loss. Levothyroxine contains a boxed warning saying that it should not be used for the treatment of obesity or weight loss. Taking levothyroxine for weight loss when not indicated can cause overdose symptoms.,0.6666666666666666
+1128632,is levothyroxine likely to cause weight loss or weight gain,msmarco_passage_35_82242479,"Weight Loss is a known side effect of Levothyroxine. Disclaimer. #2 in Levothyroxine discussions - 3,458 posts discuss Weight Loss with Levothyroxine. Weight Loss is #2 concern in Levothyroxine discussions. Weight Loss 3,458.",0.6666666666666666
+1129560,accounting definition of building improvements,msmarco_passage_52_120536496,Building Lease definition. Building Lease. definition. Building Lease means a contract between the department of accounting and general services and a private investor in which the private investor leases an improved facility to the department for a specified period of time.,0.0
+1129560,accounting definition of building improvements,msmarco_passage_62_764410946,"Code Definition of Combustible | The Building Code Forum. Welcome to the new and improved Building Code Forum. We appreciate you being here and hope that you are getting the information that you need concerning all codes of the building trades. This is a free forum to the public due to the generosity of the Sawhorses, Corporate Supporters and Supporters who have upgraded their accounts.",0.0
+1129560,accounting definition of building improvements,msmarco_passage_08_272878839,"Capitalization of Plant Fund Assets Definition. Physical property acquired by the University by purchase, gift, trade, or fabrication and which take the form of land, buildings, equipment, improvements to land or buildings, and other tangible items are capitalized. Financial Services and Operations is responsible for all accounting and budget control functions for plant fund (construction) projects, and preparation of financial reports.",0.0
+1129560,accounting definition of building improvements,msmarco_passage_40_547746912,"It then expanded the definition of ""qualified improvement property"" to include ""any improvement to the interior of a building if that building is nonresidential real property and such improvement is placed in service after the date such building was first placed in service."". IRC 168 (e) (6).",0.3333333333333333
+1129560,accounting definition of building improvements,msmarco_passage_33_597726049,"The definition excludes improvements made to enlarge a building, for an elevator or escalator, or to the internal structural framework of a building. [3] The PATH Act of 2015 created a fourth category, qualified improvement property (QIP), to extend bonus depreciation to additional improvements to building interiors. [4] .",0.3333333333333333
+1129560,accounting definition of building improvements,msmarco_passage_62_663066714,"Build-out/Leasehold Improvements/Tenant Improvements. The improvements to the office or building to make it usable for the tenant. In accounting terminology, these costs are called ""leasehold improvements,"" and they can be depreciated as expenses.",0.3333333333333333
+1129560,accounting definition of building improvements,msmarco_passage_26_361480211,"The improvement is placed into service more than 3 years after the building was placed into service. The tax code does not specifically outline which types of building improvements are eligible to be treated as qualified leasehold improvement property. However, the definition of qualified leasehold improvement property excludes improvement expenses attributable to the enlargement of the building, an elevator or escalator, any structural component benefiting a common area, and the internal structural framework of the building.",0.6666666666666666
+1129560,accounting definition of building improvements,msmarco_passage_39_733374473,"In addition, it adjusted the definition of qualified improvement property to mean any improvement made by the taxpayer to an interior portion of a building which is nonresidential real property if such improvement is placed in service after the date such building was first placed in service.",0.6666666666666666
+1129560,accounting definition of building improvements,msmarco_passage_36_324481872,"Improvements that are not included in this definition are building additions, an elevator or escalator, or internal structural framework for the building. Fortunately, qualified improvement property comprises most other improvements, including the following: Internal cooling/heating items. Lighting and other electrical.",0.6666666666666666
+1129560,accounting definition of building improvements,msmarco_passage_10_493909355,"7.4.2 Building Improvement Definition. Building improvements are capital events that materially extend the useful life of a building or increase the value of a building, or both. A building improvement should be capitalized as a betterment and recorded as an addition of value to the existing building if the expenditure for the improvement meets or exceeds the capitalization threshold, or increases the life or value of the building by 25 percent of the original life or cost.",1.0
+1129560,accounting definition of building improvements,msmarco_passage_22_621770950,"Building Improvement Definition. Building improvements are capital events that materially extend the useful life of a building or increase its value, or both. A building improvement should be capitalized and recorded as an addition of value to the existing building if the expenditure meets the capitalization threshold.",1.0
+845121,what is the sacraments of service in the catholic church,msmarco_passage_38_796348903,The Eucharist Of The Catholic Church. 883 Words | 4 Pages. The Eucharist according to Catechism of the Catholic Church The Eucharist is one of the Seven Sacraments of the Catholic faith. For some it is the most important sacrament of the faith. What is the Catechism of the Catholic Church?,0.0
+845121,what is the sacraments of service in the catholic church,msmarco_passage_08_34123453,"is a service and social organization for adult male parishioners of Most Blessed Sacrament Catholic Church in Baton Rouge, LA. Most Blessed Sacrament Catholic Church was organized as a Parish of the Roman Catholic Diocese of Baton Rouge in 1979.",0.0
+845121,what is the sacraments of service in the catholic church,msmarco_passage_03_739112511,What does the Catholic Church teach about divorce? The Catholic Church does not permit divorce for valid sacramental marriages. In fact a valid sacramental marriage is impossible to dissolve thereby making divorce not possible if the marriage was sacramental.,0.0
+845121,what is the sacraments of service in the catholic church,msmarco_passage_45_155033601,"What is the sacrament of Holy Orders in the Catholic Church? Catholic men who âtake Holy Orders â receive a special sacrament called Holy Orders , which creates the hierarchy of deacon, priest, and bishop. These men (who are ordained by a bishop by means of that sacrament ) serve the spiritual needs of others in the Catholic Church .",0.3333333333333333
+845121,what is the sacraments of service in the catholic church,msmarco_passage_63_597359901,"In this video, I share a short survey of the seven sacraments of the Catholic Church organized into three groups: Sacraments of Initiation, Sacraments of Healing, and Sacraments at the Service of Communion. YouTube.",0.3333333333333333
+845121,what is the sacraments of service in the catholic church,msmarco_passage_11_676755663,"It can be a confusing term, especially for someone who is not familiar with Catholicism or Christianity. What is a sacrament? The Catechism of the Catholic Church gives a basic definition of a sacrament. The sacraments are efficacious signs of grace, instituted by Christ and entrusted to the Church, by which divine life is dispensed to us.",0.3333333333333333
+845121,what is the sacraments of service in the catholic church,msmarco_passage_20_679177999,"Holy Orders. Main articles: Bishop (Catholic Church), Priesthood (Catholic Church), and Catholic Deacon. Holy Orders is the Sacrament by which a layman is made a deacon, a deacon is made a priest and a priest is made a bishop, dedicated for service to the Church.",0.6666666666666666
+845121,what is the sacraments of service in the catholic church,msmarco_passage_22_468881411,"Jesus chose twelve_________________, a word that mean ""one sent"" to by his emissaries or ambassadors to the world. What is sacramental priesthood? The Catholic Sacrament of Holy Orders. Catholic men who âtake Holy Ordersâ receive a special sacrament called Holy Orders, which creates the hierarchy of deacon, priest, and bishop. These men (who are ordained by a bishop by means of that sacrament) serve the spiritual needs of others in the Catholic Church.",0.6666666666666666
+845121,what is the sacraments of service in the catholic church,msmarco_passage_40_9070969,"Church Ceremony. Marriage is one of the seven sacraments in the Catholic faith, along with sacraments like baptism, confirmation, and reconciliation. The church is considered the house of God, and it is a place of worship, so Catholics consider it very important to perform this holy sacrament in the church.",0.6666666666666666
+845121,what is the sacraments of service in the catholic church,msmarco_passage_01_649801203,"The Sacraments at the Service of Communion. The last group of sacraments are the Sacraments at the Service of CommunionâHoly Orders and Matrimony. The Catechism of the Catholic Church states: Baptism, Confirmation, and Eucharist are sacraments of Christian initiation.",1.0
+845121,what is the sacraments of service in the catholic church,msmarco_passage_52_246108062,"Seven Sacraments. There are seven sacraments which are practiced in the Catholic church. Three are about initiation into the church (baptism, confirmation, and communion), two are about healing (confession and anointing of the sick), and two are sacraments of service (marriage and holy orders).",1.0
+845121,what is the sacraments of service in the catholic church,msmarco_passage_34_59598021,The 7 Sacraments of the Catholic Church: (1) the Sacraments of Christian Initiation. Baptism. Confirmation. Eucharist. (2) the Sacraments of Healing. Penance/Reconciliation. Anointing of the Sick. (3) the Sacraments at the Service of Communion (& the Mission of the Faithful),1.0
+364210,how to help a jammed finger,msmarco_passage_53_500355276,"Jammed finger vs. broken finger. Share on Pinterest. A broken finger is often more painful than a jammed finger, although both may be treated using a splint. A broken finger will cause severe pain and swelling that lasts for hours or even days. While a jammed finger is painful, it is not usually severe.",0.0
+364210,how to help a jammed finger,msmarco_passage_52_344209725,"Fingers. Fingers can easily get hurt when training BJJ. This is why itâs fairly common to see people who practice Jiu Jitsu often tape their fingers to help prevent or deal with finger injuries. In Jiu Jitsu your fingers are in danger of jams, fractures, sprains, and dislocations.",0.0
+364210,how to help a jammed finger,msmarco_passage_12_190424771,7 Answers. Relevance. RyanGP. 1 decade ago. Favorite Answer. Depends on how bad you jam it. Ive jammed a bunch of mine from playing football. I used to pop my fingers a certain way by basically touching the tip of my finger to the center of my palm and then pressing on that knuckle until it pops.,0.0
+364210,how to help a jammed finger,msmarco_passage_55_272210065,"Could It Be Sprained or Jammed? Finger sprains or jammed fingers are injuries to the bands of tissue that help keep your bone connected with the joint. It is not easy to learn how to tell if your finger is broken because you will experience pain, swelling and stiffness whether you have a broken finger or jammed finger.",0.3333333333333333
+364210,how to help a jammed finger,msmarco_passage_25_596447400,TAG. basketball jammed finger buddy splinting buddy taping how to play basketball with a jammed finger how to treat a jammed finger from basketball jammed finger jammed finger basketball. PREVIOUS ARTICLE. Attack the Basket off the Dribble. NEXT ARTICLE.,0.3333333333333333
+364210,how to help a jammed finger,msmarco_passage_11_678680186,"How to Alleviate Pain from a Jammed Finger. Always see a medical professional if you believe you have a serious injury. In the meantime, these at-home methods can help alleviate the pain associated with a jammed finger. Take Ibuprofen. Ibuprofen can reduce swelling and help the pain, even for a broken or jammed finger.",0.6666666666666666
+364210,how to help a jammed finger,msmarco_passage_03_349953368,"Home/Bones/(Donât) Pull My Finger: How Jerking a Jammed Joint Makes Things Worse. PreviousNext. (Donât) Pull My Finger: How Jerking a Jammed Joint Makes Things Worse. For a finger jam, you can create a âbuddy splintâ by taping the jammed finger to the one next to it.",0.6666666666666666
+629937,what does a popped blood vessel in hand feel like,msmarco_passage_48_843032222,"why do i get sharp pain on the side of my head,feels like a blood vessels popping,also feeling very weak.a after the pain leaves it feels cold at area?",0.0
+629937,what does a popped blood vessel in hand feel like,msmarco_passage_55_717899492,"What To Do If Your Blood Vessel Popped. Some causes of broken blood vessels include: high blood pressure and poor circulation. There are two categories of peripheral vascular disease: peripheral arterial disease and peripheral venous disease. Popped blood vessels are no fun wherever they occur. They are painful, can cause swelling and bruising, and take a good deal of time to go away.",0.0
+629937,what does a popped blood vessel in hand feel like,msmarco_passage_28_365546634,What does it feel like to have a hot flush/flash? A hot flush is a vasomotor or blood vessel symptom that can vary in intensity and duration. A typically hot flush will last for between 30 seconds and 10 minutes.,0.0
+629937,what does a popped blood vessel in hand feel like,msmarco_passage_09_484020911,"Treatment for Popped Blood Vessel in Hands and What are Its Causes. A R Health Tips 5 August 10, 2011 Popped Blood Vessel in Finger, Popped Blood Vessel in Hands, Treatment for Popped Blood Vessel in Hands 1 Comment.",0.3333333333333333
+629937,what does a popped blood vessel in hand feel like,msmarco_passage_35_97810421,Contents [ show] 0.1 Common causes behind Popped blood vessel in hand: 0.2 Symptoms of popped blood vessel in hand: 0.3 Common and natural treatments for popped blood vessel in hand: 0.4 Home remedies for popped blood vessel in hand: 0.5 The outlook for popped blood vessel in hand:,0.3333333333333333
+629937,what does a popped blood vessel in hand feel like,msmarco_passage_09_484021871,"Treatment for Popped Blood Vessel in Hands. Generally, a popped blood vessel is insignificant and undamaging. Mostly it takes a week or two to heal on its own. However, if symptoms like pain, swelling, bleeding and bruise persists, a person can use any of the following home remedies:",0.6666666666666666
+629937,what does a popped blood vessel in hand feel like,msmarco_passage_35_97819308,"The appearance of patch or dot under the skin due to popped blood vessel in hand is because of the blood clots formed there. The clot also hampers the fast flow of blood through the vessels causing bulging to the blood vessels of the area. This, in turn, results in increased pressure causing further rupture of blood vessels and more blood oozing out under the skin (increase in pressure inside the arteries weakens their walls).",0.6666666666666666
+629937,what does a popped blood vessel in hand feel like,msmarco_passage_35_97809978,"If your problem of popped blood vessel in finger is not getting resolved with these home remedies, you need to consult your healthcare provider regarding advice as to what is the exact problem causing popped blood vessel in finger in you, and how it needs to be treated. You should not neglect this problem at all.",0.6666666666666666
+629937,what does a popped blood vessel in hand feel like,msmarco_passage_35_97813720,"Symptoms of popped blood vessel in hand: Bursting of blood vessels or popped blood vessel in hand and subsequent bleeding under the skin of your hands has the following symptoms: Swelling in the affected area of the skin. In some cases, an associated fracture in the bone may take place. Some pain (minor) may be felt upon touching the affected area.",1.0
+629937,what does a popped blood vessel in hand feel like,msmarco_passage_39_119423024,"Achenbachâs Syndrome (Popped Blood Vessels in Finger) When a blood vessel pops in the finger, the function of the fingers is compromised. Pain, inflammation, and swelling may render the hand immobile for a time. This condition is known as Achenbachâs syndrome.",1.0
+935964,when are whales most active for whale watching in massachusetts,msmarco_passage_48_479279848,Guests can check with the company when they book their tour. Whale watching is a must-do activity when visiting HawaiÊ»i Island during whale season. It is no wonder itâs one of the most popular times of the year to visit the Island of HawaiÊ»i. See also: Whale Watching on Big Island â with tips on where to see the most âwhale actionâ.,0.0
+935964,when are whales most active for whale watching in massachusetts,msmarco_passage_67_1062167,"Click on thumbnail to buy. While on the east coast, you may also want to see the New Bedford Whaling Museum in Massachusetts. It is weel worth the trip! Return to Top. Return to Whale Activities. Return Home to Whale Facts from Whale Watching East Coast.
+.",0.0
+935964,when are whales most active for whale watching in massachusetts,msmarco_passage_53_663304422,"In addition, it is the best season to go whale watching for blue whales and humpback whales. In early fall, the whales will go away, however, so it no longer becomes a good excursion activity. Winter is the best time for sunsets and gray whale watching. This is also when other seals begin pupping on the islands.",0.0
+935964,when are whales most active for whale watching in massachusetts,msmarco_passage_66_186283170,"Nature and Wildlife Whale Watching Water Sports Cruises, Sailing & Water Tours Outdoor Activities Tours & Sightseeing Boston Nature and Wildlife - Massachusetts Whale Watching - Massachusetts Nature and Wildlife - Salem Whale Watching - Salem Nature and Wildlife - Long Island Whale Watching - Long Island. Category.",0.3333333333333333
+935964,when are whales most active for whale watching in massachusetts,msmarco_passage_60_349909265,"A Gloucester and Boston MA Area. Whale Watching Tour. Gloucester's most. popular whale watch! BOOK NOW. Cape Ann Whale Watch in Gloucester, Massachusetts provides guaranteed whale sightings for every whale watching tour out to Stellwagen Bank, a national marine preserve about 12 miles off the coast of Gloucester deemed one of the ""Top 5 Whale Watching Destinations in the World"" by the World Wildlife Fund due to the wide variety of whale species whom migrate to the coast of Gloucester, Massachusetts every year to feed on the abundant natural resources.",0.3333333333333333
+935964,when are whales most active for whale watching in massachusetts,msmarco_passage_03_424880023,"Trips. There's no shortage of whale watching trips in Massachusetts. Most whale watching boats guarantee sightings and offer a return ticket if no whales are spotted. A number of whale watching cruises have naturalists on board who talk about whale behavior, spotting techniques and species while the boat travels to the feeding grounds.",0.3333333333333333
+935964,when are whales most active for whale watching in massachusetts,msmarco_passage_54_800253094,"The whales migrate north to Massachusetts to feed on mackerel, herring, krill and other schooling fish that breed in our nutrient-rich waters. As soon as the weather turns cold, however, whales travel south to warmer waters to breed and give birth. Whales most commonly sighted on Nantucket whale watching trips are Humpback whales, Finback whales, and Minke whales.",0.6666666666666666
+935964,when are whales most active for whale watching in massachusetts,msmarco_passage_03_424879522,"Maryellen Cicione, Leaf Group Updated March 22, 2018. Spring and summer are the best times for whale watching in Massachusetts. (Photo: whale's tail image by Xavier MARCHANT from Fotolia.com ) If you love marine life, consider whale watching off the coast of Massachusetts, which is known to have some of the best whale watching opportunities in the world.",0.6666666666666666
+935964,when are whales most active for whale watching in massachusetts,msmarco_passage_31_370489867,"Massachusetts. Massachusetts is a top whale-watching destination in the United States and the world. In just about 40 km (25 mi) off the coast, one can see pods of humpback, fin, sperm, and pilot whales. Sei, right and blue whales have been also spotted occasionally. Whales migrate to New England due to an abundance of mackerel, herring, and krill in its waters during warmer times.",0.6666666666666666
+935964,when are whales most active for whale watching in massachusetts,msmarco_passage_03_424881978,"Whale Watching Season. The best time for whale watching in Massachusetts is from April to October, though whales dwell in Bay State waters as early as mid-March and as late as early November. Whales migrate to Massachusetts to feed on mackerel, herring, krill and other schooling fish that breed in these nutrient-rich waters.",1.0
+112700,crest syndrome esophageal dysfunction,msmarco_passage_00_723246660,"UMLS. Calc/Rayn/sclerodact/oes/telan, Calcinos, Raynaud, sclerodactyly, esophageal, telangiect, Calcinos, Raynaud, sclerodactyly, oesophageal, telangiect, Calcinosis cutis, Raynaud's, esophageal dysfunction, sclerodactyly and telangiectasia, Calcinosis, Raynaud's phenomenon, sclerodactyly, esophageal dysfunction, telangiectasia syndrome, Calcinosis, Raynaud's phenomenon, sclerodactyly, oesophageal dysfunction, telangiectasia syndrome, CREST, CREST - Calc, Raynaud, sclerodact, oesoph, telangiect, CREST - Calc,Rayn phen,oesoph dysf,sclerodact,telangiectasia, CREST - Calc/Rayn/scl/oes/tel, CREST - Calcinosis, Raynaud's phenomenon, esophageal dysfunction, sclerodactyly, telangiectasia, CREST - Calcinosis, Raynaud's phenomenon, oesophageal dysfunction, sclerodactyly, telangiectasia, CREST - Calcinosis, Raynaud's phenomenon, sclerodactyly, esophageal involvement, telangiectasia synd, CREST - Calcinosis, Raynaud's phenomenon, sclerodactyly, oesophageal involvement, telangiectasia syn, CREST Syndrome, CREST VARIANT OF SCLERODERMA, Syndrome, CREST.",0.0
+112700,crest syndrome esophageal dysfunction,msmarco_passage_27_507500474,"Esophageal motility dysfunction in children with Rett syndrome, gastroesophageal reflux, and dysphagia. (2) Predisposing factors to bezoars, in addition to dietary behaviour, include previous gastric surgery, particularly partial gastrectomy or truncal vagotomy with pyloroplasty.",0.0
+112700,crest syndrome esophageal dysfunction,msmarco_passage_11_709382972,Iliac Crest Pain Syndrome. Causes of Iliac Crest Pain. Signs and Symptoms of Iliac Crest Syndrome. Diagnosis of Iliac Crest Pain Syndrome. Treatment for Iliac Crest Pain. Exercises for Iliac Crest. Iliac Crest Bone Graft:,0.0
+112700,crest syndrome esophageal dysfunction,msmarco_passage_36_792525846,"CREST syndrome âą AARDA. 0. CREST syndrome. CREST syndrome is an acronym for calcinosis, Raynaudâs phenomenon, esophageal dysfunction, sclerodactyly, and telangiectasia. CREST syndrome is an acronym for c alcinosis, R aynaudâs phenomenon, e sophageal dysfunction, s clerodactyly, and t elangiectasia.",0.3333333333333333
+112700,crest syndrome esophageal dysfunction,msmarco_passage_27_631089875,"CREST Syndrome. CREST syndrome is a clinical variant of scleroderma characterized by a combination of Calcinosis cutis, Reynaud phenomenon, Esophageal dysfunction, Sclerodactyly, and Telangiectasia. Telangiectasia may occur on the lips and oral mucosa, and presents as red dots or plaques.",0.3333333333333333
+112700,crest syndrome esophageal dysfunction,msmarco_passage_28_560799651,"Interpretation. In various reported clinical studies, centromere antibodies occur in 50% to 96% of patients with calcinosis, Raynaud phenomenon, esophageal dysfunction, sclerodactyly, and telangiectasis (CREST) syndrome. A positive test for centromere antibodies is strongly associated with CREST syndrome. The presence of detectable levels of centromere antibodies may antedate the appearance of diagnostic clinical features of CREST syndrome by several years.",0.3333333333333333
+112700,crest syndrome esophageal dysfunction,msmarco_passage_33_528428380,"Difficulty in swallowing. In CREST syndrome, people often face swallowing difficulties, due to their problem in the esophagus. The loss of control over the esophageal muscles at the upper and lower end can cause difficulty in swallowing and let back flow the acidic content of the stomach into the esophagus.",1.0
+806694,what is the average pay scale in massachusetts for a sonographer,msmarco_passage_35_632346157,"Salaries for Massachusetts Veterinary Technicians. Vet techs working in Massachusetts can expect to command a competitive salary. The average annual pay for a vet tech in the state is $40,120, as compared to the national average of $32,570. Vet techs can earn as much as $54,590 on the high end of the pay scale.",0.0
+806694,what is the average pay scale in massachusetts for a sonographer,msmarco_passage_03_640979692,"Welder Regional Salary Comparison. Ohio welders' pay is closer to the lower end of the scale compared to other states. The highest paying state for welders is Alaska, paying an average yearly salary of $63,370, or $30.47 an hour. The other top-paying states include Louisiana, Washington, Kentucky and Massachusetts.",0.0
+806694,what is the average pay scale in massachusetts for a sonographer,msmarco_passage_68_795501345,"What Is the Average Correctional Officer Salary by State. Table View. State. Annual Salary. Monthly Pay. Weekly Pay. Hourly Wage. Massachusetts. $38,075.",0.0
+806694,what is the average pay scale in massachusetts for a sonographer,msmarco_passage_03_656417557,The Average Pay of a Licensed Phlebotomist. Hourly Wages for Certified Welding Inspector. Salary of a Cardiac Catheterization Technologist. The Average Sonographer Salary. The Pay Scale for a Cardiac Sonographer. How to Train to Be a Phlebotomist. Wages for a Nursing Unit Clerk.,0.3333333333333333
+806694,what is the average pay scale in massachusetts for a sonographer,msmarco_passage_02_311093452,"A: Diagnostic medical sonographers employed in California earned an average salary of $100,960 in 2019. Average Diagnostic Medical Sonographer Pay vs. Other Best Jobs. Diagnostic Medical Sonographers earned an average salary of $75,780 in 2019.",0.3333333333333333
+806694,what is the average pay scale in massachusetts for a sonographer,msmarco_passage_03_465740313,"Ultrasound Technician Salary in Massachusetts. For diagnostic medical sonographers in Massachusetts, their median annual salary in 2013 was $80,500; much higher than the national median of $66,400. Ultrasound technicians who were in the top 10% of earners averaged an annual salary of $101,700 while those in the bottom 10% earned $54,600.",0.6666666666666666
+806694,what is the average pay scale in massachusetts for a sonographer,msmarco_passage_10_438396101,"Ultrasound Tech Salary by State. Sonographers who compare ultrasound tech salary by state or locale will find significant variations in the remuneration available. At $93,350 annual in 2016, California has the highest average salary for ultrasound technician followed by Washington, Oregon, Colorado and Massachusetts, all with averages between $81,050 and $86,970.",0.6666666666666666
+806694,what is the average pay scale in massachusetts for a sonographer,msmarco_passage_03_862597299,"Diagnostic Sonographer Salary in Massachusetts - MA. In Massachusetts, ultrasound technicians are among some of the best paid in this profession in the entire country. In fact, the average diagnostic sonographer salary in Massachusetts is $78,460 per year, much higher than the national average of $63,640.",1.0
+806694,what is the average pay scale in massachusetts for a sonographer,msmarco_passage_06_80537254,"It was followed by Oregon at $81,010 and Washington at $79,980. Massachusetts ranked fourth, with an average salary of $78,450 per year. The lowest-paying state was Alabama, where medical sonographers earned an average of $47,540 per year. 00:00. 00:02 09:16.",1.0
+646091,what does prenatal care include,msmarco_passage_61_48261236,"Rating. Mostly False. About this rating. What's True. Prenatal care makes up a small portion of Planned Parenthood's services, and not all Planned Parenthood affiliates offer these services. What's False. Planned Parenthood offers a number of reproductive health services other than abortion -- including prenatal care (and referrals to prenatal care providers) -- at multiple health centers across the U.S. and has not claimed to offer prenatal care at all their centers.",0.0
+646091,what does prenatal care include,msmarco_passage_65_54632553,Planned Parenthood Doesn't Offer Prenatal Care-Truth! & Fiction! - Truth or Fiction? Planned Parenthood Doesn't Offer Prenatal Care-Truth! & Fiction! Planned Parenthood Doesnât Offer Prenatal Care- Truth! & Fiction! A viral video claims that Planned Parenthood does not provide pregnant women access to prenatal care â contrary to claims made by Planned Parenthood leadership about prenatal care.,0.0
+646091,what does prenatal care include,msmarco_passage_53_355459800,"Pregnancy and prenatal care go hand in hand. During the first trimester, prenatal care includes blood tests, a physical exam, conversations about lifestyle and more. Prenatal care is an important part of a healthy pregnancy. Whether you choose a family physician, obstetrician, midwife or group prenatal care, here's what to expect during the first few prenatal appointments.",0.3333333333333333
+646091,what does prenatal care include,msmarco_passage_50_254102779,"What services does MPE cover? You can get outpatient services like prenatal checkups, doctor visits, lab tests, prenatal vitamins, medicine, specialty medical care, eye care, dental care, emergency room care, mental health and substance abuse services, transportation to get medical care and other services.",0.3333333333333333
+646091,what does prenatal care include,msmarco_passage_67_172913145,"1. Understand the responsibilities. Before you can know if prenatal nursing is the right profession for you, it is important to understand exactly what a prenatal nurse does. Prenatal nurses provide care to expectant mothers, new mothers, and their babies. Prenatal nurses are also sometimes referred to as as perinatal nurses or registered nurses.",0.3333333333333333
+646091,what does prenatal care include,msmarco_passage_06_765034498,"What is a prenatal visit? Prenatal care is the medical care you receive during pregnancy. Prenatal care visits start early on in your pregnancy and continue regularly until you deliver the baby. They typically include a physical exam, a weight check, and various tests.",0.6666666666666666
+646091,what does prenatal care include,msmarco_passage_10_629766498,"Get early and regular prenatal care. The first 8 weeks of your pregnancy are important to your baby's development. Early and regular prenatal care can boost your chances of having a safe pregnancy and a healthy baby. Prenatal care includes screenings, regular exams, pregnancy and childbirth education, and counseling and support.",1.0
+646091,what does prenatal care include,msmarco_passage_59_580811532,"IMG Src: uticaparkclinic.com. Once you find out that you are pregnant, you should schedule a visit to your health care provider to begin prenatal care. Prenatal visits to your health care include a physical exam, weight checks, and urine sampling. It also includes a blood test and imaging test or ultrasound exams.",1.0
+647362,what does s/p mean medical,msmarco_passage_23_21747729,"13. npo medical abbreviation abbreviation npo medical abbreviation npo medical terms is it npo or n p o medical abbreviation medical abbreviation for npo medical abbreviation fro npo medical abbreviation npo medical abbreviation npo n.p.o medical abbreviation npo p mn medical abbreviation of npo medical abbreviation right npo medical npo abbreviation medical term abbreviation npo medical terminology abbreviation for npo medical terms abbreviation for npo npo abbreviation medical npo amn medical abbreviation npo emergency medical abbreviation npo gastroenterology medical abbreviation npo is what medical abbreviation npo medical abbreviation npo medical abbreviation definiton npo medical abbreviation defintion npo medical abbreviation in the nicu npo medical abbreviation latin npo medical abbreviation meaning npo medical abbreviation mivf npo medical abbreviation opa npo medical abbreviation opa combitube npo medical abbreviation quizlet npo medical term abbreviation npo mn medical abbreviation npo or n p o medical abbreviation npo p mn medical abbreviation plan npo medical abbreviation the medical abbreviation ""npo"" means the medical abbreviation npo stands for the standardized medical abbreviation npo means what does medical abbreviation npo mean what does the abbreviation npo stand for in medical terms what does the medical abbreviation npo mean what does the medical abbreviation npo stand for what is npo medical abbreviation what is the meaning of npt medical abbreviation npo what is the meaning of the medical abbreviation npo what is the medical abbreviation for npo.",0.0
+647362,what does s/p mean medical,msmarco_passage_47_431082985,"Re: * What does d. s. p. mean? In reply to: * What does d. s. p. mean? Below you will find a link to a complete list of genealogy abbreviations. The abbreviation d.s.p. stands for descessit sine parole. This is Latin for ""died without issue."".",0.0
+647362,what does s/p mean medical,msmarco_passage_25_132198296,"What Does BMS Mean on Snapchat? BMS means â B roke M y S cale,â as in someone is so hot that on a scale of 1-10 she broke my scale. What Does BP Mean on Snapchat? BP means â B *tch P leaseâ. What Does BRB Mean on Snapchat? BRB means â B e R ight B ackâ. What Does BSF Mean on Snapchat? BSF means â B est F riendâ.",0.0
+647362,what does s/p mean medical,msmarco_passage_11_726327472,s/p WA with left paresis. This might be a dumb question but what does WA mean? s/p means status post right?:uhoh21:,0.3333333333333333
+647362,what does s/p mean medical,msmarco_passage_11_727555197,"I know it stands for status post, but what does it actually mean? For example, deep vein thrombosis s/p inferior vena cava filter. Does it mean the patient developed DVT after having an IVC filter? Thanks.",0.3333333333333333
+647362,what does s/p mean medical,msmarco_passage_04_149555778,"What does sp hysterectomy mean? S/P in medical terms stands for ""status post."". It refers to a surgery or other event that occurred in the past. So s/p hysterectomy means the patient previously had her uterus removed.",0.6666666666666666
+647362,what does s/p mean medical,msmarco_passage_58_297970877,"S/P is the short for'Status Post' in medical terms. More specifically it mean the following: It's adjective, Medtalk Clinical shorthand referring to a state that follows an interventionâeg, S/P CABG, S/P cholecystectomy S/P mastectomy, S/P orchiectomy, or conditionâeg, S/P acute MI. Source:",0.6666666666666666
+395948,information about who howard gardner and what does he do,msmarco_passage_00_412195534,"The greatest confusion, however, centers on a more fundamental question about the nature of the position: What, exactly, does a Poet Laureate do? Poets Laureate are well familiar with this question, and hard-pressed to provide a clear answer. Howard Nemerov was only half joking in 1963 when he wrote, âThe Consultant in Poetry is a very busy man, chiefly because he spends so much time talking with people who want to know what the Consultant in Poetry does.â.",0.0
+395948,information about who howard gardner and what does he do,msmarco_passage_13_331398108,"When Bernadette talked to Penny about Howard and that he didn't think of him as a guy who does pervert thinks on the internet, Penny seems to understand what she's talking about. Actually, she learned about this from Howard at Season 4's fourth episode ""The Hot Troll Manifestation"".",0.0
+395948,information about who howard gardner and what does he do,msmarco_passage_18_54011527,"Relationships. Gardner became a friend of businessman and aviator Howard Hughes in the early to mid-1940s, and the relationship lasted into the 1950s. Gardner stated in her autobiography, Ava: My Story, that she was never in love with Hughes, but he was in and out of her life for about 20 years.",0.0
+395948,information about who howard gardner and what does he do,msmarco_passage_50_160647318,"The IDR-MIT is based on the work of Dr. Howard Gardner, who authored the Multiple Intelligences Theory. The IDR-MIT is not associated with any specific researchers in the field of educational psychology or any affiliated research institutions. The IDRlabs Multiple Intelligences Test was informed by Gardnerâs Multiple Intelligences Model, as published in Gardner, Howard (1983; 1993) Frames of Mind: The theory of multiple intelligences , New York: Basic Books; Gardner, Howard (1999) Intelligence Reframed.",0.3333333333333333
+395948,information about who howard gardner and what does he do,msmarco_passage_07_566533734,"Close extra sharing options. Facebook. Twitter. LinkedIn. Email. Copy Link URL Copied! Print. The Harvard education professor Howard Gardner once advised Americans, âLearn from Finland, which has the most effective schools and which does just about the opposite of what we are doing in the United States.â.",0.3333333333333333
+395948,information about who howard gardner and what does he do,msmarco_passage_30_708780716,Howard Gardner identified a total of ________ intelligences. Eight. Those who define intelligence as academic aptitude are most likely to criticize. Gardner's concept of multiple intelligences. Howard Gardner is most likely to agree that the concept of intelligence includes. spatially analyzing visual input.,0.3333333333333333
+395948,information about who howard gardner and what does he do,msmarco_passage_13_801307303,"Howard Gardner and Theory of Multiple Intelligences. Howard Gardnerâs theory of multiple intelligences is an alternate theory of an individualâs intelligence. This is completely different to what Charles Spearman deduced. Howard Gardner suggested that individuals have all kinds of intelligences, there being nine different kinds of it as he concluded, including one that was âexistentialist intelligenceâ.",0.6666666666666666
+395948,information about who howard gardner and what does he do,msmarco_passage_66_136129737,"Brief Biography of Howard Gardner. Howard Gardner was born on July 11, 1943 in Scranton, Pennsylvania. He described himself as ""a studious child who gained much pleasure from playing the piano."". He completed his post-secondary education at Harvard, earning his undergraduate degree in 1965 and his Ph.D. in 1971. 3 ï»ż.",0.6666666666666666
+395948,information about who howard gardner and what does he do,msmarco_passage_44_831905070,"Howard Gardner's Eight Intelligences. The theory of multiple intelligences challenges the idea of a single IQ, where human beings have one central ""computer"" where intelligence is housed. Howard Gardner, the Harvard professor who originally proposed the theory, says that there are multiple types of human intelligence, each representing different ways of processing information:",0.6666666666666666
+395948,information about who howard gardner and what does he do,msmarco_passage_65_399828602,"Howard Gardnerâs Theory of Multiple Intelligence. Howard Gardner of Harvard University first came up with the theory of multiple intelligences in 1983. Gardner argues that there are eight types of intelligence, far more than the standard I.Q. test can account for. He goes on to say that these multiple intelligences âchallenge an educational system that assumes that everyone can learn the same materials in the same way and that a uniform, universal measure suffices to test student learning.â.",1.0
+661905,what foods should you stay away from if you have asthma,msmarco_passage_12_201413660,what are foods you should not eat if you have hypothyroidism?? What are foods beside salt and soy that i should stay away from??,0.0
+661905,what foods should you stay away from if you have asthma,msmarco_passage_06_721899148,"Many milder attacks can be handled at home. Hereâs what to try. Avoid your triggers. If you know what your triggers are, try to stay away from them so you can avoid asthma attacks altogether. Sometimes, this isnât possibleâbut if you find yourself having an asthma attack and you know why, do what you can to get away from the culprit.",0.0
+661905,what foods should you stay away from if you have asthma,msmarco_passage_22_228073448,Controlling asthma triggers. Triggers are those things that make your asthma symptoms worse or cause asthma attacks. Many people with asthma have allergies that can be triggers. Your healthcare provider may have you get allergy testing to find out what you are allergic to. This can help you stay away from triggers.,0.0
+661905,what foods should you stay away from if you have asthma,msmarco_passage_26_186871582,"If you struggle with chronic asthma, itâs advised that you should stay away from hot pepper in large quantities. With most types of foods, tolerances can still be built up â so if youâre a spicy food fan and an asthmatic, you shouldnât have to worry too much.",0.3333333333333333
+661905,what foods should you stay away from if you have asthma,msmarco_passage_38_642898398,"In addition to asthma, if you have allergies to peanuts or garbanzo beans, it is advised for you to stay away from fenugreek. Fenugreek is related to these particular foods, and you may experience a similar allergic reaction while taking the herb. Diabetes or hypoglycemia.",0.3333333333333333
+661905,what foods should you stay away from if you have asthma,msmarco_passage_17_120561114,"Asthma. Asthma is another type of respiratory problem, but it is more severe. It is the most common answer to the question, why does ice cream make you cough. If you are suffering from asthma, then it is very important to stay away from any kind of cold meal or ice creams because you may get a life hazard by having them.",0.3333333333333333
+935353,when and where did the battle of manassas take place,msmarco_passage_04_187324081,"There was the First Battle of Bull Run and the Second Battle of
+Bull Run. They are also known as the First Battle of Manassas and
+Second Battle of Manassas. When did the Battle of Bull Run begin? The First Battle of Bull Run was in 1861. The Second Battle of
+Bull Run was in 1862.",0.0
+935353,when and where did the battle of manassas take place,msmarco_passage_04_128065496,"What was the first land battle of the US Civil War and in what state did it take place? The first major land battle of the Civil War was the First
+Battle of Bull Run, known to the South as First Manassas, in
+Virginia. Largest land battle fought by Americans? largest land battle fought by americans.",0.0
+935353,when and where did the battle of manassas take place,msmarco_passage_04_204108335,"Where eas the battle take place? The battle of gettysburg take place at the
+Pensylvania&PA. When did the battle of Vicksburg and Gettysburg take place? ANSWER
+The siege and battle of Vicksburg take place from May 19 to July
+4,1863. The battle of Gettysburg take place from July 1 to July
+3,1863.",0.0
+935353,when and where did the battle of manassas take place,msmarco_passage_35_528501965,"14. Manassas. Situated in northern Virginia, Manassas is a great place to learn about the country's history. Most visitors come here to tour the Manassas National Battlefield Park, where two important Civil War battles took place in 1861 and 1862.",0.3333333333333333
+935353,when and where did the battle of manassas take place,msmarco_passage_03_399019105,"First Battle of Bull Run. The first big land battle of the American Civil War took place near Manassas in Prince William County in Virginia on July 21, 1861. This episode is called the First Battle of Bull Run and is also known as First Manassas, the latter being the name the Confederates used. The battle came about as a result of a Union drive to try and take Richmond, Virginia, the capital of the Confederate states, as it was felt that taking the city would mean an early end to the uprising.",0.6666666666666666
+935353,when and where did the battle of manassas take place,msmarco_passage_04_128069419,"When and where was the bull run fought? The first battle of Bull Run was fought July 21, 1861 near
+Manassas, Virginia. The union forces called it Bull Run and the
+Confederate forces called it the battle of Manassas. The battle
+ended with a union retreat that turned into a rout as confederate
+forces counter attacked.",0.6666666666666666
+935353,when and where did the battle of manassas take place,msmarco_passage_06_839603877,"Contents. Prelude to the First Battle of Bull Run (Manassas) Battle Begins at Bull Run. The âRebel Yellâ at Bull Run (Manassas) Who Won The Battle of Bull Run (Manassas)? The First Battle of Bull Run, also known as the Battle of Manassas, marked the first major land battle of the American Civil War. On July 21, 1861, Union and Confederate armies clashed near Manassas Junction, Virginia.",0.6666666666666666
+935353,when and where did the battle of manassas take place,msmarco_passage_00_564032982,"Basic Facts about the First Battle of Bull Run. The date of the battle was July 21st, 1861, near the city of Manassas in Virginia. Manassas is approximately twenty five miles from Washington D.C. and near Bull Run Creek. The battle was called Manassas by the Confederates and Bull Run by the Union.",1.0
+681645,what is a divorce bench trial,msmarco_passage_17_186183087,"Contested Divorce (High Cost) If you and your spouse are unable to come to an agreement on the issues related to the divorce, you will have to endure a long and costly legal process that will include a jury or bench trial.",0.0
+681645,what is a divorce bench trial,msmarco_passage_22_338113717,"Jury Trial vs. Bench Trial. Your Rights. What Is a Bench Trial? Jury Trial vs. Bench Trial. Ijeoma Izuchukwu May 26, 2020. 516 9 minutes read. Every person has a right to a fair trial before being acquitted or convicted of a crime. A fair trial implies that the case will get heard within a reasonable time, in a public and independent court, conducted as per regulation, and overseen by an unbiased judge.",0.0
+681645,what is a divorce bench trial,msmarco_passage_05_340086795,"What is a Bench Trial? In a criminal proceeding in state court, a defendant may face a jury trial or a bench trial. A jury trial is a trial before a jury of 6 or 12 people who, after hearing the evidence and legal arguments, decide whether the defendant is guilty or not guilty of the charges against him. At a jury trial, the judge must rule on the procedural and evidentiary issues such as who can testify, what witnesses can testify about, and what documents or physical evidence the jury can consider.",0.0
+681645,what is a divorce bench trial,msmarco_passage_07_784475446,"What To Expect During A Bench Trial For Your Divorce. Just a clutch of states across the nation put a divorce case on jury trial. Everywhere else, including California, a bench trial is the default â and only â option.",0.3333333333333333
+681645,what is a divorce bench trial,msmarco_passage_07_784478867,"Should you and your soon to be ex choose to have your divorce settled in court â often a last resort, having exhausted mediation or attempts to arrive at agreement with the help of your divorce attorneys; then a bench trial is likely what you will encounter.",0.3333333333333333
+681645,what is a divorce bench trial,msmarco_passage_07_576705546,What is a Bench Trial? The alternative to a jury trial is a bench trial. A bench trial is a trial to the judge. In a jury trial the judge will determine any questions of law and the jury will decide all issues of fact.,0.3333333333333333
+681645,what is a divorce bench trial,msmarco_passage_07_784479248,"Bench trial vs. Jury trial. By taking your divorce to court, you are leaving the final decision on what is deemed to be an equitable and fair verdict on the division of marital assets, alimony payments, and child custody, among other things, to the discretion of the court.",0.6666666666666666
+681645,what is a divorce bench trial,msmarco_passage_26_451487483,"What is a Bench Trial? Trials decided by judges are known as bench trials. Bench trials are the âdefaultâ when there are no jury trials, mediations, or arbitrations. They are cheaper than the other options as they do not require additional fees, but often disfavored as they rely on a single decision-maker.",0.6666666666666666
+681645,what is a divorce bench trial,msmarco_passage_50_255012135,"The one exception is for family-law cases, like divorce or custody cases. Trials in those cases are all â bench trials,â decided by a judge, and not a jury. The original U.S. Constitutionâbefore any amendmentsâjust guaranteed a jury trial in criminal cases.",0.6666666666666666
+688007,what is a kanima,msmarco_passage_59_14447006,"6 years ago. Archived. What is the alpha version of a Kanima? / Parrish theory. While watching the mid season trailer, my boyfriend pointed out to me that Deputy Parrish was transforming into a Kanima- or something that looks like one. We were rewatching season 2, and during the last 2 or 3 episodes (of the season,) when Gerrard was controlling Kanima Jackson he ended up ""killing himself"" at the end of the championship lacrosse game.",0.0
+688007,what is a kanima,msmarco_passage_33_766605751,"Bennett the Hunter (killed by Kanima in Ice Pick) Tucker Cornish (killed by Kanima in Abomination) Sean Long (killed by Kanima in Restraint) Jessica Bartlett (killed by The Master in Restraint) Kara Simmons (killed by Kanima in Raving) 4 Beacon Hills Sheriff's Deputies (killed by Kanima in Fury) Retrieved from "" https://teenwolf.fandom.com/wiki/Kanima_Master?oldid=237677 "".",0.0
+688007,what is a kanima,msmarco_passage_09_852066333,"A werecreature will transform into a kanima due to a rooted insecurity that they lack a sense of self-worth, an personal identity. As a result, the kanima doesn't know what or who it is. In 2x04 - Abomination, it is shown to be confused and scared of its own reflection.",0.0
+688007,what is a kanima,msmarco_passage_03_266486863,"Electricity: It is revealed to be a kanima's weakness as how Tracy part-kanima was seen to be effected by taser but real kanimas are less vulnerabile than werewolves or Chimeras part-kanimas. Full Moon: like werewolves, the kanimas lose control unless they are experienced kanimas.",0.3333333333333333
+688007,what is a kanima,msmarco_passage_33_763167006,"Kanima. Like the wolf, its power is greatest at the moon's peak. Like the wolf, the Kanima is a social creature but where the wolf seeks a pack the Kanima seeks a master. The Kanima, a weapon of vengeance, is used to carry out the bidding of its master.",0.3333333333333333
+688007,what is a kanima,msmarco_passage_09_852065060,Kanima entry from the Argent bestiary. Like the wolf its power is greatest at the moon's peak. Like the wolf the Kanima is a social creature but where the wolf seeks a pack the Kanima seeks a master. The Kanima a weapon of vengeance used to carry out the bidding of its master.,0.3333333333333333
+688007,what is a kanima,msmarco_passage_33_763605332,"Kanima. A full-blooded Kanima, such as Jackson Whittemore, can transform their eyes to look like that of the reptiles they take after, which include whitish-pink sclera of their eyes with slit black pupils like a snake, along with what appeared to be vertical eyelids that appear only when their eyes are in Kanima form.",0.6666666666666666
+688007,what is a kanima,msmarco_passage_03_267542735,"Bestiary Entry on Kanima. âLike the wolf, its power is greatest at the moonâs peak. Like the wolf, the Kanima is a social creature but where the wolf seeks a pack the Kanima seeks a master. The Kanima, a weapon of vengeance, is used to carry out the bidding of its master. The Kanima was once used by a South American priest who took it upon himself to rid his village of all murderers.",0.6666666666666666
+688007,what is a kanima,msmarco_passage_03_266479480,"The kanima is about the size of an average human. It has dark green reptilian scales; while the Beta form has a long, smooth, normal tail, the tail on an Alpha kanima has a round end that is covered in spikes, which may or may not also be coated by kanima venom. The Alpha form also includes wings on the kanima's back.",1.0
+952262,when is the best time to do a home pregnancy urine test,msmarco_passage_57_447375732,"In this case, the source of hCG changes but the working of the blood home pregnancy test and urine home pregnancy test is the same. Read more: 20 Best Pregnancy Test Tips.",0.0
+952262,when is the best time to do a home pregnancy urine test,msmarco_passage_57_447372873,"In the first case, the capillary action takes the hCG particles along. In the second case, the gravitation pull makes the urine run along the pregnancy test. If you hold the kit upside, then urine wonât rise in the home pregnancy test. The pregnancy test control line appears after this: When the urine comes in contact with the pregnancy test control line, it reacts with the moisture and gives a color.",0.0
+952262,when is the best time to do a home pregnancy urine test,msmarco_passage_29_460300967,"So, pregnant women need to understand the best likely way and time to execute a urine pregnancy test at home to prevent any false positive or negative results. A home pregnancy test may be followed by a clinical urine test to authenticate the outcome of a home pregnancy test.",0.3333333333333333
+952262,when is the best time to do a home pregnancy urine test,msmarco_passage_35_333920753,The wide variation of when the urine pregnancy test becomes positive and how early pregnancy can be detected are due to four variables which determine when the home urine pregnancy test becomes positive: Timing of Implantation. Blood hCG Level. Urine hCg Level. Sensitivity of the Urine Test. 1. Timing of Implantation.,0.3333333333333333
+952262,when is the best time to do a home pregnancy urine test,msmarco_passage_48_749890435,"How to identify an evaporation line on a pregnancy test. Evaporation lines are common on pregnancy tests, but they donât appear every time. It depends on the chemical makeup of each womanâs urine. One of the best ways to avoid any confusion when using a home pregnancy test is to check your results within the reaction time.",0.3333333333333333
+952262,when is the best time to do a home pregnancy urine test,msmarco_passage_04_84678409,"While stronger smelling urine can be a sign of pregnancy, it is not a useful test. Visit your doctor for a blood test, or try a home pregnancy test. Take the home pregnancy test in the morning when the level of hCG is higher in your urine as home pregnancy tests test for this hormone."". 0 0 1. đđż.",0.6666666666666666
+952262,when is the best time to do a home pregnancy urine test,msmarco_passage_04_477738807,"A: If you want to prevent getting a really faint line pregnancy test result, then the best time for you to do the test is after you have missed your period. In addition, schedule your test for first thing in the morning, when urine is more concentrated.",0.6666666666666666
+952262,when is the best time to do a home pregnancy urine test,msmarco_passage_04_374939340,What about an at-home urine test? The best time to take an at-home pregnancy test is first thing in the morning and with your first morning urine. This is when the urine is most concentrated and has the highest level of the pregnancy hormone hCG.,1.0
+952284,when is the best time to fish with a crawfish color bait,msmarco_passage_30_313413410,"For the guys who want to have a larger crawfish feast, you must employ a trap and bait. The best bait for the crawfish trap is often the live bait. If you have to use the meat, you should ensure that it is fresh meat. With the right bait, fishing method, and timing, it is possible to have a large catch of crawfish.",0.0
+952284,when is the best time to fish with a crawfish color bait,msmarco_passage_65_468651055,"Here are two main baits to try: 1. Fish. Fish make the best pair for crawfish! Traditionally, crawfish traps from all around the world actually use fish as bait. In Sweden, people use sunfish, herring, or shiners, while Lousiana entices crawfish using ponies or gizzard shad.",0.0
+952284,when is the best time to fish with a crawfish color bait,msmarco_passage_30_313430418,"They mostly feed of crawfish during spring when they are available in plenty. If you want to cat catch fish, then crawfish bait can do the job. Catfish cannot ignore a crawfish staring at them. However, when you use crawfish as bait, you should expect competition from other fish species such as bass and bluegills.",0.0
+952284,when is the best time to fish with a crawfish color bait,msmarco_passage_53_700312764,Since the water is clear most of the year smaller natural baits work best. Fish get a better look at the bait when the water is clear so you want it to look as natural as possible. Live bait works best along with plastic worms. Shad colored crank baits and crawfish lures will draw bites when fished in the right manner.,0.3333333333333333
+952284,when is the best time to fish with a crawfish color bait,msmarco_passage_22_850847499,3 Best Seasons to Catch Bass Using Crawfish Baits. Written by Eric Matechak in Bass Fishing. Crawfish are an important food source for bass on most bodies of water and craw-patterns can be a great option to catch big bass. There are specific windows where craw baits will yield you the best results. What is the best time of year to fish with crawfish baits and lures for bass?,0.3333333333333333
+952284,when is the best time to fish with a crawfish color bait,msmarco_passage_32_132398653,"The Best Wiggle Wart Colors. As far as colors are concerned, you wonât need all 3 + colors offered by Storm. You need just a few to be covered for most fishing conditions. In the spring, it is important to have some sort of crawfish-red colored bait.",0.3333333333333333
+952284,when is the best time to fish with a crawfish color bait,msmarco_passage_11_288630511,"When to Make Lure Adjustments. In clear water, lighter, more translucent lure colors seem to. work best. Besides water clarity, time of year and preferred forage should also be considered in choosing lure color. For instance, crawfish are a main menu item on many Southern lakes in the pre-spawn, and unless the water is muddy, a crawfish-pattern crankbait like the customer top rated Rebel Crawfish bait or a brown/brown jig-and-pig emulate this natural prey.",0.6666666666666666
+952284,when is the best time to fish with a crawfish color bait,msmarco_passage_38_846335755,"Jig. Image. Five productive baits for springtime bass are (from left) a crawfish-colored crankbait, spinnerbait, jig, stickworm and walking topwater plug. I fish a jig year-round and the lure is probably the best big bass bait for me in the spring.",0.6666666666666666
+952284,when is the best time to fish with a crawfish color bait,msmarco_passage_62_65975544,"Fished off the bank and caught 4 largemouth for 13.55 lbs, caught all fish on brown phantom crawfish! This is my confidence bait on the winter as well as yo-young a lipless crawfish colored redeye. Nevertheless the wiggle wart has proved to produce quality bass for me in tough, cold, winter conditions.",0.6666666666666666
+168329,does light intensity or concentration of carbon dioxide have a higher rate of photosynthesis,msmarco_passage_38_868533273,Rate of photosynthesis. The rate of photosynthesis is affected by the following factors: concentration of carbon dioxide. availability of water. light intensity. The rate of photosynthesis is also affected by temperature because the reactions of photosynthesis are controlled by specific enzymes.,0.0
+168329,does light intensity or concentration of carbon dioxide have a higher rate of photosynthesis,msmarco_passage_04_441730262,The line does not go through the origin. This is because oxygen production and carbon dioxide uptake are affected by respiration as well as photosynthesis. Respiration uses oxygen and produces carbon dioxide. Below is a graph measuring the rate of photosynthesis plotted on carbon dioxide against light intensity:,0.0
+168329,does light intensity or concentration of carbon dioxide have a higher rate of photosynthesis,msmarco_passage_38_867365984,"At light intensities of 5.5 units and above, a carbon dioxide concentration of 0.1 per cent is limiting and the rate of photosynthesis does not increase even when light intensity is increased. Light intensity is not limiting the rate of photosynthesis at light intensities of five to eight units. As light intensity is increased the rate of photosynthesis remains the same.",0.3333333333333333
+168329,does light intensity or concentration of carbon dioxide have a higher rate of photosynthesis,msmarco_passage_04_93661343,"Those factors are temperature, the concentration of
+carbon dioxide and light intensity. What are the 3 main factors that affect the rate of photosynthesis? The intensity of light, concentration of carbon dioxide and
+temperature are the factors that can affect the rate of
+photosynthesis.",0.3333333333333333
+168329,does light intensity or concentration of carbon dioxide have a higher rate of photosynthesis,msmarco_passage_25_259214113,"8.2.8 Explain the concept of limiting factors in photosynthesis, with reference to light intensity, temperature and concentration of carbon dioxide. A limiting factor is a factor that controls a process. Light intensity, temperature and carbon dioxide concentration are all factors which can control the rate of photosynthesis.",0.3333333333333333
+168329,does light intensity or concentration of carbon dioxide have a higher rate of photosynthesis,msmarco_passage_01_685626555,At low and medium light intensity the rate of photosynthesis is directly proportional to the light intensity. As the carbon dioxide concentration increases so does the rate of photosynthesis. There is no photosynthesis at very low levels of carbon dioxide and at high levels the rate reaches a plateau.,0.6666666666666666
+168329,does light intensity or concentration of carbon dioxide have a higher rate of photosynthesis,msmarco_passage_04_93659698,"Water, light, Carbon Dioxide, and temperature. How does carbon dioxide concentration affect photosynthesis? Carbon dioxide is an essential reactant for photosynthesis to
+occur. If there is a higher concentration of carbon dioxide, then
+the rate of photosynthesis will increase, and vise versa.",0.6666666666666666
+168329,does light intensity or concentration of carbon dioxide have a higher rate of photosynthesis,msmarco_passage_03_152780110,"Greater light intensity leads to higher photosynthesis rates, as does increased carbon dioxide concentration. However, once light intensity and carbon dioxide concentration reach a certain level, photosynthesis rates level off and don't increase much further.",1.0
+168329,does light intensity or concentration of carbon dioxide have a higher rate of photosynthesis,msmarco_passage_16_243080257,"Increasing the light intensity will boost the speed of photosynthesis. Sometimes photosynthesis is limited by the concentration of carbon dioxide in the air. Even if there is plenty of light, a plant cannot photosynthesise if there is insufficient carbon dioxide.",1.0
+421946,is pulse ox screening for children law?,msmarco_passage_27_507276155,"Have a heart for children like Ava. J., Missouri resident and inventor recently contracted invention assistance leader NewProductHelp.com to represent her Crazy Pulse Ox Adapters invention to industry over the next 2 years. NewProductHelp.com Tabbed to Represent Crazy Pulse Ox Adapters Invention to Potential Licensees.",0.0
+421946,is pulse ox screening for children law?,msmarco_passage_66_437779661,"Garmin estimates up to five days of battery life with an average amount of activity and interaction and the pulse ox mode switched off. We found a life of close to four days with the pulse ox on, with a drop of around 10% overnight. Read our full Garmin Lily review .",0.0
+421946,is pulse ox screening for children law?,msmarco_passage_60_868260315,"Garmin Fenix 5. Garmin Fenix 6. Lacks pulse ox sensor and features that comes with it. The Fenix 6 comes with pulse ox which serves two functions; A. for altitude acclimation, where it can help you know when itâs not safe to continue climbing and B. sleep monitoring to help you see your sleep quality.",0.0
+421946,is pulse ox screening for children law?,msmarco_passage_38_643530429,Initial Screening: Time Pulse Ox Saturation of Right Hand % Pulse Ox Saturation of Foot % Difference (right hand â foot) %. Second Screening(1 hour following initial screen if fail initial screen) Time Pulse Ox Saturation of Right Hand % Pulse Ox Saturation of Foot % Difference (right hand â foot) %.,0.3333333333333333
+421946,is pulse ox screening for children law?,msmarco_passage_30_467348880,"Pass Result: Your baby passed the pulse oximetry screen! (PDF, 551 KB) Su bebĂ© pasĂł la prueba de oximetrĂa de pulso (PDF, 292 KB) American Heart Association: Pulse Oximetry Screening for CCHD. Childrenâs National Medical Center: Pulse Ox Congenital Heart Disease Screening. Educational Videos about CCHD Screening.",0.3333333333333333
+421946,is pulse ox screening for children law?,msmarco_passage_33_291731902,"Android - 3 lines in the top left corner of your screen. iOS - Tap more in the bottom right corner of your screen. Select Health Stats. Select Sleep. You will see three tabs displayed on the Sleep Card: Stages, Pulse Ox, and Respiration. Select Pulse Ox. You can view your Pulse Ox graph here. Garmin Connect Web.",0.3333333333333333
+421946,is pulse ox screening for children law?,msmarco_passage_38_643493231,"To improve systems for follow-up, reporting, and connection to services for infants identified by newborn screening. Newborn screening in Minnesota consists of three tests: blood spot screening, hearing screening, and pulse oximetry. Pulse oximetry, or pulse ox, is a painless, non-invasive test that measures how much oxygen is in the blood.",0.6666666666666666
+421946,is pulse ox screening for children law?,msmarco_passage_04_389002915,"There are three parts to newborn screening: the blood test (or heel stick. When the baby's heel is pricked to collect a sample of blood for newborn screening. ); the hearing screen; and pulse oximetry. Pulse oximetry, or pulse ox, is a painless, non-invasive test that measures how much oxygen is in the blood.",0.6666666666666666
+421946,is pulse ox screening for children law?,msmarco_passage_48_124893100,"TOP. Governor Cuomo Signs Legislation to Require Congenital Heart Defect Screenings for Newborns. Share. Governor Andrew M. Cuomo today announced the signing of legislation that will require birthing facilities such as general hospitals and clinics to screen newborns for congenital heart defects through pulse oximetry screening, also known as pulse ox.",1.0
+421946,is pulse ox screening for children law?,msmarco_passage_48_124892275,"Babies are dying every day from undetected heart defects, but we have the knowledge and power to prevent CCHD from taking their lives so soon. Knowing that New York State has mandated a law requiring the 'pulse ox' test to be added to newborn screening means saving lives and spreading awareness. It means hope.",1.0
+421946,is pulse ox screening for children law?,msmarco_passage_43_349492964,"This video explains what to expect during their baby's first test, and walks them through the heel stick, hearing and pulse ox screenings. The Newborn Screening Program is responsible for assuring that all infants born in New Hampshire are screened at birth for inherited medical disorders.",1.0
+707882,what is acumen fuse,msmarco_passage_66_290305495,"If you have acumen, you are very sharp at what you do. You hope your accountant and your surgeon are both known for their acumen. The noun acumen comes from the Latin word acumen, meaning âa point,â or âsting.â.",0.0
+707882,what is acumen fuse,msmarco_passage_08_846997006,"Welcom received a number of awards and recognition including Inc 500 rankings, Entrepreneur of the Year and PC Magazine Editor's Choice. Learn more about Acumen Fuse. âč ATC Professional up Anyplan âș. Login or register to post comments.",0.0
+707882,what is acumen fuse,msmarco_passage_03_58218694,"Individuals with acumen are always looking ahead, trying to gain insight into what opportunities will be coming and what competitive threats are likely to emerge. Acumen means having the ability to devise strategies to remain one step ahead of competitors, a quality sometimes called vision.",0.0
+707882,what is acumen fuse,msmarco_passage_30_366121542,"DeltekÂź Cobra. DeltekÂź Risk+. Asta Powerproject. DCMA UN/CEFACT XML Schedule Data. MicrosoftÂź Excel. Acumen Fuse does not compete with or replace the need for any of the above listed tools. In fact, it is quite the opposite; Acumen Fuse adds to these platforms by providing additional insight through metric analysis.",0.3333333333333333
+707882,what is acumen fuse,msmarco_passage_33_791849493,"FS Relationships â Even though Primavera P6 and Deltek Acumen Fuse both support all relationship types, the DCMA assessment states 90% (or more) of schedule dependencies should be Finish-Start (FS). Start-Start (SS) are acceptable, but building a whole schedule using SS is obviously unacceptable. Hard Constraints â can really affect logic and disable a schedule from being logic driven.",0.3333333333333333
+707882,what is acumen fuse,msmarco_passage_08_847001055,"Industry Applications. Acumen Fuse has applications tailored for the following industries: oil and gas, construction, IT, government and aerospace defense. Acumen Fuse also has analytical support for the DCMA 14 Point Schedule assessment and the GAO 9 scheduling best practices.",0.6666666666666666
+707882,what is acumen fuse,msmarco_passage_08_846996505,"Acumen Fuse Analyses. Acumen Fuse software provides the following analyses: ribbon analysis, time-phase analysis, intersection analysis, comparison analysis, schedule analysis, forensic analysis, logic analysis, and benchmark analysis. Patented ribbon analysis compares results between ribbons by WBS, discipline, activity type, and critical/noncritical activities.",0.6666666666666666
+707882,what is acumen fuse,msmarco_passage_30_366125078,"Improved Scheduling and Resolved Schedule Issues. Through metric libraries such as the 14 Point Assessment and Acumen Fuse's advanced schedule checks, the Acumen Fuse user is able to pinpoint and resolve scheduling flaws, ensuring a more realistic and achievable plan. Pinpoint hidden schedule issues by location, discipline, time and any other desired perspective.",0.6666666666666666
+707882,what is acumen fuse,msmarco_passage_30_366123879,"What is Acumen Fuse? Acumen Fuse is a metric analysis and visualization tool that assesses quality of schedules, accuracy of cost forecasts, realism of risk models, earned value and project performance.",1.0
+707882,what is acumen fuse,msmarco_passage_08_846998411,"Acumen Fuse. Posted Fri, 2011-01-28 22:35 by Jenn Weber. Acumen Fuse is a customizable metric analysis and visualization software tool which analyzes schedule, cost, risk, earned value, and project performance. Acumen Fuse uses metrics to pinpoint problematic areas and activities within a project and then provides solutions for improving project plans and execution strategies based on the problematic areas and activities found during the analyses.",1.0
+707882,what is acumen fuse,msmarco_passage_30_366125585,"One-Stop-Shop for Total Project Analysis. Acumen Fuse is a one-stop-shop for analysis of schedule data, cost information, risk models, earned value and project performance. Open a single Fuse workbook to analyze each discipline in one or several projects, regardless of the data source.",1.0
+30611,average age of men at marriage,msmarco_passage_57_689908011,"Within the Lifestyle Poll sample, the average age at marriage was also significantly higher than the average age of marriage for the population at large. Specifically, the average age at marriage for women in the Lifestyle Poll sample was 27.17 and the average age for their husbands was 28.94. The average age of marriage across the United States for the same time period was 23.6 for women and 25.8 for men*, so the men and women in this sample were 3 to 3.5 years older on average at the time of marriage.",0.0
+30611,average age of men at marriage,msmarco_passage_02_448906411,"Taking the 83 marriages of the 72 men, the average age is 31.5 and the median 27.8, making the average age gap 6.5 and the median 4.2 (counting first marriages for the men only, the average age is 28.3 and the median 26.3; the average age gap is 4.7 and the median 3.7). The youngest of the men at marriage - and the only teenager - was Andrew Johnson, 18 and 4 months when he married 16-year-old Eliza McCardle in 1827.",0.0
+30611,average age of men at marriage,msmarco_passage_08_467648073,"Taking
+the 83 marriages of the 72 men, the average age is 31.5 and the median
+27.8, making the average age gap 6.5 and the median 4.2 (counting first
+marriages for the men only, the average age is 28.3 and the median
+26.3; the average age gap is 4.7 and the median 3.7).",0.0
+30611,average age of men at marriage,msmarco_passage_00_570495994,"In 1890, when the U.S. Census Bureau started collecting marriage data, it was recorded that the average age of a first marriage for men was 26 years, and the average age of marriage for women was 22 years.",0.3333333333333333
+30611,average age of men at marriage,msmarco_passage_11_87651770,"In Puritan society, the average age for marriage was higher than in any other group of immigrants â the average for men was 26, and for women age 23. There was a strong imperative to marry â those who did not were ostracized. The gender ratio was about 150 men to every 100 women. Puritan women married for love â there were no arranged marriages.",0.3333333333333333
+30611,average age of men at marriage,msmarco_passage_11_59934964,"Actually age rates at marriage for men declined from 1910 through 1960. Lowest average age for marriage in men was in 1960, when the mean age for marriage was 22.8 years. Jane Austen, writing in the early 19th century, had heroines married at the earliest age of 17 or 18.",0.6666666666666666
+30611,average age of men at marriage,msmarco_passage_02_648878058,"In twenty countries, a full 10% of women married by age 15. In only 2 countries, however, are 10% of men married before the age of 18. Still, men and women are getting married later in every region of the world. The average age of marriage for women increased from 21.8 to 24.7 years from the seventies to the mid 2000s, with the average age for men rising a comparable amount.",0.6666666666666666
+30611,average age of men at marriage,msmarco_passage_01_436571677,"In 1890, the average age at marriage had been 26.1 for men, 22 for women; by 1951 men were marrying at an average age of 22.6, women at 20.4.â. Couples often married before finishing college. As weâll soon discuss, practices such as pinning signified a commitment to get married.",0.6666666666666666
+30611,average age of men at marriage,msmarco_passage_07_94355630,"For men, the average age at first marriage is 28.7, while the average woman is getting married for the first time at age 26.5. In 2007, the average age at first marriage was 27.5 years for men and 25.6 years for women, according to the report.",1.0
+30611,average age of men at marriage,msmarco_passage_40_398498150,"Here are five facts about millennials and marriage: 1. The Average Age Of Marriage Has Increased. Back in 1963, the average age a woman got married was 21, and the average age a man did was 23. The average age of a Millennial's (first) marriage has increased several years since then, to 27 for women and 29 for men, according to a 2015 Pew Research survey.",1.0
+30611,average age of men at marriage,msmarco_passage_58_388835310,"What is the average age of first marriage in the US? It's 28 (27 for women and 29 for men). Americans are getting married later and later. The average age of first marriage in the United States is 27 for women and 29 for men, up from 23 for women and 26 for men in 1990 and 20 and 22 (!) in 1960.",1.0
+975079,where does the welsh language originate from,msmarco_passage_21_533471484,"It was originally located in Rhyl. ^ ""Schools by local authority, region and Welsh medium type"". Stats Wales. Stats Wales. Archived from the original on 23 September 2016. ^ ""5-year Report"". Welsh Language Commissioner. Welsh Language Commissioner. Archived from the original on 23 September 2016.",0.0
+975079,where does the welsh language originate from,msmarco_passage_04_377487769,"What does Angharad mean? [ 3 syll. an - (g)ha- rad, ang -har- ad ] The baby girl name Angharad is pronounced aa-NGHH AA R-aa-D â . Angharad's language of origin is Welsh and it is also used mainly in the Welsh language. The name's meaning is 'much loved'. It is derived from car meaning 'love' ; an.",0.0
+975079,where does the welsh language originate from,msmarco_passage_04_380377459,"What does Reece mean? [ 1 syll. ree - ce, re - ece ] The baby boy name Reece is also used, but less frequently, as a girl name. Its pronunciation is R IY -Z â . Reece is largely used in the English and Welsh languages, and it is derived from Welsh origins. Reece is a variant of the name Rhys (English and Welsh).",0.0
+975079,where does the welsh language originate from,msmarco_passage_18_643815000,"List of doublets in Welsh [ cy] Welsh contains many doublets of native origin, where a single Indo-European root has developed along different paths in the language. Examples of this are: berw ""boiled, boiling"" and brwd ""enthusiastic"" from Proto-Indo-European * bÊ°rewh- ""to boil, brew"".",0.3333333333333333
+975079,where does the welsh language originate from,msmarco_passage_58_518024804,"In turn, these originated from the Gaulish word karros (a Gallic chariot). The Gaulish language was a branch of the Brythoic language which also used the word Karr; the Brythonig language evolved into Welsh (and Gaelic) where 'Car llusg' (a drag cart or sledge) and 'car rhyfel' (war chariot) still survive. It originally referred to any wheeled horse-drawn vehicle, such as a cart, carriage, or wagon.",0.3333333333333333
+975079,where does the welsh language originate from,msmarco_passage_68_160730821,The Welsh people are a nation and an ethnic group native to Wales. The Welsh language belongs to the Insular Celtic family and has historically been spoken mostly in Wales. The origin of the Welsh nation can be traced to the late 4th and early 5th century after the departure of the Romans. Welsh people refer to the people from Wales and also the people of Welsh ancestry who are perceived to be sharing cultural heritage and ancestral origin.,0.3333333333333333
+975079,where does the welsh language originate from,msmarco_passage_40_157215370,"Alternative Titles: British languages, P-Celtic languages. Brythonic languages, one of two groups of the modern Celtic languages, the other being Goidelic. The Brythonic languages (from Welsh brython, âBritonâ) are or were spoken on the island of Great Britain and consist of Welsh, Cornish, and Breton. They are distinguished from the Goidelic group by the presence of the sound p where Goidelic has k (spelled c, earlier q ), both derived from an ancestral form * kw in the Indo-European parent language.",0.6666666666666666
+975079,where does the welsh language originate from,msmarco_passage_34_122507568,"Welsh originates from the Celtic language spoken by the ancient Britons. Before the Roman invasion Celtic languages were spoken across Europe as far as Turkey. Celtic language came to Britain around 600BC, with one version evolving into Brythonic which formed the basis of Welsh, Cornish and Breton. When the Anglo-Saxons colonised Britain, Brythonic speakers were split up into those in northern England speaking Cumbric, those in the south-west speaking an early version of Cornish, and those speaking primitive Welsh.",0.6666666666666666
+975079,where does the welsh language originate from,msmarco_passage_04_428426158,"The history of the Welsh language. Welsh (Cymraeg) is the oldest language in Britain dating back possibly 4,000 years. The majority of European languages, including Welsh, evolved from a language now called Indo-European, which developed into nine different language groups, one of which was Celtic. In turn, Celtic developed its own family of languages.",0.6666666666666666
+818583,what is the difference between the range rover and the range rover sport,msmarco_passage_02_742069713,Land Rover Range Rover Sport by Year. 2006 Land Rover Range Rover Sport. 2007 Land Rover Range Rover Sport. 2008 Land Rover Range Rover Sport. 2009 Land Rover Range Rover Sport. 2010 Land Rover Range Rover Sport. 2011 Land Rover Range Rover Sport. 2012 Land Rover Range Rover Sport. 2013 Land Rover Range Rover Sport.,0.0
+818583,what is the difference between the range rover and the range rover sport,msmarco_passage_38_449963605,2017 Land Rover Range Rover Sport. 2016 Land Rover Range Rover Sport. 2015 Land Rover Range Rover Sport. 2014 Land Rover Range Rover Sport. 2013 Land Rover Range Rover Sport. 2012 Land Rover Range Rover Sport. 2011 Land Rover Range Rover Sport. 2010 Land Rover Range Rover Sport. 2009 Land Rover Range Rover Sport.,0.0
+818583,what is the difference between the range rover and the range rover sport,msmarco_passage_38_449962259,Land Rover Range Rover. Land Rover Range Rover Evoque. Land Rover Range Rover Sport. Land Rover Range Rover Velar. 2022 Land Rover Range Rover Sport. 2021 Land Rover Range Rover Sport. 2020 Land Rover Range Rover Sport. 2019 Land Rover Range Rover Sport. 2018 Land Rover Range Rover Sport.,0.0
+818583,what is the difference between the range rover and the range rover sport,msmarco_passage_44_757676816,"Land Rover Range Rover Sport vs. Land Rover Range Rover Velar. While the Range Rover Sport is a midsize SUV with seating for up to seven, the Land Rover Range Rover Velar is a two-row that splits the difference between the compact and midsize segments.",0.3333333333333333
+818583,what is the difference between the range rover and the range rover sport,msmarco_passage_44_757711640,"Land Rover Range Rover Sport vs. Land Rover Range Rover Velar. While the Range Rover Sport is a midsize SUV with seating for up to seven, the Land Rover Range Rover Velar is a two-row that splits the difference between the compact and midsize segments. As such, it's quite a bit less expensive than the Sport, and it offers more fuel-efficient engines.",0.3333333333333333
+818583,what is the difference between the range rover and the range rover sport,msmarco_passage_38_494073483,"2014 Range Rover Sport vs. 2014 Range Rover: Whatâs the Difference? Editorâs note: You may also want to read the updated 2019 Land Rover Range Rover Sport review and the 2019 Land Rover Range Rover review. At the highest level of the luxury SUV world is the Range Rover, a full-size Land Rover SUV with opulent features and an almost 6-figure price tag.",0.3333333333333333
+818583,what is the difference between the range rover and the range rover sport,msmarco_passage_14_602333503,"Range Rover Sport vs. Range Rover. There are two major differences between the Range Rover and Range Rover Sport. The first is seating space. The Range Rover is offered in five- and four-seat configurations only, while the Range Rover Sport is available in five- and seven-seat layouts. The second is price.",0.6666666666666666
+818583,what is the difference between the range rover and the range rover sport,msmarco_passage_38_498013421,"Whatâs the difference between a Range Rover Sport and a Range Rover? The Sport is a midsize luxury SUV with the option of three seating rows. The Range Rover is a full-size luxury SUV with seating for five or, if the client wanted, a 4-seater arrangement.",0.6666666666666666
+818583,what is the difference between the range rover and the range rover sport,msmarco_passage_38_492156110,The Land Rover Range Rover has long been a standard-bearer in luxury utility vehicles and that reputation holds up in 2020. One of the biggest differences between the Range Rover and the Range Rover Sport is that the Sport model has an available third row of seats and the standard Range Rover does not.,0.6666666666666666
+190623,for what is david w. taylor known,msmarco_passage_05_497939403,Numerology. Chaldean Numerology. The numerical value of david w. taylor in Chaldean Numerology is: 4. Pythagorean Numerology. The numerical value of david w. taylor in Pythagorean Numerology is: 1.,0.0
+190623,for what is david w. taylor known,msmarco_passage_07_763160990,"World Champ David taylor the magic man. World Champ. David taylor the magic man. David Taylor, widely known as The Magic Man, is a 4x NCAA All-American, 4x BIG 10 Champion, and a 2x NCAA Champion -- and heâs just getting started. Having wrapped up his NCAA career in March of 2014, David is just getting started on his international career and ultimately, his quest for Gold in Tokyo, 2020.",0.0
+190623,for what is david w. taylor known,msmarco_passage_23_461676891,"Gregory Taylor Mills, Sr. on The Letter âGâ in Freemasonry Signifies Gnosis. Gregory Taylor Mills, Sr. on The Letter âGâ in Freemasonry Signifies Gnosis. Liam J Curtin on Chaos Magickians in Satanâs Kingdom w/ David Livingstone.",0.0
+190623,for what is david w. taylor known,msmarco_passage_18_289262304,"History. The facility was previously known as the David W. Taylor Naval Ship Research and Development Center; it was renamed ""David Taylor Research Center (DTRC)"" in 1987 and later became the "" Carderock Division of the Naval Surface Warfare Center "" in 1992.",0.3333333333333333
+190623,for what is david w. taylor known,msmarco_passage_54_207993948,"Commission Reports and Publications. See Florida manatee sections in chapters on Species of Special Concern in past Annual Reports to Congress. Laist, David W., Taylor, Cynthia, and Reynolds, John E. III. 2013. Winter Habitat Preferences for Florida Manatees and Vulnerability to Cold. Laist, David W. and Shaw, Cameron. 2006.",0.3333333333333333
+190623,for what is david w. taylor known,msmarco_passage_30_678173837,"C. David W. Taylor. D. Albert A. Michelson. ______________ commanded gunboats off North Carolina, led daring incursions into coastal enemy inlets, and sunk the ironclad ram CSS Albemarle with a spar torpedo attached to a steam launch. B. William Barker Cushing. C. David D. Porter.",0.3333333333333333
+190623,for what is david w. taylor known,msmarco_passage_18_550907066,"David S. Taylor, CEO of Procter and Gamble. David Taylor (Wisconsin judge) (1818â1891), American jurist and legislator. David W. Taylor (1864â1940), U.S. Navy admiral and engineer. David Taylor (banker) (1929â2009), banker. David Taylor (veterinarian) (1934â2013), television presenter on animal subjects.",0.6666666666666666
+190623,for what is david w. taylor known,msmarco_passage_08_377498267,"The Model Basin retains his name as a living memorial to this distinguished naval architect and marine engineer. Taylor died in Washington, D.C. on July 28,1940. In addition to the Model Basin, the Navy has honored Taylor's legacy in several ways. In 1942, the destroyer David W. Taylor (DD-551) was named in his honor.",0.6666666666666666
+190623,for what is david w. taylor known,msmarco_passage_19_616027567,"Rear Admiral David W. Taylor (left), Chief of the Bureau of Construction and Repair, and Rear Admiral John K. Robison (right), Chief of the Bureau of Engineering, hold a model of the battlecruiser above a model of the proposed conversion to an aircraft carrier at the Navy Department on 8 March 1922.",0.6666666666666666
+190623,for what is david w. taylor known,msmarco_passage_08_377498739,"Rear Adm. David W. Taylor. Rear Admiral David Watson Taylor, USN (March 4, 1864 - July 28, 1940) was a naval architect and engineer of the United States Navy. He served during World War I as Chief Constructor of the Navy, and Chief of the Bureau of Construction and Repair. Taylor is best known as the man who constructed the first experimental towing tank ever built in the United States.",1.0
+190623,for what is david w. taylor known,msmarco_passage_05_497938979,"Freebase (0.00 / 0 votes) Rate this definition: David W. Taylor. Rear Admiral David Watson Taylor, USN was a naval architect and engineer of the United States Navy. He served during World War I as Chief Constructor of the Navy, and Chief of the Bureau of Construction and Repair.",1.0
+1006728,which cerebral lobe of the brain is involved in our ability to see?,msmarco_passage_15_573561225,"Lobes of the cerebral cortex: The human cerebral cortex includes the frontal, parietal, temporal, and occipital lobes, each of which is involved in a different higher function. The parietal lobe is located at the top of the brain. Neurons in the parietal lobe are involved in speech and reading.",0.0
+1006728,which cerebral lobe of the brain is involved in our ability to see?,msmarco_passage_58_335462263,"Cortex and Lobes of the Brain. Brain. As each of the lobes (and the cortexes located in each lobe) hold different functions, damage to the cerebral cortex can cause many different problems, depending on which part of the cerebral cortex was injured. The frontal lobe is involved in personality, emotions, decision making, speech, body movement, and more.",0.0
+1006728,which cerebral lobe of the brain is involved in our ability to see?,msmarco_passage_29_510661852,Where is the temporal lobe and what does it do? The temporal lobe is one of the four major lobes of the cerebrum in the brain. The temporal lobe is located beneath the lateral fissure in the cerebral hemispheres on both sides of the brain. The temporal lobe is involved in: Understanding and remembering what we see (vision).,0.0
+1006728,which cerebral lobe of the brain is involved in our ability to see?,msmarco_passage_65_225025567,"In addition, it regulates our sleep and synchronizes all the cerebral lobes. The occipital lobe produces delta brain waves and the neurotransmitter serotonin. Moreover, the occipital lobe is involved with the brainâs ability to recognize objects. The occipital lobe is not only responsible for visual recognition of objects but it also helps us differentiate between shapes.",0.3333333333333333
+1006728,which cerebral lobe of the brain is involved in our ability to see?,msmarco_passage_00_805095721,A: The occipital lobes form the rear ends of the two major halves of the brain - the cerebral hemispheres. They are principally concerned with our ability to see and interpret what we see. A discreet hypodensity is what someone studying a computerised tomographic (CT) scan of the brain might observe in a patient.,0.3333333333333333
+1006728,which cerebral lobe of the brain is involved in our ability to see?,msmarco_passage_65_827965155,Occipital Lobe Damage. The occipital lobes of the brain are mainly involved in processing information from the eyes. The ability to see objects is achieved by the eyes but the ability to make sense of what we see is the job of the occipital lobe.,0.3333333333333333
+226975,how does my baby get submitted for medicaid after birth,msmarco_passage_17_97011100,Why do my guppies die after giving birth? Do guppies eat their own poop? How many guppies should I get? How long does it take baby guppies to get their color? Do guppies tails grow back? Do Guppy fry need air pump? Will guppies breed in a community tank? What do I feed my baby guppies?,0.0
+226975,how does my baby get submitted for medicaid after birth,msmarco_passage_12_208890878,"How long after giving birth can I get a tummy tuck? I want to get a tummy tuck after i have my baby. I was wondering how much is the cost and how long do I have to wait after I give birth? Update: this will be my second baby and last. I got stretch marks and never was able to shrink my stomach back my first is already 5 years old so I expect more lose skin, I know a tummy tuck is the only thing that will make me feel better about my self.",0.0
+226975,how does my baby get submitted for medicaid after birth,msmarco_passage_38_608836375,"What does it mean for a baby to be in the posterior position? How common is it for a baby to be in posterior position? How will I know if my baby is in posterior position? If my baby is posterior, does that mean I'll have back labor? If my baby is posterior at birth, how will it affect my delivery?",0.0
+226975,how does my baby get submitted for medicaid after birth,msmarco_passage_25_132167309,"This backwards way of thinking does not define the Kansas medicaid plan, and does not make up how the plan is operated. If you are interested in applying for medicaid coverage in Kansas then you should visit the Departmentâs website and submit the KS medicaid applications online.",0.3333333333333333
+226975,how does my baby get submitted for medicaid after birth,msmarco_passage_27_446399410,"To establish eligibility for Medicaid benefits, the application will ask claimants to submit important documents like their birth certificate or tax return forms. Being aware of how to apply for Medicaid in MS correctly is important for all residents interested in receiving health care assistance. If you find yourself wondering, âHow and where do you sign up for Medicaid in Mississippi?â read the information below.",0.3333333333333333
+226975,how does my baby get submitted for medicaid after birth,msmarco_passage_44_466774508,Medicaid for Pregnant Women. Low-income pregnant women may be eligible for Medicaid health-care benefits. These benefits are available during pregnancy and up to 2 months after the babyâs birth. Dental benefits may also be available through your Medicaid managed care health plans.,0.3333333333333333
+226975,how does my baby get submitted for medicaid after birth,msmarco_passage_24_559073437,"Depending on income, the newborn may get Medicaid from birth to their 1st birthday. Most CHIP perinatal infants qualify for Medicaid. If the baby is eligible to get Medicaid, the mother will receive a letter and Form H3038-P, CHIP Perinatal - Emergency Medical Services Certification, in the mail before delivery.",0.6666666666666666
+226975,how does my baby get submitted for medicaid after birth,msmarco_passage_00_519959798,"I got a medicaid card for my unborn baby the day I got my own. Quoting Marissa + baby girl: "" I got a medicaid card for my unborn baby the day I got my own."". Then your baby is covered you just have to fill out the paper in the hospital or call medicaid.",0.6666666666666666
+226975,how does my baby get submitted for medicaid after birth,msmarco_passage_59_779343147,A. Hospitals often do not report. We urge every new mother to call Healthy Connections at 1-888-549-0820 and report a babyâs birth within a few days of delivery. The baby is automatically covered by Medicaid for the first 60 days after birth and your Medicaid card will cover the baby during this period.,1.0
+226975,how does my baby get submitted for medicaid after birth,msmarco_passage_65_219573228,"Newborns will be automatically enrolled in their motherâs plan at the time of birth. However, their mother may choose another plan for the baby after enrollment. Eligible Medicaid recipients will receive a letter with enrollment information, including information on how to enroll.",1.0
+493490,schizandra berry benefits,msmarco_passage_55_560682383,"Schizandra Berry. The schizandra berry is is the fruiting body of the plant. By itself, the fruit has many benefits, but only at a higher dosage. The extraction method for a real schizandra berry can be time consuming.",0.3333333333333333
+493490,schizandra berry benefits,msmarco_passage_02_234803114,"How to take the Schizandra Berry. There are many ways, traditional and modern, to consume the [easyazon_link keywords=âSchizandra Berryâ locale=âUSâ tag=âdmgbiz-20âł]Schizandra Berry [/easyazon_link]. In Japan, a tea made from Schizandra is called gomishi, while a Korean Schizandra berry wine is called omija cha.",0.3333333333333333
+493490,schizandra berry benefits,msmarco_passage_60_475043054,"Schizandra Tea. Schizandra Tea. The name may be difficult to pronounce, but schizandra herbal tea is an easy replacement for your daily java fix. Brimming with health benefits, the tea is brewed from schizandra berries, which are native to East Asia and popularly used in traditional Chinese medicine.",0.3333333333333333
+493490,schizandra berry benefits,msmarco_passage_39_306369722,"Written By. BeWellBuzz. Thereâs a whole lot more to Schizandra berries than your average beauty or health drink. Here are 8 diverse schizandra benefits for your body! For years, men and women in China have relied on the Schizandra berries to preserve their youth and beauty. Native to China and Japan, this fruit is also called wu wei zi, which means the fruit of the five flavors.",0.6666666666666666
+493490,schizandra berry benefits,msmarco_passage_27_535376955,List of Natural Supplements that Lower Cortisol. Schizandra: Schizandra is berry that is classified as an adaptogen. It has only recently started to become extensively studied so the benefits of it are just now being discovered.,0.6666666666666666
+493490,schizandra berry benefits,msmarco_passage_02_234801937,"In autumn, the plant produces round, bright red berries that grow in clusters similar to grapes. The dried berries of the Schizandra vine are the part of the plant that is used medicinally, and occasionally along with the potent seeds. [easyazon_link keywords=âSchizandra Berriesâ locale=âUSâ tag=âdmgbiz-20âł]Schizandra Berries [/easyazon_link] have been used traditionally in Russia, where they were consumed as a remedy against fatigue, as well as in Japan and Korea.",0.6666666666666666
+493490,schizandra berry benefits,msmarco_passage_09_749452951,Schizandra Berry Benefits for Sexual Libido. One of the most famous side-effects of drinking schizandra berry tea on a regular basis is its positive effects on the sexual glands and organs. It is one of the top herbal aphrodisiacs for both men and women alike.,1.0
+493490,schizandra berry benefits,msmarco_passage_06_803493824,"By Herbs List | Published: 06/13/2011. Schizandra Benefits Schizandra (sometimes spelled Schisandra) berries are a powerful adaptogen. This means that they will help you adapt to your environment allowing you to better handle stress, whether mental or physical. An adaptogen is used as an overall wellness tonic.",1.0
+237669,how is the oil pollution act of 1990 effect oil companies,msmarco_passage_17_527703255,"This statute has resulted in instrumental changes in the oil production, transportation, and distribution industries. Oil Pollution Act of 1990.
+Long title. Oil Pollution Act of 1990 - Public Law 101-380, August 18, 1990. Enacted by. the 101st United States Congress. Effective. August 18, 1990. Citations.",0.3333333333333333
+237669,how is the oil pollution act of 1990 effect oil companies,msmarco_passage_45_423986487,"The Oil Pollution Act. The Oil Spill Pollution Act - The Oil Pollution Act is an environmental regulation adopted in 1990 in the U.S. to prevent oil spill pollution. In 1990, the Oil Pollution Act was passed by U.S. Congress and amended the existing Clean Water Act, aiming to require oil storage facilities to prepare ""Facility Response Plans"".",0.3333333333333333
+237669,how is the oil pollution act of 1990 effect oil companies,msmarco_passage_36_301500596,"Oil Pollution Act of 1990.
+Long title. Oil Pollution Act of 1990 - Public Law 101-380, August 18, 1990. Enacted by. the 101st United States Congress. Effective. August 18, 1990. Citations. Public law.",0.3333333333333333
+237669,how is the oil pollution act of 1990 effect oil companies,msmarco_passage_15_789050318,The Oil Pollution Act of 1990 (OPA 90) was passed in response to the Exxon Valdez oil spill in 1989. This law forms part of US oil spill governance to mitigate and prevent civil liability from oil spills. OPA 90 requires companies to develop and maintain plans to help prevent spills and detailed plans to contain and respond to spills that may occur.,0.6666666666666666
+237669,how is the oil pollution act of 1990 effect oil companies,msmarco_passage_45_441302401,The Oil Pollution Act (OPA) of 1990 streamlined and strengthened EPA's ability to prevent and respond to catastrophic oil spills. A trust fund financed by a tax on oil is available to clean up spills when the responsible party is incapable or unwilling to do so. The OPA requires oil storage facilities and vessels to submit to the Federal government plans detailing how they will respond to large discharges.,0.6666666666666666
+237669,how is the oil pollution act of 1990 effect oil companies,msmarco_passage_45_442414342,"In some cases, EPA's involvement also includes the review and approval of the facility plans. According to the Oil Pollution Act (OPA) passed by Congress in 1990, certain facilities that store and use oil are required to prepare plans to respond to a worst-case discharge of oil. OPA also sets specific requirements for the development of such plans. In response, EPA developed regulations in 1994 that implement the facility response planning requirements of OPA.",0.6666666666666666
+764738,what is lbm in body composition,msmarco_passage_17_501553428,Further information: Body composition § Measuring body composition. Instead of mathematical estimation the actual value of LBM may be calculated using various technologies such as Dual-energy X-ray absorptiometry (DEXA).,0.0
+764738,what is lbm in body composition,msmarco_passage_60_30350787,"Body composition was estimated by measuring thigh, abdomen, and chest skin folds and thigh, bicep, and calf circumference. After 14 days, subjects receiving Cr on average lost 2.7% of their body fat and had an increase of LBM of 1.8 kg, while no changes were observed in the control group.",0.0
+764738,what is lbm in body composition,msmarco_passage_11_436102817,"LBM measured by 40 K counting. Open in new tab. Using anthropometry, 40 K counting, and specific gravity measurements, Hampton et al ( 32) examined the body composition of a racially mixed group of teenagers.",0.0
+764738,what is lbm in body composition,msmarco_passage_14_421125312,"This lbm calculator uses the Boer, the James, the Hume lbm equations for calculating lbm for adults, while the Peters lbm equation used for calculating lbm for children. In simple terms, this lean mass calculator helps to calculate your body composition.",0.3333333333333333
+764738,what is lbm in body composition,msmarco_passage_14_421129291,"Body Fat gain because of a caloric surplus. Well, the best way to calculate what is happening to your Lean Body Mass (LBM): you just have to getting your body composition analyzed. Keep in mind, without testing your body composition, there will no other way to know what any gain/loss in your body weight is due to.",0.3333333333333333
+764738,what is lbm in body composition,msmarco_passage_30_491515780,"To study the accuracy and short-term and long-term precision of body composition measurements, the authors measured body composition with DXA in 60 healthy young adults. Independent measurement of LBM (LBMK-40), obtained from the determination of the whole-body content of potassium-40 with a whole-body scintillation detector, was highly correlated with LBM determined with DXA (LBMDXA) (LBMK-40 = 1.069.LBMDXA,R2 = .996).",0.3333333333333333
+764738,what is lbm in body composition,msmarco_passage_25_498432234,"LBM is the weight of everything in the body that is not body fat. This includes muscle, water, bones, organs â everything that is not Body Fat. Most of the time, increases in LBM reflect increases in muscle (which you can also see as an increase in DLM), and is considered a positive improvement in body composition.",0.6666666666666666
+764738,what is lbm in body composition,msmarco_passage_14_421129754,"Also, give a try to this lean body mass calculator to figure out the muscle mass of your body according to standard formulas of LBM. The methods that will use for body composition analysis will at the minimum divide your body into LBM (this can be indicated to as Fat-Free Mass) and Fat Mass. These methods are:",0.6666666666666666
+764738,what is lbm in body composition,msmarco_passage_64_597917960,"Body recomposition is the process of improving body composition. In other words, it's when someone wants to lose fat and gain muscle (thereby reducing body fat percentage). Another way to look at it is that body recomposition aims to increase the proportion of lean body mass (LBM) to fat mass. LBM is your total body weight minus fat mass.",0.6666666666666666
+764738,what is lbm in body composition,msmarco_passage_17_501555126,LBM = BW â BF. Lean body mass equals body weight minus body fat. LBM + BF = BW. Lean body mass plus body fat equals body weight. LBM differs from FFM in that cellular membranes are included in LBM although this is only a small percent difference in the body's mass (up to 3% in men and 5% in women),1.0
+764738,what is lbm in body composition,msmarco_passage_04_722722682,129.0 lbs (81%) 19%. Hume 3. 120.4 lbs (75%) 25%. Related. Body Fat Calculator | Army Body Fat Calculator | BMI Calculator. Lean body mass (LBM) is a part of body composition that is defined as the difference between total body weight and body fat weight.,1.0
+764738,what is lbm in body composition,msmarco_passage_19_596453747,In equations: LBM = BW â BF. Lean body mass equals body weight minus body fat. LBM + BF = BW. Lean body mass plus body fat equals body weight. LBM differs from FFM in that cellular membranes are included in LBM although this is only a small percent difference in the body's mass (up to 3% in men and 5% in women) The percentage of total body mass that is lean is usually not quoted â it would typically be 60â90%.,1.0
+505390,supartz injections what does it made of,msmarco_passage_35_84445562,"Positive 108 ""I had the Supartz injections treatment a few months before I had the WLS. I had no problem with my insurance company then--same insurance company now, same doctor. I was due to have the Supartz injections treatment again this month as it had been 6 months since the previous treatment.",0.0
+505390,supartz injections what does it made of,msmarco_passage_24_12526658,"J7321 is a valid 2021 HCPCS code for Hyaluronan or derivative, hyalgan, supartz or visco-3, for intra-articular injection, per dose or just â Hyalgan supartz visco-3 dose â for short, used in Medical care .",0.0
+505390,supartz injections what does it made of,msmarco_passage_03_536852207,"Most insurance will cover the cost of Supartz Injections. WAKE SPORTS MEDICINE will check with your carrier prior to performing the injections. RISKS OF INJECTION. Post-injection Inflammatory Reaction: This is an uncommon reaction, which may occur after a hyaluronic acid injection.",0.0
+505390,supartz injections what does it made of,msmarco_passage_08_670356299,"When the 18 gauge needle is inserted into the knee, prior to injection of the Supartz, any joint fluid that exists in the knee that can be aspirated is removed. 6. Injection Of Supartz. 2 cc. OF Supartz (Sodium Hyaluronate) is injected with an 18 gauge needle directly into the knee joint.",0.3333333333333333
+505390,supartz injections what does it made of,msmarco_passage_66_121766949,Common Side Effects of Supartz Injections. Common side effects or adverse events associated with Supartz include: 1 ï»żï»żï»ż. Joint pain with/without inflammation. Back pain. Non-specific pain. Injection site pain/reaction. Headache. Transient swelling or pain can occur in a joint that has been injected with Supartz.,0.3333333333333333
+505390,supartz injections what does it made of,msmarco_passage_38_122727514,"What is Supartz? Supartz is one of many types of injections that can be injected into the knee joint with the hope of relieving pain and discomfort. You may know of this type of injection as a âgel injectionâ, âgel shotâ, â hyaluronic acid ,â or one of the other brand names such as âEuflexxa.â. Itâs made up of a fluid called Sodium Hyaluronate, which is similar to the substance called hyaluronan, or hyaluronate, that your body produces naturally.",0.6666666666666666
+505390,supartz injections what does it made of,msmarco_passage_08_670354349,"Supartz has recently developed a 3-injection regimen that is now available. This is also very effective in relieving pain in knee, but cannot be expected to last as long as the 5-injection regimen. Supartz Injection Technique For The Knee Joint. Supartz (Sodium Hyaluronate) is injected into the knee joint as a series of five injections.",0.6666666666666666
+505390,supartz injections what does it made of,msmarco_passage_38_122728628,"What to do after a Supartz injection. After getting a Supartz injection, it is suggested to: Avoid standing for longer than an hour at a time, or lifting heavy objects, for at least 48 hours. Not do any strenuous exercise like running, jumping, squatting, etc. for at least 48 hours.",0.6666666666666666
+505390,supartz injections what does it made of,msmarco_passage_08_670355264,"Supartz (Sodium Hyaluronate) Supartz- . is a solution of hyaluronate, a natural substance that acts like ""oil"" to cushion
+and lubricate your knee joint. Supartz is injected directly into the knee. Just a single course of treatment
+(five injections given weekly) can provide long-lasting pain relief. SUPARTZ has been in use since 1987 and approximately 143 million injections given.",1.0
+505390,supartz injections what does it made of,msmarco_passage_06_247749678,Supartz FX (Sodium Hyaluronate (Injection)) Sodium hyaluronate is similar to the fluid that surrounds the joints in your body. This fluid acts as a lubricant and shock absorber for the joints.,1.0
+508292,symptoms of neuroma pain,msmarco_passage_24_58138141,"Mortonâs Neuroma. Mortonâs neuroma involves a thickening of the tissue around the nerves leading to the toes. A common symptom of Mortonâs neuroma is a persistent pain in the ball of your foot, or the feeling that you are âwalking on a marble.â.",0.0
+508292,symptoms of neuroma pain,msmarco_passage_55_273916628,"Neuroma. A neuroma is a mass or benign tumor growing from a nerve, and a very painful condition called Morton's neuroma affects the padded part of the sole of the foot. It's located behind the third and fourth toes and before the arch. Morton's neuroma includes a thickening of the nerve tissue leading to your toes, and symptoms and causes can include:",0.0
+508292,symptoms of neuroma pain,msmarco_passage_03_350951886,"Symptoms of Mortonâs Neuroma. Common symptoms of Mortonâs Neuroma include: Feeling as a bunched up sock. Numbness or a buzzing sensation. Sharp burning pain during excessive activity. Shooting âelectricalâ pain. In the early stages of Mortonâs Neuroma, the symptoms are numbness or a wadded up sock feeling in the ball of your foot.",0.3333333333333333
+508292,symptoms of neuroma pain,msmarco_passage_51_808126959,"Neuroma Signs & Symptoms. Symptoms of a neuroma vary based on where in the body the neuroma is located and whether or not it is affecting other nerves, tissue or organs. General symptoms may include pain, tingling, numbness, and a burning sensation.",0.3333333333333333
+508292,symptoms of neuroma pain,msmarco_passage_46_636852269,"Sometimes called nerve tumors, the most common place for neuromas is in the ball of the foot. Symptoms associated with neuromas include burning pain and numbness in the toes, but in rare cases, patients can experience arch pain, as well. Common treatment for neuromas includes cortisone injections, orthotics and surgery. 7.",0.6666666666666666
+508292,symptoms of neuroma pain,msmarco_passage_54_62695555,Symptoms of Mortonâs Neuroma: Causes of Mortonâs Neuroma Include: Numbness. Burning . Tingling. Sharp Pain. Shooting Pain. 80% of the time in the 3rd to 4th toes. 20% of the time between the 2nd and 3rd toes.,0.6666666666666666
+253263,how long does it take for a sprained wrist to heal,msmarco_passage_48_836680363,how long does it take a wrist sprain to heal | Answers from Doctors | HealthTap.,0.0
+253263,how long does it take for a sprained wrist to heal,msmarco_passage_00_170123031,How Long Does It Take For A Grade 1 Ankle Sprain To Heal. It keeps You in a how long does it take for a grade 1 ankle sprain to heal state of common and not so commonly referred to as the CRIBS â how long does it take for a grade 1 ankle sprain to heal since they are supposed to the other side and unappreciative to make them on.,0.0
+253263,how long does it take for a sprained wrist to heal,msmarco_passage_10_191792164,How long does it take a sprain wrist to heal? http://answers.yahoo.com/question/index?qid=20081001200500AALWSgO.,0.0
+253263,how long does it take for a sprained wrist to heal,msmarco_passage_58_107305431,"Answered 1 year ago · Author has 524 answers and 65.2K answer views. Originally Answered: How long does it take for a sprained wrist to heal? If you consult an Orthopaedic practitioner, or so, it would take 10 days to 30 daysâŠ.",0.3333333333333333
+253263,how long does it take for a sprained wrist to heal,msmarco_passage_28_326468821,"Your Care Instructions. Your wrist hurts because you have stretched or torn ligaments, which connect the bones in your wrist. Wrist sprains usually take from 2 to 10 weeks to heal, but some take longer. Usually, the more pain you have, the more severe your wrist sprain is and the longer it will take to heal.",0.3333333333333333
+253263,how long does it take for a sprained wrist to heal,msmarco_passage_07_761661213,"Recovery time depends on how serious your wrist sprain is. These injuries may take from two to 10 weeks to heal. But that's a rough estimate. Everyone heals at a different rate, but generally, time to heal depends on the grade of sprain and proper management.",0.3333333333333333
+253263,how long does it take for a sprained wrist to heal,msmarco_passage_02_511537499,How Long Does It Take To Heal A Wrist Sprain. In Mild or Grade I Wrist Sprains show an improvement within 2-3 days. Moderate sprains can take more than a week to get healed. Severe sprains take number of weeks to even months to get cured completely.,0.6666666666666666
+253263,how long does it take for a sprained wrist to heal,msmarco_passage_39_711855226,"Recovery from a Hyperextended Wrist Sprain. Recovery time depends on how serious your wrist sprain is. A wrist sprain can take anywhere from 2 - 12 weeks to heal, depending on the severity or grade of the sprain. Grade 1 sprains typically take a few days to heal, and a Grade 2 sprain may take 2 to 4 weeks.",0.6666666666666666
+1040198,who is the final arbiter of florida law in instances where there is no federal authority?,msmarco_passage_10_107325146,"arbiter, supreme authority - someone with the power to settle matters at will; ""she was the final arbiter on all matters of fashion"". archer, bowman - a person who is expert in the use of a bow and arrow. authority - an expert whose views are taken as definitive; ""he is an authority on corporate law"".",0.0
+1040198,who is the final arbiter of florida law in instances where there is no federal authority?,msmarco_passage_63_146624801,"arbiter, supreme authority- someone with the power to settle matters at will; ""she was the final arbiter on all matters of fashion"". archer, bowman- a person who is expert in the use of a bow and arrow. authority- an expert whose views are taken as definitive; ""he is an authority on corporate law"".",0.0
+1040198,who is the final arbiter of florida law in instances where there is no federal authority?,msmarco_passage_40_177206664,"When a state statute is challenged as violating the state constitution, the final authority is the supreme court of that state; when a federal or state statute or a state constitutional provision is challenged as violating the Constitution of the United States, the ultimate arbiter is the U.S. Supreme Court.",0.3333333333333333
+1040198,who is the final arbiter of florida law in instances where there is no federal authority?,msmarco_passage_00_638907269,"INTRODUCTION. Just as the federal courts interpret federal statutes and decide matters of federal common law, the state courts are the arbiters of issues of state law. They interpret the state's constitution and statutes, and have broad powers in developing common law doctrines through judicial decisions.",0.3333333333333333
+1040198,who is the final arbiter of florida law in instances where there is no federal authority?,msmarco_passage_21_73132792,"The Court is the final arbiter of Florida law, and its decisions are binding authority for all other Florida state courtsand for federal courts when they apply Florida law. In most instances, the only appeal from the Florida Supreme Court is to the U.S. Supreme Court on questions of federal law. [1]",0.6666666666666666
+1040198,who is the final arbiter of florida law in instances where there is no federal authority?,msmarco_passage_19_125724558,"The Court is the final arbiter of Florida law, and its decisions are binding authority for all other state courts. The five Florida District Courts of Appeal are the intermediate appellate courts . The 20 Florida circuit courts are trial courts of original jurisdiction for most controversies.",0.6666666666666666
+1040198,who is the final arbiter of florida law in instances where there is no federal authority?,msmarco_passage_18_855178612,"The Court is the final arbiter of Florida law, and its decisions are binding authority for all other Florida state courts. Established upon statehood in 1845, the court is headquartered across the street from the state capitol in Tallahassee. Throughout the court's history, it has undergone many reorganizations as Florida's population has steadily grown.",0.6666666666666666
+1040198,who is the final arbiter of florida law in instances where there is no federal authority?,msmarco_passage_18_855527748,"Unlike the U.S. Supreme Court, the term ""associate justice"" is never used to describe the sitting Florida justices. The Court is the final arbiter of Florida law, and its decisions are binding authority for all other Florida state courts and for federal courts when they apply Florida law. In most instances, the only appeal from the Florida Supreme Court is to the U.S. Supreme Court on questions of federal law.",1.0
+1040198,who is the final arbiter of florida law in instances where there is no federal authority?,msmarco_passage_21_72934589,"Unlike the U.S. Supreme Court, the term ""associate justice"" is never used to describe the sitting Florida justices. The Court is the final arbiter of Florida law, and its decisions are binding authority for all other Florida state courts and for federal courts when they apply Florida law.",1.0
+1040198,who is the final arbiter of florida law in instances where there is no federal authority?,msmarco_passage_19_489886196,"The Supreme Court of Florida is the highest court in the U.S. state of Florida. The Supreme Court consists of seven judges: the Chief Justice and six Justices who are appointed by the Governor to 6-year terms and remain in office if retained in a general election near the end of each term. The Court is the final arbiter of Florida law, and its decisions are binding authority for all other Florida state courts.",1.0
+2000511,average bahamas temperature at the end of october,msmarco_passage_10_615818416,"How warm is the sea around the Bahamas in October? The average sea temperature around Nassau, Bahamas in October is 28°C.",0.0
+2000511,average bahamas temperature at the end of october,msmarco_passage_42_718305309,"September and October are also some of the most humid months, on average, in the Bahamas. If you're worried about having a bad hair day, keep the moisture in mind. November and December. By mid-November, hurricane season ends and the high season begins for cruising in the Bahamas. Humidity also drops, on average.",0.0
+2000511,average bahamas temperature at the end of october,msmarco_passage_05_149861900,"Climate and Weather in the Bahamas in June. Average temperature in the Bahamas in June: 24 to 31°C, 75 to 88°F. Sea temperature in the Bahamas in June: 27°C, 81°F. Average rainfall in June: 234mm, 9.2in.",0.0
+2000511,average bahamas temperature at the end of october,msmarco_passage_00_491587509,"with Rain. 85.0° F. 74.0° F. 6.7. N.A. During the early morning hours of an average October day in The Bahamas, you can expect the temperature will be in the vicinity of 75.8 degrees. Temperatures in The Bahamas typically rise during the day, to an average of 83.6 degrees in the early afternoon.",0.3333333333333333
+2000511,average bahamas temperature at the end of october,msmarco_passage_49_455849816,"Bahamas weather. Temperatures average 28°C (82°F) during the rest of the year, with the temperature dropping about 5°C after dark. Summer, from June to October, is the hot, rainy season, although the rain is often limited to periodic showers. Temperatures average 28°C (82°F) but can climb to 32°C (90°F). Although hurricanes are infrequent around the Bahamas, June through November marks the official Atlantic hurricane season.",0.3333333333333333
+2000511,average bahamas temperature at the end of october,msmarco_passage_05_378632605,"Bahamas Weather. Temperature, Rainfall & Hurricane Averages. The tables below list the annual average temperatures (in degrees Fahrenheit and Celsius) and rainfall (in total days, inches and millimetres) for cities and islands in The Bahamas. The locations represent the climate across the country. Freeport is at the north end of the archipelago, while Nassau is more central.",0.3333333333333333
+2000511,average bahamas temperature at the end of october,msmarco_passage_05_149863652,"Climate and Weather in the Bahamas in October. Average temperature in the Bahamas in October: 23 to 30°C, 73 to 86°F. Sea temperature in the Bahamas in October: 28°C, 82°F. Average rainfall in October: 221mm, 8.7in.",0.6666666666666666
+2000511,average bahamas temperature at the end of october,msmarco_passage_00_491588004,"The temperature in The Bahamas will typically decline by early evening, to approximately 78.2 degrees. For the month of October as a whole, temperatures in The Bahamas average around 78.8 degrees. October Temperatures in The Bahamas by Time of Day. Early Morning.",0.6666666666666666
+2000511,average bahamas temperature at the end of october,msmarco_passage_00_491587144,Typical Weather in October. October temperatures in The Bahamas range from an average low of 74.0 degrees to an average high of 85.0 degrees. The Bahamas in October: Key Facts. Monthly Averages. High.,0.6666666666666666
+2000719,business architect role definition,msmarco_passage_40_657296010,What does a business architect do? Business Architect Role Definition. What is the career path of a business architect? Business Architect Career Path. What are some certifications available for a business architect? Business Architecture Certifications.,0.0
+2000719,business architect role definition,msmarco_passage_40_657296441,"Business Architect: If you are interested in learning about the role of a Business Architect, please read this article. The industry experts, based on their experience, expertise and vantage point, have differences in what is the meaning and definition of the term business architecture.Intuitively, we all know what business architecture is, but in most cases, the devil is in the details, or perhaps the definition of what business architecture is and what it does.",0.0
+2000719,business architect role definition,msmarco_passage_42_231675382,Table of Contents. Definition Cloud Architect. The role of the Cloud Architect. Responsibilities of a Cloud Architect. Cloud architect responsibilities.,0.0
+2000719,business architect role definition,msmarco_passage_39_647001704,"July 12, 2018. 3 minute read. Stephen Watts. The system architect role is vital to the successful definition, design, delivery, and support of any IT project. A system architect analyzes and recommends the right combination of IT components to achieve a specific business, department, team, or functional goal.",0.3333333333333333
+2000719,business architect role definition,msmarco_passage_68_763018840,"In fact, many business intelligence architect jobs require experience in a role such as senior software engineer. Meanwhile, many business intelligence architects also have previous career experience in roles such as data warehouse architect or consultant.",0.3333333333333333
+2000719,business architect role definition,msmarco_passage_40_657290265,"Hence, what a business architect can earn is a function of the contributions he/she makes and how the company positions the role. In 2018, as depicted in the diagram below, it seems the average salary for a business architect is $135,000, and a senior business architect is $155,000. The range of what a business architect earns is between $101,000 and $169,000, and for a senior business architect, the salary range is $119,000 â $195,000.",0.3333333333333333
+2000719,business architect role definition,msmarco_passage_05_465591041,"Defining the Role of the Data Architect. Dec 11, 2012. Todd Schraml. Within the information technology sector, the term architect gets thrown around quite a lot. There are software architects, infrastructure architects, application architects, business intelligence architects, data architects, information architects, and more.",0.6666666666666666
+2000719,business architect role definition,msmarco_passage_40_657284735,"Of course, the description above is an ideal state and seemingly utopian vision of the role of a business architect. However, in reality, in many large companies, the role of a business architect has devolved into an appendage of IT and has run into ambiguity about the specific nature, deliverables, and intended outcomes from the position.",0.6666666666666666
+2000719,business architect role definition,msmarco_passage_05_243214294,"These leaders currently take direction from the CEO and COO; they will also receive strong guidance on their roles in business transformation from the change agent and business architect executive. Alexander Peters, PhD, is a principal analyst at Forrester Research. He will deliver a presentation on the role of the business architect in leading customer-centric transformation at Forrester's upcoming Business Process events in Boston, US (22-23 September), and in Hertfordshire, UK (30 November).",0.6666666666666666
+2000719,business architect role definition,msmarco_passage_40_657288222,"Business Architect: Dispelling the myths and misperceptions. A business architect is NOT an enterprise architect. However, because business architecture is an integral part of enterprise architecture, there are many commonalities and overlaps â at least as far as the business domain definition and strategy interpretation.",1.0
+2000719,business architect role definition,msmarco_passage_03_756807179,Bottom line: Not all strategy work is the same. Each strategy type creates a unique role for the business architect requiring a different approach and skill set. Business architects who are successfully delivering in one role should be actively developing the skills they need to move into other strategy domains.,1.0
+2000719,business architect role definition,msmarco_passage_40_657285642,"Business Architect: An overview of the business architecture professional. In this digital and cognitive age, where companies are trying to transform to the new realities and constantly evolving paradigm, the role of a business architect has become a critical underpinning to align business and technology at a foundational level.",1.0
+2001532,example of what a family advocate does,msmarco_passage_29_401749480,"Is âadvocate forâ redundant? For example, does one advocate human rights, or advocate for them?",0.0
+2001532,example of what a family advocate does,msmarco_passage_13_325977069,"Of course, Jesus does not advocate actually hating oneâs family. What He was saying is that everyone who wants to follow Him has to love and serve Him more than anything else, their own lives and even their own families.",0.0
+2001532,example of what a family advocate does,msmarco_passage_44_143527856,"If a Wellness Advocate does not meet monthly requirements to earn Unilevel commissions on their downline, the earnings will roll up to the next qualifying Wellness Advocate. Example: Wellness Advocate A is sponsored by Wellness Advocate B, who is sponsored by Wellness Advocate C.",0.0
+2001532,example of what a family advocate does,msmarco_passage_14_504022273,What does a special education advocate do? Special education advocates assist parents with understanding and participating in the special education process. The following items will give you an idea of how an advocate might be able to assist your family. How much the advocate does is up to you.,0.3333333333333333
+2001532,example of what a family advocate does,msmarco_passage_05_543284061,How can I contact The Devil's Advocate? How can a federal agency hire Devil's Advocate? How does The Devil's Advocate charge for its services? What is The Devil's Advocate & what does it do? Is The Devil's Advocate anti-lawyer in a legal fee dispute? Does Devil's Advocate have a list of good or bad lawyers?,0.3333333333333333
+2001532,example of what a family advocate does,msmarco_passage_53_268580400,"What Does It Mean to Advocate for Yourself? Self-advocacy means taking the initiative to communicate your needs and wants to others in order to support your overall well-being. By advocating for yourself at work, for example, you can develop a plan to achieve your goals.",0.3333333333333333
+2001532,example of what a family advocate does,msmarco_passage_35_626734779,"What Does a Nevada Veterans Advocate Do? A Nevada Veterans Advocate (NVA) is a person who helps educate active military members, Guard or Reserves, veterans, as well as their families about earned benefits and opportunities through U.S. military service.",0.6666666666666666
+2001532,example of what a family advocate does,msmarco_passage_41_167139160,"Be an Advocate. Be an advocate for your family member with a disability. Caregivers who are effective advocates may be more successful at getting better service. Ask questions. For example, if your family member with a disability uses a wheelchair and you want to plan a beach vacation, find out if the beaches are accessible via a car, ramp, portable walkway mat, or other equipment.",0.6666666666666666
+2001532,example of what a family advocate does,msmarco_passage_55_694857361,"During these times, nurses are expected to advocate for their patients and speak up for them. In certain cases, nurses advocate for families, too. Nurses help families clarify their goals and make them reconsider what their patients would have wanted. They give families a clearer picture of the reality and its implication to the patient.",0.6666666666666666
+2001908,how do I replace the burners on a ducane grill,msmarco_passage_41_599020154,Ducane Grill Parts | FREE shipping | Replacement parts for Ducane BBQ Grills. We stock and sell the most commonly needed Ducane replacement grill parts. Orders over $35 ship free to USA*. Ducane Grill Parts.,0.0
+2001908,how do I replace the burners on a ducane grill,msmarco_passage_25_588423660,"Other OEM replacements for Ducane oil burner electrodes include the. Crown 21182-02 Set Of Replacement Electrodes For Ducane DMR-15A With 7"" Blast Tube. Crown 21182-02 Set Of Replacement Electrodes For Ducane DMR-15A With 7"" Blast Tube Fits Ducane DMR15A, DMR-15A, DMR15A1, DMR-15A-1 Oil Burners.",0.0
+2001908,how do I replace the burners on a ducane grill,msmarco_passage_60_315345544,Common Ducane furnace repair parts. Burner flame sensor. The burner flame sensor detects when the burner flame has ignited and sends a signal to the control board to stop the igniter from operating. Replace the burner flame sensor in your Ducane furnace if the flame sensor isn't properly detecting the burner flame. Igniter.,0.0
+2001908,how do I replace the burners on a ducane grill,msmarco_passage_49_805644527,"How Do I Replace a Ducane Grill Burner? Hunker may earn compensation through affiliate links in this story. If the burner in your Ducane grill becomes too dirty, it will not cook food properly. You will notice uneven grilling due to hot spots and cold spots. It is recommended to clean your burner every one to two years.",0.3333333333333333
+2001908,how do I replace the burners on a ducane grill,msmarco_passage_49_805645003,"However, if the burner ports become clogged with grease and you are unable to clean them, it is time to replace the burner. Replacement burners can be ordered from Ducane online. You also may be able to find them at your local retail store. Advertisement.",0.3333333333333333
+2001908,how do I replace the burners on a ducane grill,msmarco_passage_12_807396088,"To do this, turn all burners off and turn off the valve on the propane cylinder. Disconnect the regulator valve, turn all burners to high and wait one minute. Now, turn the burners off again and reconnect the regulator valve. Turn the valve on the tank back on and test the burners. If these steps didnât work youâll need to replace the burners of your grill.",0.3333333333333333
+2001908,how do I replace the burners on a ducane grill,msmarco_passage_62_739729330,How do I replace the burners in my gas grill : Turn off your gas supply. Remove your cooking grates and heat shields (or briquette trays) whichever your grill uses. Remove the old burner. Install the new burner. Turn on the gas supply and ignite the burner to be sure it was installed correctly.,0.6666666666666666
+2001908,how do I replace the burners on a ducane grill,msmarco_passage_67_664905721,"Replace burners, when necessary. If your gas supply is fine and the igniter seems to be working, the problem may be with the burners under the grate of your grill. Follow your grill instructions for proper replacement procedures. Before replacing your burner, try resetting its regulator.",0.6666666666666666
+2001908,how do I replace the burners on a ducane grill,msmarco_passage_45_490564940,Install the new burners into the grill. Clip the electrode onto the new burner and insert the end of the burner onto the nozzle of the valve assembly. Repeat this step for the other burner. 5. Replace the carry-over tube and the hitch pins. Replace the carry-over tube on the new burners and replace the four hitch pins. 6.,0.6666666666666666
+2001975,how do i insert notes under a slide in powerpoint,msmarco_passage_09_830053855,"Tagged under: course, help, how-to, insert, Insert Video in PowerPoint, inserting, inserting video, instructions, learn, lessson, online video, online videos, options, overview, play, play video, playback, powerpoint, PowerPoint 2013, PowerPoint 2016, presentation, presentations, settings, slide, slides, teach, training, tutorial, video, videos.",0.0
+2001975,how do i insert notes under a slide in powerpoint,msmarco_passage_65_659218318,NOTE: Do not add audio under Insert and Record Audio; this method will not allow you to save your PowerPoint as a video since it does not synchronize timings to automatically move the slides with the audio. NOTE: Audio may start recording automatically if you have an older version of PowerPoint.,0.0
+2001975,how do i insert notes under a slide in powerpoint,msmarco_passage_50_545269937,"When you insert a new slide in PowerPoint, it uses the default Title and Content Slide layout. But if you open a new presentation, it opens a new slide with the default Title Slide layout which you have to change to Title and Content. Note: Learn how to insert a new slide in PowerPoint 2010 and how to change the slide layout in PowerPoint 2010 .",0.3333333333333333
+2001975,how do i insert notes under a slide in powerpoint,msmarco_passage_29_576494726,"Believe it or not, most people have no idea how to print speaker notes in PowerPoint. This article answers the question: how do I print notes in PowerPoint? Part 1. How to Print Slides with Notes in PowerPoint 2010 to PowerPoint for Office 365. Part 2.",0.3333333333333333
+2001975,how do i insert notes under a slide in powerpoint,msmarco_passage_34_680547766,"To add a calendar to a PowerPoint slide, you can insert an existing calendar or download additional calendar templates if you want. How to insert images below the word on PowerPoint. How to insert videos into PowerPoint 2016. In order to serve the content on a PowerPoint slide, users can insert images into a slide, insert videos on a slide, or have a requirement to insert a calendar into a slide.",0.3333333333333333
+2001975,how do i insert notes under a slide in powerpoint,msmarco_passage_50_545814322,"Insert. Insert is the default option and will place the selected picture on the slide. We have already covered what this Insert option does in our Insert Picture in PowerPoint tutorial. Do note that this option will increase the file size of the presentation, although PowerPoint 2016 does some automatic picture compression.",0.6666666666666666
+2001975,how do i insert notes under a slide in powerpoint,msmarco_passage_46_863995013,"First, you can insert many different post it or sticky notes into the PowerPoint slide by inserting a shape. Look for the shape with a folder corner, that will best fit for a post it. The folder corner shape can be found under Basic Shapes.",0.6666666666666666
+2001975,how do i insert notes under a slide in powerpoint,msmarco_passage_33_409141753,"In the Word document, click File > Save, and then click File > Close. Note: Your Word document must be closed to insert it into a PowerPoint presentation. Open PowerPoint, and click Home > New Slide. Select Slides from Outline. Find and select the Word document in the Insert Outline dialog box, and click Insert.",0.6666666666666666
+2001975,how do i insert notes under a slide in powerpoint,msmarco_passage_62_391707394,"Step 3. Select the PowerPoint file, and click the ""Insert"" button. Each slide of the PowerPoint presentation is inserted into OneNote. The slides appear as if you printed them with the attached notes from PowerPoint.",1.0
+2001975,how do i insert notes under a slide in powerpoint,msmarco_passage_46_864243182,"Here you will see a placeholder button under Slide Master menu. Click on the Insert Placeholder button and a new popup will appear. Now, you can insert a picture placeholder but also some other content types, for example a table, a smartart graphic, a media content, clipart or even text or content. Another interesting feature that PowerPoint has is to take screenshots, if you are wondering how to screenshot in Windows, you can use PowerPoint to take these screenshots and create slides with a screenshot image.",1.0
+2002146,how do you root a yucca plant,msmarco_passage_47_326502310,"How Do I Get Rid of a Yucca Plant? Unbeknownst to many people, getting rid of yucca plants is not a one-time deal. In fact, simply digging them up or cutting them down may not always be enough. Yucca plants have an extensive root system and will continue to grow long after the plant has been removed.",0.0
+2002146,how do you root a yucca plant,msmarco_passage_24_718549048,Yucca Tree Pruning. Yucca Cane Care. How to Root a Yucca Tree. How to Grow a Guava Tree. How to Grow Weeping Yuccas. Yucca Plant With Rotting Stems. How to Trim the Seed Stalk of a Yucca. How to Prune a Monkey Tree. How to Trim Mature California Pepper Trees.,0.0
+2002146,how do you root a yucca plant,msmarco_passage_33_113127721,Index of Article (Click to Jump) Introduction To Yucca Plant. Scientific Classification. Plant Specification. Root System Of Yucca Plant. Fibrous Root System. Tap Root System. Rhizomatic Root System. Uses of Yucca Plant.,0.0
+2002146,how do you root a yucca plant,msmarco_passage_06_759962800,"What is yucca? Yuccas are common garden plants with pointed leaves. There are many species of the plant, and the fruits, seeds, and flowers are often eaten. (Yucca shouldnât be confused with yuca, which is a root vegetable also known as cassava.)",0.3333333333333333
+2002146,how do you root a yucca plant,msmarco_passage_47_326493880,"After you do this, plant the seeds in a well draining potting mix, like a cactus mix. Plant the seeds one to two seed lengths deep in the soil. Place the plant in a sunny, warm place. Water the soil until you see seedlings in about one to two weeks. If you do not see seedlings in this time, allow the soil to dry out completely and resume watering. Whether you decide to try a yucca plant cutting or planting yucca seed, yucca plants are very easy to propagate.",0.3333333333333333
+2002146,how do you root a yucca plant,msmarco_passage_44_88833464,"The yucca plant will need to be kept indoors for at least two years. During this time the plant will begin to grow larger, and the roots will begin to grow deep into the pots that you have them in. Yucca roots do not like to be crowded, but will adapt to whatever situation they are in.",0.6666666666666666
+2002146,how do you root a yucca plant,msmarco_passage_57_189292382,"Tip #6 - How to Propagate Yucca. You can propagate Yucca via division, root cuttings, stem cuttings and seeds. Stems and offsets can be cut, the bottom few inches stripped of leaves and the cuttings planted and treated gently until they root.",0.6666666666666666
+2002146,how do you root a yucca plant,msmarco_passage_06_523275607,"Division from the offsets, called pups, provides you with more potted yucca plants. Remove the plant from its container (preferably outside) and remove the pup with a clean, sharp cut. A rooting compound may be applied to encourage root development on the baby, but is not necessary for most situations. Suckers will sometimes appear on canes of potted yucca plants and may also be used for growing yucca in containers.",0.6666666666666666
+2002269,how fast does a rabbit grow,msmarco_passage_61_742624871,"Rabbit Brush. Rabbit Brush or Rubber Rabbit Brush, Chrysothamnus nauseosus, is a fast growing evergreen shrub that does very well in the desert Southwest. Rabbit Brush can get up to seven feet in height and requires full sun and low watering, once established.",0.0
+2002269,how fast does a rabbit grow,msmarco_passage_09_136035553,"Here are the ways to make your hair grow faster! But remember, hair has its pace of growing, you can just facilitate your hair grow fast which means at the maximum rate it can grow. This, I assume is clear from the above section where we talked about how does hair grow and how fast does it grow!",0.0
+2002269,how fast does a rabbit grow,msmarco_passage_27_222021865,How fast does Chin Hair Grow? One area on most males that does grow whiskers just due to a normal level of hormones is on the chin. I was curious about how fast the hair or whiskers on a chin grow since shaving daily is a pain. I thought that maybe chin whiskers were growing inches per month.,0.0
+2002269,how fast does a rabbit grow,msmarco_passage_29_708782448,"Does can also have up to 13 litters per year, although this is not ideal for their health. Let us now explore the topic further, looking at how fast rabbits can breed, how many rabbits you can expect to see in a litter and how many litters can rabbits have per year. Contents [ show] 1 How Fast Do Rabbits Breed?",0.3333333333333333
+2002269,how fast does a rabbit grow,msmarco_passage_60_836233414,"This limit is called the carrying capacity. Carrying capacity is not a fixed number; it depends upon factors like how much each rabbit eats, how fast the food grows, and how well the natural systems of the island can handle the waste produced by the rabbits.",0.3333333333333333
+2002269,how fast does a rabbit grow,msmarco_passage_11_632415500,"In reality, the survival and reproduction rate of the rabbits will depend on how you care for them. Rabbits often give birth to large litters, and they do so up to two or three times a year. Also, rabbits grow very fast and reach market size quicker than most other livestock.",0.3333333333333333
+2002269,how fast does a rabbit grow,msmarco_passage_30_869441269,"How are rabbits called for different ages? A rabbit remains a baby until it grows to around 9 months, after which it becomes an adult. Rabbits remain adults until 4-5 years of age, and when they grow older they become âŠelderly rabbits ⊠of course! On average rabbits live up to 10-12 years of age.",0.6666666666666666
+2002269,how fast does a rabbit grow,msmarco_passage_04_99670055,"How long does it take for a rabbit to grow into adults. ? According to the Standard of Perfection of the American Rabbit Breeders' Association, rabbits are considered adults at the age of 6 months. Rabbits reach sexual maturity around 4 months of age. Rabbits tend to reach a mature size at around six months of age.",1.0
+2002533,how much average cost to plan a 8' tree?,msmarco_passage_49_608559587,"How much much does a pine tree cost? The price of a pine tree will depend on the size, quality of the tree, variety geographical location and where itâs purchased. On average, plan on spending anywhere from $2 for a sapling to as much as $300 for a pine tree taller than five feet.",0.0
+2002533,how much average cost to plan a 8' tree?,msmarco_passage_38_171334399,"How Much Does Palm Tree Trimming Cost In Phoenix? How Much Does Palm Tree Trimming Cost In Phoenix? If you are wondering, how much does palm tree trimming cost in Phoenix, Arizona, this post should help! The average palm tree trimming cost in Phoenix is about $637.50 in 2020. Palm trees that are as high as 30 feet will usually cost around $75 to $400.",0.0
+2002533,how much average cost to plan a 8' tree?,msmarco_passage_59_121856783,View Other Tree Removal Costs & Options: Large Tree Removal. Small Tree Removal. Trimming & Stump Removal. Large Tree Removal. Whats the Cost of Large Tree Removal. How much does it cost to have a tree removed? How Much For Oak Tree Removal. Average cost of Pine Tree Removal.,0.0
+2002533,how much average cost to plan a 8' tree?,msmarco_passage_38_120431394,"gallery Post. Written by webtechs. 20 March 2019. How Much Does Tree Planting Cost? On average medium tree planting costs $225, small tree planting costs $106, and large tree planting costs $2,423 for the US in 2019 according to HowMuch.",0.6666666666666666
+2002798,how to age steak,msmarco_passage_00_287269830,"From how dry-aging works, to how long to dry-age beef, to what you need to do to dry-age steaks at home, we could write a PhD on the subject. We havenât (yet!), but weâve done the next best thing: putting together this comprehensive primer on dry-aged steak.",0.0
+2002798,how to age steak,msmarco_passage_60_416184988,"The Food Lab: How to Grill a Steak, a Complete Guide. How To Cook A Steak In A Beer Cooler (Video) The Food Lab's Guide to Inexpensive Steak for the Grill: 5 Cuts You Should Know. The Food Lab: How to Pan Sear a Steak, a Complete Guide. The Food Lab's Complete Guide to Dry-Aging Beef at Home.",0.0
+2002798,how to age steak,msmarco_passage_22_654606970,Table of Contents. 6 Perfect Ways To Cook Tomahawk Steak in [2018] Tomahawk steak price: How to cook Tomahawk Steak: Dry Aged Tomahawk Steak: Tomahawk steak and roast tomatoes with rosemary: Tomahawk steak with salsa verde: Chargrilled Tomahawks in Herb Infused Oil: Tomahawk Steak and Sautéed Spinach.,0.0
+2002798,how to age steak,msmarco_passage_03_127853311,"What youâll learn: How to dry-age steaks at home, with results just like expensive restaurants. Use inexpensive vacuum bags designed just for dry aging beef, use your own vacuum sealer. Honest review of the UMAi Dry Aged Artisan Steak Kit. Step by step photos and see how steak ages.",0.3333333333333333
+2002798,how to age steak,msmarco_passage_23_773623178,So we recommend cooking dry-aged steaks no more than medium rare. Keep in mind that a dry-aged steak will not be as âbloodyâ as a fresh-cut steak cooked to the same doneness. Here are our 7 top tips on how to prepare your dry-aged steaks to perfection. 1.,0.3333333333333333
+2002798,how to age steak,msmarco_passage_12_807033915,"All are great methods for cooking steak. Check out some of our favorite ways to grill steaks: How to Grill a Porterhouse, T-Bone, or Any Really Thick Steak. Reverse Searing vs. a More Traditional Method. Extreme Grilling: Steak Six Ways. How to Make Any Steak Tender. How to Buy and Cook a Dry-Aged Steak.",0.3333333333333333
+2002798,how to age steak,msmarco_passage_45_17981480,"Step 3. Choose a dry-aged steak. Aged steaks are more tender and flavorful. Dry aging is the process of hanging a side of beef in a cold, dry room for six months or more to age the meat. The aging allows the tendons to break down and tenderizes the meat.",0.6666666666666666
+2003157,how to cook frozen ham steak on nuwave oven,msmarco_passage_53_93826270,"5. Place tenderloin directly on 3-inch NuWave Oven. 5. Garnish with scallions and toasted rack and season with salt and sesame seeds. pepper. Page 53 To Cook a Ham Directions: The NuWave Pro Plus Infrared Oven can cook up to an 8-pound boneless ham, or a 1.",0.0
+2003157,how to cook frozen ham steak on nuwave oven,msmarco_passage_61_563826075,"Youâll need to allow for some extra cooking time, though. It generally takes about 50 percent longer to cook a frozen ham than the time it takes for a fully thawed ham. So, for instance, a ham that would normally take 4 hours to bake if was fully thawed would take 6 hours if it was put into the oven frozen. You can find a detailed cooking chart for ham here â add 50% to the time shown if youâre baking a frozen ham.",0.0
+2003157,how to cook frozen ham steak on nuwave oven,msmarco_passage_34_706971434,"HOW TO MAKE ONE TOFURKY HAM ROAST: From Frozen: With a knife or scissors, remove plastic casing from the ham roast. Place frozen roast in an oven safe pan. Pour œ Cup of water in the pan. Cover and cook at 325°F for 2 hours, 15 minutes.",0.0
+2003157,how to cook frozen ham steak on nuwave oven,msmarco_passage_33_236798798,"Telegram. Categories: Beef, Low Carb Recipes, NuWave Oven, Recipes. Tags: beef, low carb, NuWave Oven, recipe, Recipes, steak. « Cook Bacon from frozen (NuWave Oven Recipe) Perdue Raw Chicken Breast Tenderloin Fritters from Frozen (NuWave Oven Heating Instructions) ».",0.3333333333333333
+2003157,how to cook frozen ham steak on nuwave oven,msmarco_passage_57_139984980,NUWAVE Temperature Conversion Chart. Halogen Oven Recipes Nuwave Oven Recipes Nu Wave Recipes Nu Wave Oven Nuwave Air Fryer Convection Oven Cooking Recipe Conversions Cooking Time Cooking Ideas. NUWAVE Temperature Conversion Chart. A Holiday Ham with a pineapple/cherry glaze. The cooking possibilities with the NuWave Oven are virtually endless; you can even cook a 14 lb. ham in the NuWave!,0.3333333333333333
+2003157,how to cook frozen ham steak on nuwave oven,msmarco_passage_57_139986264,"NuWave Primo Combo Grill Oven. A Holiday Ham with a pineapple/cherry glaze. The cooking possibilities with the NuWave Oven are virtually endless; you can even cook a 14 lb. ham in the NuWave! BBQ Chicken Wings. I, too, love my Nuwave oven.",0.3333333333333333
+2003157,how to cook frozen ham steak on nuwave oven,msmarco_passage_07_703357661,"Rub the exterior with olive or vegetable oil, salt, pepper and your favorite steak seasoning. Unlike grills, you have to clean the NuWave cooking rack every time you use it. Insert the cooking rack in your NuWave oven and place the steaks side-by-side on the rack, making sure they don't touch each other.",0.6666666666666666
+2003157,how to cook frozen ham steak on nuwave oven,msmarco_passage_33_236882933,"Instructions: Remove all packaging from the ham and save the cooking instructions in the ham packaging. Place ham on the 1 inch rack. Use the Extender Ring, that came with your NuWave Oven. Read the packaging of the hamâs heating instructions and cook at the recommended temperature, for as long as packaging recommends.",1.0
+2003322,how to dilute ceftriaxone vial,msmarco_passage_36_771453541,"Treatment vials are created from undiluted antigen that are then drawn from and put into dilution vials. Each of the dilution vials have sequentially increasing dilutions. Traditionally, payers are billed for the total number of cubic centimeters (cc) of serum that is created from the non-diluted vial.",0.0
+2003322,how to dilute ceftriaxone vial,msmarco_passage_66_71530065,"Third, you use a dropper to take part in the solution from the extraction vial and drip it into the dilution vial. Fourth, you shake the dilution vial mixture gently for at least 15 seconds. Fifth, you use a new dropper to drip five or six drops of the dilution vial mixture into the vial's cap.",0.0
+2003322,how to dilute ceftriaxone vial,msmarco_passage_09_500173069,"The dilution per vial of Botox can vary between 1-10 mL or cc (1 mL = 1 cc) of saline. If you dilute a 100U vial of Botox with 10 mL of saline, it will be 1/10 as strong as a 100U vial of Botox diluted with 1 mL of saline solution.",0.0
+2003322,how to dilute ceftriaxone vial,msmarco_passage_44_388595387,"Ceftriaxone for Injection, USP is supplied as a sterile crystalline powder in glass vials. The following packages are available: Vials containing Ceftriaxone sodium equivalent to 1 gm Ceftriaxone Box of 25 (72572-061-25) Vials containing Ceftriaxone sodium equivalent to 2 gm Ceftriaxone Box of 25 (72572-062-25)",0.3333333333333333
+2003322,how to dilute ceftriaxone vial,msmarco_passage_57_33868992,"dilution problem I think Rx. Ceftriaxone 500mg IVPB in D5W 50mL, infuse over 30 min q12h. The 2g ceftriaxone vial states that if you reconstitute with 8.6mL, the resulting final ... infusion rate problem The Dr. Has ordered to add 5g of a Drug ""V"" to 1L NS. and infuse at a rate of 5000mg/hour.",0.6666666666666666
+2003322,how to dilute ceftriaxone vial,msmarco_passage_06_571156798,"Inject diluent into vial, shake vial thoroughly to form solution. Withdraw entire contents of vial into syringe to equal total labeled dose. After reconstitution, each 1 mL of solution contains approximately 250 mg or 350 mg equivalent of ceftriaxone according to the amount of diluent indicated below.",0.6666666666666666
+2003322,how to dilute ceftriaxone vial,msmarco_passage_37_342541282,Trick of the Trade: Give ceftriaxone IM with lidocaine. Ceftriaxone for IM use can be diluted with lidocaine 1% [1]: Ceftriaxone 250 mg vial â mix with 0.9 mL of lidocaine 1% = 250 mg/mL. Ceftriaxone 1000 mg vial â mix with 2.1 mL of lidocaine 1% = 350 mg/mL.,1.0
+2003322,how to dilute ceftriaxone vial,msmarco_passage_22_463079488,"Inject diluent into vial, shake vial thoroughly to form solution. Withdraw entire contents of vial into syringe to equal total labeled dose. How do you dilute Rocephin for IM injections? 1g ceftriaxone should be dissolved in 3.5ml of 1% Lidocaine Injection BP.",1.0
+2003976,how to put together a scuba regulator,msmarco_passage_62_583989353,"Well, thatâs why we put together some of the top questions about how to become a scuba diver. You know, the ones youâre too embarrassed to ask the guy at the dive shop. Weâve already given you 13 reasons to become a scuba diver, so now letâs answer all of your burning questions about how to become a scuba diver.",0.0
+2003976,how to put together a scuba regulator,msmarco_passage_09_397881302,"Scuba Gear. Everything you need to know about scuba gear, all in one place. Scuba gear is a critical topic for divers, from considering the best scuba gear to buy or rent for your favorite type of diving to learning how to maintain your gear so it lasts. Weâve put together everything you need to know about scuba diving gear, all in one place, from how to buy your first set of gear to ScubaLabâs top gear reviews, which culminate in our Gear of the Year recap.",0.0
+2003976,how to put together a scuba regulator,msmarco_passage_41_418957590,"A good scuba regulator is a vital part of any dive gear, reducing the high pressure combination of helium, nitrogen, and oxygen in the tanks so itâs breathable by the diver. Not all regulators are the same, however, so weâve put together a concise buyerâs guide to help those new to the sport decide which is best.",0.3333333333333333
+2003976,how to put together a scuba regulator,msmarco_passage_52_571277708,"Regulator Terminology. To understand how scuba diving regulators work, it is important to become familiar with some basic regulator vocabulary and concepts. First Stage: The first stage of a scuba diving regulator is the part of the regulator that attaches to the tank valve.",0.3333333333333333
+2003976,how to put together a scuba regulator,msmarco_passage_52_571278699,Second Stage: The second stage of a scuba diving regulator is the part that the diver puts into his mouth. Tank Pressure: The pressure of the air in a scuba tank. Air inside a tank is compressed to a very high pressure in order to carry an adequate supply of breathing gas for a scuba dive.,0.3333333333333333
+2003976,how to put together a scuba regulator,msmarco_passage_51_672284009,Scuba Regulator Cost. The scuba diving regulator consists of two parts. The first stage connects directly to the scuba tank. The second stage connects to the first stage and is the piece you put into your mouth and breathe out of. The type of regulator that you choose will depend on the conditions you dive in.,0.6666666666666666
+2003976,how to put together a scuba regulator,msmarco_passage_60_294196061,"DIN Scuba Regulators. A DIN regulator can be attached only to a DIN valve, which is incompatible with standard Yoke regulators and valves. The best way to check if your valve requires a DIN regulator is to check where the two connect - if they must be screwed together, there is a good chance you have a DIN valve.",0.6666666666666666
+2004237,how to transfer deposit to another account online westpac,msmarco_passage_49_850004394,Fast and secure online transfers and deposits. There is no fee to transfer money between your Huntington accounts and there is also no fee from Huntington if you transfer money from another financial institution â or for direct deposit to your Huntington account. Simply use online banking or the Huntington Mobile app.,0.0
+2004237,how to transfer deposit to another account online westpac,msmarco_passage_49_738318823,"How to open: Customers can apply for a GE Capital Bank online savings account on its site and fund it in one of four ways: through an electronic transfer from another account, a direct deposit payment from payroll or Social Security, a domestic wire transfer from another bank, or by mailing a check. 1.",0.0
+2004237,how to transfer deposit to another account online westpac,msmarco_passage_10_707570531,International Payments. Transfer money to and from international bank accounts in over 130 countries with Westpac Online Banking. Don't have a Westpac account?,0.3333333333333333
+2004237,how to transfer deposit to another account online westpac,msmarco_passage_02_455247231,Compare Westpac New Zealand Deposit rates. Account Name. Rate. Westpac NZ 5 Year Term Deposit. 4.10%. Westpac NZ 2 Year Term Deposit. 3.65%. Westpac NZ 6 Month Term Deposit. 3.25%.,0.3333333333333333
+2004237,how to transfer deposit to another account online westpac,msmarco_passage_46_291849753,Transfer shares from another brokerâs CHESS sponsored account. Here are the steps to a your shares to a Westpac Securities CHESS sponsored account. Complete the Standard Transfer Form from Westpacâs website. Fill out all required details. You can refer to the second page of the form for guidelines.,0.6666666666666666
+2004237,how to transfer deposit to another account online westpac,msmarco_passage_52_172036741,"Make a transfer through Online Banking. There are two types of transfers that can be submitted by logging in to your Leader Bank online banking account. From the Transfer tab, you can create an internal transfer from a Leader Bank deposit account or click âLaunch External Transferâ to schedule a payment from a non-Leader Bank deposit account.",0.6666666666666666
+2004237,how to transfer deposit to another account online westpac,msmarco_passage_10_707549243,"The process is simple: Apply for a Westpac credit card online. In your application, include the account numbers of the credit cards you would like to transfer, the providers' biller codes and the amounts you'd like to transfer. Activate your card. Any approved balance transfers will occur once your card is active.",1.0
+2004253,how to trim blank space in excel,msmarco_passage_35_576278705,"Macro to remove extra Spaces from String in Excel VBA. Here is the best excel vba remove spaces from string macro to remove spaces in Excel. Let us see the example macros to trim,delete and remove blank spaces from String in Excel VBA.",0.0
+2004253,how to trim blank space in excel,msmarco_passage_11_851268229,"VBA code to check if a cell is blank â Better Example: Avoid Empty Spaces. Sometimes, A cell or rang looks blank and we notice that the condition is failing. It is because of the empty spaces in the cell. So, whenever you want to check if a cell is empty, you can trim the Cell value and check it. Sub vba_code_to_check_if_a_cell_is_blank () 'use trim to avoide blank spaces If Trim (Cells (1, 1)) = """" Then MsgBox ""Cell is Blank"" Else MsgBox ""Cell is not blank"" End If End Sub.",0.0
+2004253,how to trim blank space in excel,msmarco_passage_06_259851529,Restrict Cell Input Based On Another Cell Value - Excel. How To Convert Ex: (8-4:30) Into Total Hours - Excel. Numbers Converting To Scientific Formats In .csv Files - Excel. Use If To Return A Truly Blank Cell - Excel. Extracting Numbers From Alphanumeric Strings - Excel. Pull From Left Until Blank (space) - Excel.,0.0
+2004253,how to trim blank space in excel,msmarco_passage_36_826068083,"How to remove blank spaces in Excel - leading, trailing, between words. If your data set contains superfluous spaces, the Excel TRIM function can help you delete them all in one go - leading, trailing and multiple in-between spaces, except for a single space character between words. A regular TRIM formula is as simple as this:",0.3333333333333333
+2004253,how to trim blank space in excel,msmarco_passage_36_824218509,Excel TRIM function - quick way to remove extra spaces. How to use LEN function in Excel to count characters in a cell. How to remove all blank rows in Excel.,0.3333333333333333
+2004253,how to trim blank space in excel,msmarco_passage_45_684499914,"In this article we will learn how to delete the unnecessary blank character from a cell, we will use âTRIMâ function in Microsoft Excel 2010. TRIM: Trim function is used to remove additional leading and trailing spaces from the text in a cell. The function will return the text after deleting the unnecessary spaces.",0.3333333333333333
+2004253,how to trim blank space in excel,msmarco_passage_61_146139449,"If that is the case, then you will have more luck with the Excel TRIM function. For example, if you have data in the A1 cell that contains blank spaces that you wish to remove, then entering the formula =TRIM (A1) into a blank cell will remove spaces from the data. You can learn more about the TRIM function here.",0.6666666666666666
+2004253,how to trim blank space in excel,msmarco_passage_55_859410059,"How to remove extra spaces with Trim Spaces for Excel. In your Microsoft Excel worksheet, select the cells, columns or rows from which you want to remove excess spaces. Start the Trim Spaces by clicking on its icon, or go to Excel Menu Ablebits.com -> Trim Spaces for Excel .",0.6666666666666666
+2004253,how to trim blank space in excel,msmarco_passage_45_676580963,"TRIM(text)
+
+. text, the text from which to remove the extra spaces. Usage Note: The TRIM function removes the extra spaces in all positions, left trim, right trim or middle trim. The TRIM function only removes the extra spaces, to remove non-printing characters use the CLEAN function. How to Use TRIM Function in Excel.",0.6666666666666666
+2004253,how to trim blank space in excel,msmarco_passage_62_314496781,Clean Up Spacing Between Words. You can also use the TRIM function in Excel to remove unnecessary spaces between words in a string. The TRIM function will reduce the spacing between words down to a single space. Let's look at an example of how to use the TRIM function to clean up the spacing between words in Excel.,1.0
+2004253,how to trim blank space in excel,msmarco_passage_44_813680569,"In another way, we can remove the spaces by using a TRIM function. This removes the spaces which are there at the start and end of the selected cell content. And we can also use the SUBSTITUTE function, where we can substitute space with blank to remove spaces completely. Start Your Free Excel Course.",1.0
+2004253,how to trim blank space in excel,msmarco_passage_22_99023394,"The Excel TRIM function strips extra spaces from text, leaving only a single space between words and no space characters at the start or end of the text. How to use the Excel TRIM function | Exceljet. Skip to main content.",1.0
+2005810,what are the entities of the executive branch,msmarco_passage_21_770701256,"executive branch in a sentence. executive branch. in a sentence. The executive branch would consist of a 1st Territorial Legislature convened. The judicial branch is preventing the executive branch from expressing itself. Solzhenitsyn said, castigating the legislative and executive branches as bad examples. The Bosnian Serb entity has its own parliament and executive branch.",0.0
+2005810,what are the entities of the executive branch,msmarco_passage_16_700008960,"CUI does not include classified information or information a non-executive branch entity possesses and maintains in its own systems that did not come from, or was not created or possessed by or for, an executive branch agency or an entity acting for an agency.",0.0
+2005810,what are the entities of the executive branch,msmarco_passage_25_727507224,"However, CUI does not include classified information or information a non-executive branch entity possesses and maintains in its own systems that did not come from, or was not created or possessed by or for, an executive branch agency or an entity acting for an agency.",0.0
+2005810,what are the entities of the executive branch,msmarco_passage_04_150264182,"What are the 3 parts of the executive branch? The Executive Branch of government may consist of many agencies
+but the Branch itself is only one of three branches of the
+government. The other two branches of government are the Executive
+Branch and the Judicial Branch. The presidents cabinet consist of what?",0.3333333333333333
+2005810,what are the entities of the executive branch,msmarco_passage_52_90951031,"Executive branch includes an executive department as defined in 5 U.S.C. 101, a Government corporation, an independent establishment (other than the Government Accountability Office ), the Postal Service, the Postal Regulatory Commission, and also includes any other entity or administrative unit in the executive branch .",0.3333333333333333
+2005810,what are the entities of the executive branch,msmarco_passage_17_185837316,"Article Two of the United States Constitution establishes the executive branch of the federal government, which carries out and enforces federal law. The executive branch includes the President, the Vice President, the Cabinet, and other U.S. government entities.",0.3333333333333333
+2005810,what are the entities of the executive branch,msmarco_passage_04_147641855,"Members of the executive branch include the president, the vice president, the executive office of the president, and the cabinet. What are some of their duties include? 3 branches are: LEGISLATIVE BRANCH,EXECUTIVE BRACH,AND JUDICIAL
+BRANCH.",0.6666666666666666
+2005810,what are the entities of the executive branch,msmarco_passage_04_147641271,"Yes. The executive branch includes the? The President of the United States, the vice president, and 15
+Cabinet-level executive departments are included in the executive
+branch. The Cabinet-level members of the executive branch include
+the Department of Agriculture, Commerce, Defense, and
+Education. What are the main powers of the executive branch? implying and enforcing the laws written by congress.",0.6666666666666666
+2005810,what are the entities of the executive branch,msmarco_passage_04_147640755,"The executive branch of the government includes the President. The organizational units of the branch include the President, his
+staff and eleven departments. What does the executive branch of the government include? The executive branch of the United States government consists of
+the president, the vice president and 15 Cabinet-level executive
+departments.",0.6666666666666666
+2005861,what are the three countries in 1984,msmarco_passage_18_789107515,"The 1980 and 1984 World Championships consisted of a total of only three events; women's 20 km cross-country (1980), ski jumping team event and nordic combined team event (both 1984). These events were not held in the 1980 and 1984 Winter Olympics and therefore got their own World Championships.",0.0
+2005861,what are the three countries in 1984,msmarco_passage_19_266469326,"In the United States the single entered the Billboard Hot 100 on 11 February 1984 at number 73, peaking at number three on 5 May 1984, and staying 21 weeks on the chart, becoming the band's biggest hit in the country.",0.0
+2005861,what are the three countries in 1984,msmarco_passage_19_736472595,"In 1984, 50 different singles topped the chart, then published under the title Hot Country Singles, in 52 issues of the magazine, based on playlists submitted by country music radio stations and sales reports submitted by stores. Six acts tied for the most number ones in 1984, with three each: bands Alabama and Exile and soloists Earl Thomas Conley, Merle Haggard, Ricky Skaggs and George Strait.",0.0
+2005861,what are the three countries in 1984,msmarco_passage_12_539988038,"In the novel, war is constant. Click to see full answer. Also, what is the setting of the novel in 1984? The setting of 1984 is Airstrip One, part of the superpower Oceania. The novel is set in an unknown future in which the world is divided into three. Additionally, what year is 1984 set?",0.3333333333333333
+2005861,what are the three countries in 1984,msmarco_passage_14_62169982,"1984, by George Orwell. Perhaps the most famous dystopian novel in publication today, George Orwellâs 1984 is one of the best examples of books like Fahrenheit 451. Originally published in 1949, 1984 is set in a dystopian future in what today is present-day London (Airstrip One). The country (known as Oceania) is in a state of perpetual war and its citizens are under constant observation by the oppressive, totalitarian government.",0.3333333333333333
+2006211,what does auslan interpreted performance mean,msmarco_passage_04_227003622,"What branch of government performs judicial review? the judicial branch. What branch of government passes judicial power? judicial branch. What does judicial branch mean? what does judicial branch mean?the branch that interprets laws and settle disagreement about them; ""judicial"" comes from judge :)",0.0
+2006211,what does auslan interpreted performance mean,msmarco_passage_12_219902944,"What does the judicial branch do? I know that they interpret laws, but what does the meaning of interpret mean here.",0.0
+2006211,what does auslan interpreted performance mean,msmarco_passage_16_101800698,What Does It Mean When A Butterfly Lands On You: Three Possible Interpretations - DejaDream. Home â What Does It Mean When A Butterfly Lands On You: Three Possible Interpretations.,0.0
+2006211,what does auslan interpreted performance mean,msmarco_passage_04_340373332,"videos of deaf people using the listed Auslan signs. information on the deaf community in Australia. links to Auslan classes. Users of Auslanâdeaf people, deaf students, sign language interpreters, students of Auslan, or a parents of deaf childrenâare invited to provide feedback to help improve the dictionary, using the links provided.",0.3333333333333333
+2006211,what does auslan interpreted performance mean,msmarco_passage_18_46394148,"Auslan began to emerge as a language of instruction for Deaf students in primary and secondary schools from the late 1980s â mainly through the provision of Auslan/English interpreters in mainstream (hearing) schools with deaf support units, but also in some specialised bilingual programmes for deaf children.",0.3333333333333333
+2006211,what does auslan interpreted performance mean,msmarco_passage_18_46394580,"Though becoming more and more visible, Auslan is still rarely seen at public events or on television; there are, for example, no interpreted news services. There is a regular program on community television station Channel 31 in Melbourne, ""Deaf TV"", which is entirely in Auslan and is produced by Deaf volunteers.",0.3333333333333333
+2006211,what does auslan interpreted performance mean,msmarco_passage_18_46393605,"The emerging status of Auslan has gone hand-in-hand with the advancement of the Deaf community in Australia, beginning in the early 1980s. In 1982, the registration of the first sign language interpreters by NAATI, a newly established regulatory body for interpreting and translating, accorded a sense of legitimacy to Auslan, furthered by the publishing of the first dictionary of Auslan in 1989 (Johnston, 1989).",0.6666666666666666
+2006211,what does auslan interpreted performance mean,msmarco_passage_04_288832497,"The contract and any explanation of its meaning should meet your communication needs. You have the right to ask that a contract is provided in alternative formats, such as: Braille. large print. Auslan interpretation. Make sure that the contract really protects your interests. Only make promises which you can keep.",0.6666666666666666
+2006211,what does auslan interpreted performance mean,msmarco_passage_60_720843399,The typical arrangement is to have a sign language interpreter in a small picture-in-picture window in the video. Brisbane City Council has added Auslan as picture-in-picture to their Toward an Accessible and Inclusive Brisbane video.,1.0
+2006375,what does quotient of a power mean,msmarco_passage_22_458702754,"That's what multiplication is. Likewise, people ask, what does the term of mean in math? âOfâ is a powerful word in mathematics, for it can mean a fraction of something, e.g. 4/5 of 25 which commands multiplication or (3 out of 5 marbles are green) which can imply quotients in some cases such as probability.",0.0
+2006375,what does quotient of a power mean,msmarco_passage_51_700424590,"If Q
Also, some people receive payments from private disability insurance policies. These can be in addition to getting Social Security disability payments.",0.0
+2044423,what tax form do you get from short term disability,msmarco_passage_35_189517744,I didn't receive a w-2 for my short term disability. I received short term disability last year for maternity leave but I haven't gotten a w2 for it. How do I put that info into my taxes?,0.6666666666666666
+2044423,what tax form do you get from short term disability,msmarco_passage_35_182061600,"No, a Form 1099-G - IRS.gov is for Certain Government Payments like Unemployment compensation, State or local income tax refunds, credits, or offsets. If you are on short-term disability or maternity leave, you may get a W-2.",1.0
+2044423,what tax form do you get from short term disability,msmarco_passage_35_182060876,"If I went on maternity leave through my job and got paid for 6 weeks through my job would I get a 1099-G? No, a Form 1099-G - IRS.gov is for Certain Government Payments like Unemployment compensation, State or local income tax refunds, credits, or offsets. If you are on short-term disability or maternity leave, you may get a W-2.",1.0
+2045272,what hazards come with making paint,msmarco_passage_25_40255261,"Select and Make Ready the Paint Area. First and foremost, the thing before spraying is to make ready the paint area. Usually, painting brings a hazard around the painting area. And if it is about painting with an air compressor, that will come up with more mess.",0.0
+2045272,what hazards come with making paint,msmarco_passage_49_163015869,"Top 15 Workshop Hazards. There are many jobs associated with workshops, such as carpentry, welding, and paint spraying. Each role comes with different hazards and can make workshops very dangerous places to occupy. The top 15 workshop hazards are: Lack of guards or screens on equipment or around dangerous areas. Damaged or misused guards.",0.0
+2045272,what hazards come with making paint,msmarco_passage_15_464530306,"I added the painter's tape around the upper rim to keep the paint on the outside of the can. Make it as dark as you like, or make it neon orange, whatever works for you. đ. I was going to paint a Bio-hazard symbol on the side, but there is a storm coming in and I was loosing daylight!",0.0
+2045272,what hazards come with making paint,msmarco_passage_49_705047583,"What's Hot! (NEW) Use of Public Housing Funding to Support Internet Connectivity for Residents (January 19, 2021) FY 2020 Lead-Based Paint Capital Fund NOFA FAQs (October 20, 2020) FY 2020 Lead-Based Paint Capital Fund NOFA : The FY 2020 Capital Fund Lead-Based Paint Hazards NOFA makes $30 million in competitive grants available to identify and eliminate lead-based paint hazards in public housing; Public Housing Authorities (PHAs) can use the funding to perform lead-based paint evaluations and control lead-based paint and hazards in and around public housing units.",0.3333333333333333
+2045272,what hazards come with making paint,msmarco_passage_42_602637784,"3. Spray Paint. Though a spray paint can be a fun method for stenciling, be careful when it comes to location. â spray paint can be both messy and the fumes can be hazardous. If you are using spray paint make sure to be in a well ventilated area.",0.3333333333333333
+2045272,what hazards come with making paint,msmarco_passage_53_255105766,"Whenever a child under 6 years old comes to live in a rental property, the property owner has a responsibility to discover whether there is any lead paint on the property and to remove or properly cover any lead paint hazards (delead) to protect the young children living there. Lead paint hazards include: Surfaces that have cracked, chipped, peeling, or otherwise loose lead paint on them;",0.3333333333333333
+2045272,what hazards come with making paint,msmarco_passage_00_854092054,"Why is water-based paint recyclable, but not oil-based paint? Itâs not so much that oil-based paint is nonrecyclable; the issue is that it is classified by the EPA as hazardous waste. There are special regulations when it comes to disposal of hazardous waste, which makes the economics of recycling unfeasible.",0.6666666666666666
+2045272,what hazards come with making paint,msmarco_passage_25_23555561,"Well, you know what they say, safety first, and that is why safety makes the top of our list. Oil paints come in many different mediums, and some of them, like turpentine, can emit fumes which might be toxic and could potentially be a health and safety hazard. Apart from emitting toxic fumes, these mediums are also very flammable, so be careful while handling them.",0.6666666666666666
+2046371,functions of three regions of sm intestine,msmarco_passage_60_166510117,"Anatomy and Function. The stomach functions to initiate the digestive process and to deliver ingested nutrients via a rhythmic motion to the small intestine. Anatomically, it is divided into three regions, the cardia, corpus, and antrum, each with distinctive structures that promote specific functions.",0.0
+2046371,functions of three regions of sm intestine,msmarco_passage_04_652287465,"Stomach. The stomach is a J-shaped pouch that empties its content into the small intestine. It can be divided into three regions: the fundus, body, and pylorus. A pyloric sphincter prohibits backflow from the small intestine into the stomach. The functions of the stomach are to store food as it is mechanically churned with gastric secretions, initiate digestion of proteins, carry on limited absorption, and move food (a pasty material called chyme) into the small intestine.",0.0
+2046371,functions of three regions of sm intestine,msmarco_passage_25_348982690,"Regional enteritis of small intestine. ICD-9 Index. Chapter: 520â579. Section: 555-558. Block: 555 Regional enteritis. 555.0 - Reg enteritis, sm intest.",0.0
+2046371,functions of three regions of sm intestine,msmarco_passage_46_424640489,"List, in order from the pylorus to the colon, the three regions of the small intestine: Definition. Duodenum, Jejunum, and Ileum.
+Term. From largest to smallest, list the three modifications of the small intestineâs inner wall that function to increase surface area: Definition.",0.3333333333333333
+2046371,functions of three regions of sm intestine,msmarco_passage_13_404484549,"Small Intestine. The small intestine is divided into three regions based on their function, even though they are largely similar from a histological standpoint. The first part of the small intestine is called the duodenum and is the shortest segment. It is curved and surrounds one end of the pancreas.",0.3333333333333333
+2046371,functions of three regions of sm intestine,msmarco_passage_60_2341203,"Box 1. The small versus large intestine, morphometry and function. Along the length of the human small intestine three regions are recognized, that is, duodenum, jejunum and ileum, while the large intestine encompasses the cecum, the ascending-colon, transversing-colon and descending-colon, the rectum and the anal canal.",0.3333333333333333
+2046371,functions of three regions of sm intestine,msmarco_passage_26_756854691,"The major site of digestion and absorption in autoenzymatic digesters is the small intestine, which is has three distinct regions, the duodenum, the jejunum and the ileum (Cheeke and Dierenfeld, 2010). Both the digestive and absorptive functions of the intestine is facilitated by the large surface area (Cheeke and Dierenfeld, 2010).",0.6666666666666666
+2046371,functions of three regions of sm intestine,msmarco_passage_64_463097439,They provide support to the tissues of the small intestine and also help in the transport of nutrients from intestines to the rest of the body. The small intestine is divided into three regions: Duodenum- It is the first section which connects to the pyloric sphincter of the stomach. It is the shortest region of the intestine.,0.6666666666666666
+2046371,functions of three regions of sm intestine,msmarco_passage_03_111744594,"The remaining regions of the small intestine, jejunum and ileum, function mainly in the absorption of nutrients and water. Absorption of nutrients. Most of the absorption of nutrients takes place in the small intestine while there is some absorption in the stomach and small intestine.",0.6666666666666666
+2049417,what is peace in french?,msmarco_passage_27_192266896,What are some historical people and events related to Pontiacâs Rebellion? French and Indian War: 1754-1763 conflict between the French and the British over territory in the Ohio Valley. Treaty of Paris: Peace settlement that ended the French and Indian War. Chief Pontiac: Ottawa leader of Pontiacâs Rebellion.,0.0
+2049417,what is peace in french?,msmarco_passage_27_192339551,"After the French and Indian War, Britain acquired what is now the Ohio Valleyâ land between the Appalachian Mountains and the Mississippi River. This area was still home to many French settlers, as well as a vast Indian Reserve. The tribes of the Great Lakes Region had a peaceful existence with the French and were upset by the outcome of the war.",0.0
+2049417,what is peace in french?,msmarco_passage_63_202261122,"pa·cif·ic. 1. Tending to diminish or put an end to conflict; appeasing. 2. Of a peaceful nature; tranquil. [French pacifique, from Old French pacifice, from Latin pÄcificus : pÄx, pÄc-, peace; see pag- in Indo-European roots + -ficus, -fic .]",0.3333333333333333
+2049417,what is peace in french?,msmarco_passage_11_178287713,"Origin of peace. Middle English pes from Old French pais, pes from Latin pÄx pÄc- pax. From American Heritage Dictionary of the English Language, 5th Edition. From Middle English pece, peas, pees, from Old French pais (âpeace""Â), from Latin pĂÂx (âpeace""Â), from Proto-Indo-European *pa垱- (âto fasten, stick, place""Â), related to Latin pacĂ«scor (âagree, stipulate""Â), Latin pangĂ
 (âfasten, fix""Â); see pact.",0.3333333333333333
+2049417,what is peace in french?,msmarco_passage_20_366380945,"Etymology. Before the word 'peace' came into English lexicon, Anglo-Saxons used a phrase ""friĂ°u sibb"" for ' pledge of peace '. The Anglo-French term Pes itself comes from the Latin pax, meaning ""peace, compact, agreement, treaty of peace, tranquility, absence of hostility, harmony."".",0.6666666666666666
+2049417,what is peace in french?,msmarco_passage_19_139887890,"Omà miwininiwak. Languages. French. The Great Peace of Montreal ( French: La Grande paix de Montréal) was a peace treaty between New France and 39 First Nations of North America that ended the Beaver Wars. It was signed on August 4, 1701, by Louis-Hector de CalliÚre, governor of New France, and 1300 representatives of 39 aboriginal nations.",0.6666666666666666
+2049687,what vaccination should u give show piglets,msmarco_passage_29_753986230,"If you are unsure, talk to your vet to find out how often you should be vaccinating your piglets. The statistics show that when youâre having a lot of piglets, it is best to just wait until they are about six months old to start giving them shots. From then on, you can decide how often you want to give them.",0.0
+2049687,what vaccination should u give show piglets,msmarco_passage_29_753994998,"Although a specialized vaccination is usually administered when the guinea pig is 3 weeks of old, this vaccination is a routine procedure when you bring your new piglets home from the breeder. This is important because it gives your piglets a chance to develop immunity and avoid diseases that they may be susceptible to.",0.0
+2049687,what vaccination should u give show piglets,msmarco_passage_35_630365191,"Basically, all breeding swine should be exposed until they have shown signs of TGE. This can be done by feedback of minced intestine or contents from infected piglets on the premise. Those that do not show signs may have to be individually dosed orally. Vaccination can be an aid in sustaining immunity.",0.0
+2049687,what vaccination should u give show piglets,msmarco_passage_35_630306318,"In some systems, sows are vaccinated once or twice several weeks before farrowing but most programs rely on vaccination of piglets. In most herds, maternal antibodies do not seem to interfere with piglet vaccination. Piglets are usually vaccinated before weaning and again two to three weeks later.",0.3333333333333333
+2049687,what vaccination should u give show piglets,msmarco_passage_07_83491492,Pigs should also be vaccinated twice before they are weaned. E. Coli is a bacteria that causes diarrhea in piglets and is usually caused by fecal contamination of the living environment. Pregnant females should be vaccinated before farrowing.,0.3333333333333333
+2049687,what vaccination should u give show piglets,msmarco_passage_10_532346380,"An oral vaccine of low virulence is also used. Young breeding stock, including boars, should be vaccinated twice at intervals of 3-5 wk at selection or before entering the herd, and then revaccinated every 6 mo or after each litter. Piglets born to vaccinated sows will be protected for 10-12 wk.",0.3333333333333333
+2049687,what vaccination should u give show piglets,msmarco_passage_46_81046458,"Vaccinate gilts and sows against E. coli/ Clostridial disease, if problems cannot be solved by improved husbandry. If vaccination is introduced, it should be part of a written plan to reduce disease incidence by other methods (i.e., husbandry and hygiene) as well. Piglet Diarrhea References.",0.6666666666666666
+2049687,what vaccination should u give show piglets,msmarco_passage_53_767681292,"However, vaccination schedules recommended by the manufacturer should be followed. A high level of colostral immunity is acquired by piglets nursing vaccinated sows. An intranasal vaccine using modified-live strains of B bronchiseptica is also available for young pigs.",1.0
+2049687,what vaccination should u give show piglets,msmarco_passage_53_766759135,"Typically, mass vaccination of all pigs on the farm with a modified-live virus vaccine is recommended. Intranasal vaccination of sows and neonatal piglets 1â7 days old, followed by IM vaccination of all other swine on the premises, helps reduce viral shedding and improve survival.",1.0
+2053884,when a house goes into foreclosure what happens to items on the premises,msmarco_passage_32_136574555,"What Happens When a House Goes into Foreclosure. If you find yourself wondering what happens when a house goes into foreclosure, the odds are you may have missed a few mortgage payments. If youâre worried your home might go into foreclosure, be sure to consider the many options outlined above. And, remember, failed mortgage payments donât always have to result in irreversible damage.",0.0
+2053884,when a house goes into foreclosure what happens to items on the premises,msmarco_passage_32_136570464,"What Happens When a House Goes Into Foreclosure? Are you worried that your home might go into foreclosure? If youâve missed consecutive payments for your home, there is the possibility your home might go into foreclosure. Foreclosure is what happens when the homeowner fails to make their mortgage payments and eventually loses all the rights to the home.",0.0
+2053884,when a house goes into foreclosure what happens to items on the premises,msmarco_passage_32_136575104,"According to national statistics, 1 in every 1776 homes in the US results in a foreclosure. While foreclosures can present much difficulty to the homeowner, it doesnât always have to be the end of the world. Fortunately, there are steps one can take to prevent a foreclosure from happening. If youâre wondering what happens when a house goes into foreclosure, youâre going to want to keep reading.",0.0
+2053884,when a house goes into foreclosure what happens to items on the premises,msmarco_passage_28_124695293,"That being said, depending on your state, this could take a while, and you may encounter legal fees. 15. Get in Early. If you can talk to the bank shortly after the foreclosure happens, you might be able to catch a house before it goes up for sale on the market.",0.6666666666666666
+2054355,what does chicken by-product meal add to pet food?,msmarco_passage_57_5193788,"The truth about chicken and chicken by-products in pet food. Chicken is commonly seen as the first ingredient in pet foods. Ever wondered what is the difference between ""Chicken"" and ""Chicken meal""? Find out what a chicken by-product is and whether if it's a good or bad ingredient to have in your pet's food. Pets Team 02 May 2012.",0.0
+2054355,what does chicken by-product meal add to pet food?,msmarco_passage_22_849367584,"What is Chicken Meal? Chicken meal is commonly used in most commercial pet foods. Youâll see it on the label of most dry foods. Chicken meal is âa dry rendered product from a combination of chicken flesh and skin with and without accompanying bone,â most often leftovers from the meat used for human consumption.",0.0
+2054355,what does chicken by-product meal add to pet food?,msmarco_passage_02_580422921,"One of the main ingredients in Eukanuba dog food is corn meal. While on the surface, corn does not seem like a bad ingredient but the corn used in dog food products is the same corn that is labeled as not fit for human consumption. Another main ingredient is chicken. This sounds healthy to most pet owners, but unfortunately, chicken by-product meal is leftover parts of the chicken after the prime parts are removed.",0.0
+2054355,what does chicken by-product meal add to pet food?,msmarco_passage_49_275402566,"Try elevating the dishes off the floor so your dog can reach the food more easily. I would like to add-many pet foods might have different types of meals..for example: chicken meal. While chicken is acceptable, what isn't is MOST all meals added into pet foods are from waste including your 4-Ds.",0.3333333333333333
+2054355,what does chicken by-product meal add to pet food?,msmarco_passage_32_220116180,"Also, the chicken meal/fat and the chicken by-product meal used in the products are good for the health of both small and large dog breeds. You can also choose from its dry and wet dog foods, depending on what you think is the most suitable type of food for your pet.",0.3333333333333333
+2054355,what does chicken by-product meal add to pet food?,msmarco_passage_13_867696871,"Natural flavor is made of processed fruits, vegetables, spices or fermentation products to enhance the taste of pet food. , Chicken Meal. Chicken Meal. Chicken meal is an extremely rich source of protein, providing pets with supplemental energy and nutrients while aiding in digestion.",0.3333333333333333
+2054355,what does chicken by-product meal add to pet food?,msmarco_passage_16_717731215,"Chicken by-products can include feet, bones, blood, viscera, and more. Not exactly what most pet owners want to see in their petâs food. Besides, chicken by-product meals vary in consistency per batch, so as nutrient-loaded as it may be, itâs still not considered a high-quality ingredient.",0.6666666666666666
+2054355,what does chicken by-product meal add to pet food?,msmarco_passage_16_719321532,"The chief protein source is chicken, chicken by-product meal, fish meal and dried egg product. Chicken is an acceptable source of protein, and it is used in a great many dog foods for Boxers. However, there is a danger that chicken wonât be good for your pet.",0.6666666666666666
+2054355,what does chicken by-product meal add to pet food?,msmarco_passage_16_716512773,"Some do not feel that chicken by-product meal is a good ingredient in pet foods, while others argue that it is a healthy nutrient source. Personally, while we feel that chicken by-product meals are nutritious and necessary for protein boosting, there is the fact that the quality varies per batch.",0.6666666666666666
+2054355,what does chicken by-product meal add to pet food?,msmarco_passage_57_780210743,"Chicken By-Product Meal. Chicken By-Product Meal. Chicken by-product meal is made up of chicken that has been ground and cooked, reducing the fat content to create a protein-rich ingredient. Itâs high in protein and amino acids to help strengthen and maintain your petâs muscles.",1.0
+2055211,why does cat get restless at night,msmarco_passage_44_64034339,"Aging and Dogs Who Are Restless at Night. Still looking to find out why your dog is restless at night? As dogs get older, they can easily become restless at night â and the reason why is pretty common. Age typically brings on joint and muscle pain, which can make sleeping more difficult due to discomfort.",0.0
+2055211,why does cat get restless at night,msmarco_passage_56_814690478,"If you want advice on how to stop your dog from barking at night, read on. Weâll get to the root of why your dog is restless and not sleeping and how to stop it. So, why is my dog barking at night all of a sudden? Table of Contents: [ show] Why Do Dogs Bark? Why is My Dog So Restless at Night and Not Sleeping?",0.0
+2055211,why does cat get restless at night,msmarco_passage_41_29861420,Behavior. Is Your Cat Meowing at Night? Reasons Why and What to Do. What can you do about a cat meowing at night? And why do cats meow at night in the first place? Here's how to get a good night's sleep with your cats.,0.0
+2055211,why does cat get restless at night,msmarco_passage_10_537314591,"If you have a senior cat who gets very vocal at night, tell your veterinarian. There are therapies that can improve the quality of life of afflicted cats â and their humans. This article was written by a Veterinarian. Google+. More Featured Articles âș Why Does My Cat...",0.3333333333333333
+2055211,why does cat get restless at night,msmarco_passage_11_693968173,"3. Restlessness/Insomnia. Many cats experience restlessness at night-time despite their love and need for lengthy sleep. These cats usually roam around the house in the middle of the night, play with toys, toilet paper, knock items off of shelves, and try to elicit a response from the owner while theyâre asleep.",0.3333333333333333
+2055211,why does cat get restless at night,msmarco_passage_08_793802180,"Sure, cats nap a lot no matter the circumstance. However, if your cat appears less playful or tires more easily due to weakness rather than laziness, you may have a problem. Restlessness is harder to recognize in cats than in dogs, as it seems many healthy cats are restless, especially at night.",0.3333333333333333
+2055211,why does cat get restless at night,msmarco_passage_16_731615484,"Highly sensitive to changes in temperature and smells and this is why the cat may become very restless at night when there is a shift. Cats have a very high sense of smell, touch, and hearing since they are unable to use their auditory senses, the other two senses become highly active.",0.6666666666666666
+2055211,why does cat get restless at night,msmarco_passage_22_107200033,"If your cat seems to be keeping you awake with excessive meowing rather than demands for playtime or food, then it could be that theyâre in pain. If youâre in any doubt as to exactly why your cat is restless at night, then make sure you schedule a check-up with your local veterinarian.",0.6666666666666666
+2055211,why does cat get restless at night,msmarco_passage_38_308028109,"Restlessness and Waking at Night. A catâs sleep-wake cycle can be impaired by FCD. However, as with most symptoms of FCD, there are also many alternative reasons for increased nighttime activity. For instance, cats who sleep more during the day can become more restless and active at night.",0.6666666666666666
+2055211,why does cat get restless at night,msmarco_passage_56_810693066,"While itâs true that cats love to sleep, many experience restlessness at night. These cats wake in the middle of the night and roam around the house, play with toys, look for food, or try to rouse you. This behavior is often attributed to the catâs nocturnal nature, and most cats do wake at least a couple of times a night.",1.0
+2055480,how many incidents of corneal abrasion,msmarco_passage_01_36461222,"Determining the best treatment for a corneal abrasion depends on many factors, such as the severity of the injury and the degree of pain the patient is experiencing. But practitioners also must take into consideration the location of the abrasion, symptoms the patient may be exhibiting, and how the incident occurred.",0.0
+2055480,how many incidents of corneal abrasion,msmarco_passage_34_326464731,"Corneal abrasions are pesky incidents that can happen to anyone â and usually at the most importune of times. They are extremely uncomfortable, inconvenient and vision-impeding. Luckily, your optometrists can treat corneal abrasions by prescribing medications that will relieve symptoms until the abrasion resolves.",0.0
+2055480,how many incidents of corneal abrasion,msmarco_passage_17_337315874,"More males than females are treated for corneal abrasions. The incidence of corneal abrasion is higher among people of working age. However, people of all ages can have a corneal abrasion. Automotive workers between the ages of 20 and 29 years had the highest incidence of eye injuries.",0.3333333333333333
+2055480,how many incidents of corneal abrasion,msmarco_passage_03_853244481,"Corneal Abrasions: How to Treat a Scratched Eye. A corneal abrasion is a scratch on your eye. A corneal abrasion (scratched cornea or scratched eye) is one of the most common eye injuries. The cornea is the clear front surface of the eye. A corneal abrasion disrupts the protective outer layer of cells of the cornea (called the corneal epithelium), creating an open wound that increases your risk of a serious eye infection.",0.3333333333333333
+2055480,how many incidents of corneal abrasion,msmarco_passage_60_131763730,"Corneal Abrasion. Corneal abrasions are the most common eye injury in all ages and are especially common among older children who wear contact lenses. Although found in about 10% of visits with a chief complaint related to eye problem in EDs, the actual estimated incidence of corneal abrasions in children is not known.",0.6666666666666666
+2055480,how many incidents of corneal abrasion,msmarco_passage_17_337315440,"Trauma accounted for 66% of these cases, or 4% of all cases; corneal abrasions or corneal or conjunctival foreign bodies accounted for 80% of eye trauma cases, or 3% of all cases. Racial, sexual, and age-related differences in incidence. Rates of corneal abrasion are equal in all races.",0.6666666666666666
+2055480,how many incidents of corneal abrasion,msmarco_passage_03_720346633,The incidence of corneal abrasion in this population decreased from 18 to 4 percent when prophylactic lubricating ointment was administered every four hours. 16 Persons who wear contact lenses are at higher risk of developing abrasions that become infected and ulcerate ( Figure 6 ).,0.6666666666666666
+2055480,how many incidents of corneal abrasion,msmarco_passage_55_733306212,"Corneal Abrasions. Corneal abrasions represent about 8 percent of eye injuries that are serious enough for someone to seek help from a doctor. A corneal abrasion occurs when the corneal epithelium, the outermost layer of the cornea (the lens of your eye that is key to seeing), is scratched or otherwise damaged.",1.0
+2055634,what type of videos can powerpoint play,msmarco_passage_33_380866376,"PowerPoint for Microsoft 365 PowerPoint for Microsoft 365 for Mac. PowerPoint 2019 PowerPoint 2016 PowerPoint 2013 PowerPoint 2010. More... Less. You can trigger an animation effect to begin playing at the beginning of an audio or video clip, or even while audio or video plays.",0.0
+2055634,what type of videos can powerpoint play,msmarco_passage_04_539469045,"June 22nd, 2011 by Bigasoft Support. Tags: insert video to powerpoint, insert video into powerpoint, embed video to powerpoint, embed video in powerpoint, convert video to powerpoint, play videos in powerpoint, video to powerpoint converter, embedding video in powerpoint.",0.0
+2055634,what type of videos can powerpoint play,msmarco_passage_10_547918274,"You must install a 64-bit version of QuickTime or Flash, or a 32-bit version of PowerPoint 2010 to to get rid of video not playing in powerpoint 2010. For PowerPoint 2013/2016, and PowerPoint 2019, you can embed and play more video & audio file formats.",0.0
+2055634,what type of videos can powerpoint play,msmarco_passage_10_547924931,"Q: When I try to play MPEG files in PowerPoint, I just get a blank (White) screen. What has gone wrong? Play Video In PowerPoint. When it comes to embed video in PowerPoint, most of us will simply âInsertâ videos to make our PowerPoint presentation more charming and vivid.",0.3333333333333333
+2055634,what type of videos can powerpoint play,msmarco_passage_33_424835135,Type: Primary Video Only: You will only download a video that has the primary video playing largely on the screen (generally video of the presenter) Secondary Video Only: This will only show what the presenter is presenting or the Powerpoint presentation or screen capture.,0.3333333333333333
+2055634,what type of videos can powerpoint play,msmarco_passage_04_539468573,"However, PowerPoint only inserts few video formats including ASF, AVI, MPEG, and WMV. What if to insert videos in other formats like YouTube video, iTunes video, iMovie video, and more? This article will describe a step by step guide on how to insert video to PowerPoint presentation so as to successfully play videos in PowerPoint.",0.6666666666666666
+2055634,what type of videos can powerpoint play,msmarco_passage_33_374628705,"Making videos play successfully in PowerPoint for the web. If you canât view a video in PowerPoint for the web, thereâs most likely an issue with the type of video file. If the video is a Flash or WMV file, youâll need a player to see it.",0.6666666666666666
+2055634,what type of videos can powerpoint play,msmarco_passage_06_103418812,"If your computer doesnât have the codec that was used when the video was created, PowerPoint wonât play the video. PowerPoint for the Mac plays MOV (Quicktime) files; but PowerPoint for the PC doesnât. So, if the presentation was created on the Mac, your video might not play because itâs a MOV file.",0.6666666666666666
+2055634,what type of videos can powerpoint play,msmarco_passage_10_547917206,"The Most Common Reason of PowerPoint Not Playing Video - Format and Codec Incompatibility. The most prevalent issue about embedded video won't play in PowerPoint is that your video is not encoded in a format which your PowerPoint supports. In other words, if the video and audio encoders are incompatible, PowerPoint won't play video successfully. The following content shows the video and audio file formats you can use in each PowerPoint version over years.",1.0
+2055634,what type of videos can powerpoint play,msmarco_passage_10_547917818,"For PowerPoint 2007 and earlier versions, you can only embed video in WMV, AVI, ASF or MPG/MPEG formats. For PowerPoint 2010, videos in the .mp4, .mov, and .qt formats can be played if the Apple QuickTime player is installed. P.S. PowerPoint 2010 64-bit is not compatible with 32-bit versions of QuickTime or Flash.",1.0
+2055795,collins the good to great,msmarco_passage_64_752662279,"Popular cheap hotels in Fort Collins include Cambria Hotel Ft Collins, Quality Inn & Suites University Fort Collins, and The Armstrong Hotel. See the full list: Cheap Hotels in Fort Collins. Which hotels in Fort Collins are good for families? Home2 Suites by Hilton Fort Collins, Cambria Hotel Ft Collins, and Quality Inn & Suites University Fort Collins all received great reviews from families traveling in Fort Collins.",0.0
+2055795,collins the good to great,msmarco_passage_15_847692751,Jenny Collins (Wife) Lenore Collins (Daughter) Chris Jennings (Great-grandson) Tom Jennings (Great-grandson) Amy Jennings (Great-granddaughter) Tom Cunningham (Great-great-grandson) We have 12 images of Dark Shadows Quentin Collins. This article is about Quentin Collins who was born in the 1870s and was still alive in 1995.,0.0
+2055795,collins the good to great,msmarco_passage_14_759020560,"I believe there is a misconception that people are either âgoodâ or âbadâ with money. I am assuming that since you are reading a blog about budgeting, you would like to be in the âgoodâ category. However, James C. Collins wrote âgood is the enemy of great.â.",0.0
+2055795,collins the good to great,msmarco_passage_19_429107825,2005: Good to Great and the Social Sectors by James C. Collins. 2009: How the Mighty Fall: And Why Some Companies Never Give In by James C. Collins. 2011: Great By Choice by James C. Collins and Morten T. Hansen. 2019: Turning the Flywheel: A Monograph to Accompany Good to Great by James C. Collins.,0.3333333333333333
+2055795,collins the good to great,msmarco_passage_60_576620090,"Good to Great Summary
+Good to Great Guide
+Chapter 1: Separating the Great from the Good. At a dinner Collins was attending in 1996, a McKinsey managing director pointed out a flaw in Built to Last, Collinsâs 1994 bestseller that explained how long-lasting companies achieved their success.",0.3333333333333333
+2055795,collins the good to great,msmarco_passage_47_738425967,"Indeed,â. â James C. Collins, Good to Great: Why Some Companies Make the Leap... and Others Don't. 10 likes. Like. âwhile you can buy your way to growth, you absolutely cannot buy your way to greatness.â. â James C. Collins, Good to Great: Why Some Companies Make the Leap... and Others Don't. 10 likes.",0.3333333333333333
+2055795,collins the good to great,msmarco_passage_35_476553853,"5. Good to Great by Jim Collins. Narrator â Jim Collins. Length â 10 hours & 4 minutes. Jim Collinsâ business audiobook, Good to Great, comes after a five-year research project. Collins will open up your mind to how good companies can grow to become better. Also why average businesses donât experience much growth.",0.6666666666666666
+2055795,collins the good to great,msmarco_passage_62_715275159,"Good to Great: Why Some Companies Make the Leap, & Others Don't by Jim Collins. Buy on Amazon. Can good companies, mediocre companies, or even bad companies achieve enduring greatness? That is the question Jim Collins answers in this book.",0.6666666666666666
+2055795,collins the good to great,msmarco_passage_61_730358220,"Good to Great: Why Some Companies Make the Leap ⊠and Others Donât
+by Jim Collins. Collins, the bestselling author of Built to Last, and his team of researchers identified 11 elite companies that made the leap from simply âgoodâ to âgreatâ performance.",0.6666666666666666
+2055795,collins the good to great,msmarco_passage_60_576616740,"Good to Great. , by. Jim Collins. Book Rating by Shortform Readers: 4.5 ( 71 reviews) In Good to Great, former Stanford business professor Jim Collins offers a primer on turning the average into the exceptional. Through detailed case studies of 11 companies that went from tracking the market to exceeding it by at least 3x, Collins presents the key factors that separate merely good organizations from great onesâfrom rare leadership to disciplined thinking to the dogged pursuit of a core mission.",1.0
+2055795,collins the good to great,msmarco_passage_28_216155166,5. Good to Great: Why Some Companies Make the Leap and Others Donât by Jim Collins. Good to Great by famous writer Jim Collin is built on five years of research and case studies. It defines the fundamental ethics behind the companies that take a leap from good to great and companies that donât manage to do so.,1.0
+2055795,collins the good to great,msmarco_passage_21_817662342,The Hedgehog Concept â Jim Collins. The Hedgehog Concept from Jim Collins. We can all learn great lessons from Jim Collins. His breakthrough book âGood to Greatâ examined 30 years of data from over one-thousand companies and identified concepts that contributed to outsized market performance.,1.0
+2056158,what phone to use in europe,msmarco_passage_09_525672072,Other Phone Information. Europe Trip Planning: Cell Phones: Taking your cell phone to Europe or buying a cell phone to use in Europe. How to program your phone for international calls (the plus sign). Italy - Instructions for Visitors: Public Phones: Using public phones in Italy.,0.0
+2056158,what phone to use in europe,msmarco_passage_37_93762922,What is the DSN Phone System and how is it used ... Best militaryliving.com. https://militaryliving.com/faq/what-is-the-dsn-phone-system-and-how-is-it-used/. 317 (Alaska) 312 (Canada) 313 (Caribbean) 312 (CONUS) 314 (Europe) 315 (Pacific) The phone number listings on this website contains defense telephone numbers and prefixes whenever available.,0.0
+2056158,what phone to use in europe,msmarco_passage_63_647728592,"What You Should Know about Mobile Cell Phone Jammer Usage. Cell phones have truly been increasing in popularity year after year for decades now. One study even shows that well over 380 million cell phones are in use within the US alone as of October 2020, and that number is continually increasing. Cellular phone use is just as prevalent throughout Europe.",0.0
+2056158,what phone to use in europe,msmarco_passage_38_344512634,Table of Contents. Using my cell phone while traveling to Europe Talk To Your Current Provider. How to Use Your Smartphone in Europe. What type of phone do I have. Cell Phone While Traveling to Europe and Smartphone Data Plans and Texting. Get A Local SIM Card. Using a European SIM Card.,0.3333333333333333
+2056158,what phone to use in europe,msmarco_passage_09_525684195,Other Phone Information. Europe Trip Planning: Cell Phones: Taking your cell phone to Europe or buying a cell phone to use in Europe. How to program your phone for international calls (the plus sign). Calling to Europe from the US - Best Way to Pay for Calls. Calling to the US from Europe - Best Way to Pay for Calls.,0.3333333333333333
+2056158,what phone to use in europe,msmarco_passage_03_344453924,Short Answer: Yes. Any modern phone thatâs newer than an iPhone 4S should work in Europe. Long Answer: Some carriers in the US use a different wireless technology than what is used throughout all of Europe â which means that some US phones simply wonât work in Europe.,0.6666666666666666
+2056158,what phone to use in europe,msmarco_passage_06_405062626,"Europe and the US don't use all the same frequencies for cell phones. Generally, you need a ""quad band"" phone to work in the US or Europe, but many US phones are ""tri band"" (three frequencies) and lack one of the popular frequencies used in Europe.",0.6666666666666666
+2056158,what phone to use in europe,msmarco_passage_11_46719603,"Itâs the main network used around the world, especially in Europe, Asia, and Africa. Your SIM card is what allows your phone to connect with a GSM network. Phones on the GSM network (such as T-Mobile and AT&T) always contain SIM cards, which can be inserted directly into other GSM phones.",0.6666666666666666
+2056323,how does magic leap optics work,msmarco_passage_37_94080824,How to fix the Apple Magic Mouse! works every time 100% ... How to Clean an Optical Mouse - MindPower009 - YouTube. How to Repair Optical Mouse| Inside an Optical Mouse. Fixing the Magic Mouse Sensor - YouTube.,0.0
+2056323,how does magic leap optics work,msmarco_passage_52_236922363,"Wigington, Patti. (2020, August 26). How Long Does It Take for a Magic Spell to Work? Retrieved from https://www.learnreligions.com/how-long-does-it-take-for-a-magic-spell-to-work-2562347 Wigington, Patti. ""How Long Does It Take for a Magic Spell to Work?"".",0.0
+2056323,how does magic leap optics work,msmarco_passage_43_441867117,"Example sentences from the Web for optics. He mined the staff of Tessera, an optics business in North Carolina, to build a manufacturing team. Magic Leap tried to create an alternate reality. Its founder was already in one | Verne Kopytoff | September 26, 2020 | Fortune.",0.0
+2056323,how does magic leap optics work,msmarco_passage_56_413093629,"Magic Leap is seen as one of Daqri, LLC's top competitors. Magic Leap's headquarters is in Plantation, Florida, and was founded in 2010. Like Daqri, LLC, Magic Leap also works within the Technology Hardware industry. Magic Leap generates 2,240% of Daqri, LLC's revenue. North, Inc. is one of Daqri, LLC's top rivals.",0.3333333333333333
+2056323,how does magic leap optics work,msmarco_passage_58_146944000,Geometric Optics :- light propagation in terms of rays. Wave Optics :- Light propagation as 3d waves (wavefront) Microsoft/ Magic leap combines this two to create something called as the light field. Wikipedia describes light field as âThe light field is a vector function that describes the amount of. Continue Reading.,0.3333333333333333
+2056323,how does magic leap optics work,msmarco_passage_38_39451540,"Magic Leap. Magic Leap is developing one of the most talked about mixed reality headsets, Magic Leap One, and it is still under development. Backed by massive technology companies such Google and Qualcomm, it aims to project light straight into the userâs retina through a digital light field.",0.6666666666666666
+2056323,how does magic leap optics work,msmarco_passage_05_244287848,"The Magic Leap patent describes two processes, both working in tandem. One puts an image on the contact lenses to create the appearance of a virtual object floating in the real world, and other tells light how to appear ""focused"" on a specific focal point in space.",1.0
diff --git a/src/benchmark/trulens/benchmark/benchmark_frameworks/experiments/trec_dl_relevance_judges.ipynb b/src/benchmark/trulens/benchmark/benchmark_frameworks/experiments/trec_dl_relevance_judges.ipynb
new file mode 100644
index 000000000..752f1785a
--- /dev/null
+++ b/src/benchmark/trulens/benchmark/benchmark_frameworks/experiments/trec_dl_relevance_judges.ipynb
@@ -0,0 +1,846 @@
+{
+ "cells": [
+ {
+ "cell_type": "markdown",
+ "metadata": {},
+ "source": [
+ "### Evaluating context relevance on TREC DL track (2021, 2022, ...) with NIST human annotations on passage retrieval rankings"
+ ]
+ },
+ {
+ "cell_type": "code",
+ "execution_count": null,
+ "metadata": {},
+ "outputs": [],
+ "source": [
+ "import ir_datasets\n",
+ "\n",
+ "trec_dl_2021 = ir_datasets.load(\n",
+ " \"msmarco-passage-v2/trec-dl-2021/judged\"\n",
+ ") # 53 queries\n",
+ "qrels_2021 = trec_dl_2021.qrels_dict()\n",
+ "\n",
+ "trec_dl_2022 = ir_datasets.load(\n",
+ " \"msmarco-passage-v2/trec-dl-2022/judged\"\n",
+ ") # 76 queries\n",
+ "qrels_2022 = trec_dl_2022.qrels_dict()\n",
+ "\n",
+ "# trec_dl_2023 = ir_datasets.load('msmarco-passage-v2/trec-dl-2023') # TODO check with Cortex team to see if the\n",
+ "\n",
+ "# import json\n",
+ "\n",
+ "# # process the raw qrels data\n",
+ "# qrels_2023 = {}\n",
+ "# for i, row in trec_2023_raw_qrels.iterrows():\n",
+ "# query_id = str(row[\"QUERY_ID\"])\n",
+ "# if query_id not in qrels_2023:\n",
+ "# qrels_2023[query_id] = {}\n",
+ "# doc_scores = json.loads(row[\"DOC_SCORES\"])\n",
+ "# for pair in doc_scores:\n",
+ "# doc_id = pair['doc']\n",
+ "# score = pair['score']\n",
+ "# qrels_2023[query_id][doc_id] = score"
+ ]
+ },
+ {
+ "cell_type": "code",
+ "execution_count": null,
+ "metadata": {},
+ "outputs": [],
+ "source": [
+ "from trulens.feedback.v2.feedback import ContextRelevance\n",
+ "\n",
+ "old_criteria = \"\"\"\n",
+ "- CONTEXT that is IRRELEVANT to the QUESTION should score 0.\n",
+ "- CONTEXT that is RELEVANT to some of the QUESTION should get an intermediate score.\n",
+ "- CONTEXT that is RELEVANT to most of the QUESTION should get a score closer to 3.\n",
+ "- CONTEXT that is RELEVANT to the entirety of the QUESTION should get a score of 3, which is the full mark.\n",
+ "- CONTEXT must be relevant and helpful for answering the entire QUESTION to get a score of 3.\n",
+ "\"\"\""
+ ]
+ },
+ {
+ "cell_type": "code",
+ "execution_count": null,
+ "metadata": {},
+ "outputs": [],
+ "source": [
+ "from collections import defaultdict\n",
+ "\n",
+ "import ir_datasets\n",
+ "\n",
+ "\n",
+ "def generate_trec_dl_benchmark(\n",
+ " max_samples_per_query_per_score: int = 3,\n",
+ " dataset_path: str = \"msmarco-passage-v2/trec-dl-2021/judged\",\n",
+ "):\n",
+ " # Combine queries and qrels from multiple datasets\n",
+ " queries = {}\n",
+ " qrels = defaultdict(dict)\n",
+ " docs_store = None\n",
+ "\n",
+ " dataset = ir_datasets.load(dataset_path)\n",
+ " # Merge queries\n",
+ " queries.update({q.query_id: q for q in dataset.queries_iter()})\n",
+ " # Merge qrels\n",
+ " for qid, docs in dataset.qrels_dict().items():\n",
+ " qrels[qid].update(docs)\n",
+ " # Get docs_store\n",
+ " if docs_store is None:\n",
+ " docs_store = dataset.docs_store()\n",
+ "\n",
+ " print(\"Total number of queries:\", len(queries))\n",
+ " print(\"Total number of qrels:\", len(qrels))\n",
+ " # Sampling\n",
+ " for query_id, query in queries.items():\n",
+ " if query_id not in qrels:\n",
+ " print(\"query_id not found in qrels\")\n",
+ " continue # Skip queries without relevance judgments\n",
+ "\n",
+ " # Get documents by relevance scores\n",
+ " relevant_docs = defaultdict(list)\n",
+ " for doc_id, score in qrels[query_id].items():\n",
+ " relevant_docs[score].append(doc_id)\n",
+ "\n",
+ " # Initialize sampling counts\n",
+ " sampled_docs = []\n",
+ "\n",
+ " # Use scoreddocs for all scores (0, 1, 2, and 3)\n",
+ " for score in [0, 1, 2, 3]:\n",
+ " if score in relevant_docs:\n",
+ " # Get ranked documents using scoreddocs\n",
+ " ranked_docs = []\n",
+ " for scored_doc in ir_datasets.load(\n",
+ " dataset_path\n",
+ " ).scoreddocs_iter():\n",
+ " if (\n",
+ " scored_doc.query_id == query_id\n",
+ " and scored_doc.doc_id in relevant_docs[score]\n",
+ " ):\n",
+ " ranked_docs.append((\n",
+ " scored_doc.doc_id,\n",
+ " scored_doc.score,\n",
+ " ))\n",
+ "\n",
+ " # Sort by score (descending) and select top documents\n",
+ " ranked_docs.sort(key=lambda x: x[1], reverse=True)\n",
+ "\n",
+ " top_docs = [\n",
+ " doc_id\n",
+ " for doc_id, _ in ranked_docs[\n",
+ " :max_samples_per_query_per_score\n",
+ " ]\n",
+ " ]\n",
+ "\n",
+ " # Add to sampled documents\n",
+ " sampled_docs.extend(top_docs)\n",
+ " doc_text_seen = set() # deduplication of identical passages\n",
+ " # Yield the sampled data\n",
+ " for doc_id in sampled_docs:\n",
+ " doc = docs_store.get(doc_id)\n",
+ " if doc and doc.text not in doc_text_seen:\n",
+ " doc_text_seen.add(doc.text)\n",
+ " yield {\n",
+ " \"query_id\": query_id,\n",
+ " \"query\": query.text,\n",
+ " \"doc_id\": doc_id,\n",
+ " \"expected_response\": doc.text\n",
+ " if hasattr(doc, \"text\")\n",
+ " else doc.body,\n",
+ " \"expected_score\": qrels[query_id][doc_id]\n",
+ " / 3, # Normalize to [0, 1]\n",
+ " }"
+ ]
+ },
+ {
+ "cell_type": "code",
+ "execution_count": null,
+ "metadata": {},
+ "outputs": [],
+ "source": [
+ "# trec_2021_samples = list(generate_trec_dl_benchmark(max_samples_per_query_per_score=3, dataset_path=\"msmarco-passage-v2/trec-dl-2021/judged\"))\n",
+ "# trec_2022_samples = list(generate_trec_dl_benchmark(max_samples_per_query_per_score=3, dataset_path=\"msmarco-passage-v2/trec-dl-2022/judged\"))\n",
+ "# trec_combined = trec_2021_samples + trec_2022_samples\n",
+ "\n",
+ "import pandas as pd\n",
+ "\n",
+ "# trec_combined_df = pd.DataFrame(trec_combined)\n",
+ "# trec_combined_df.to_csv(\"trec_dl_2021_2022_benchmark.csv\", index=False)\n",
+ "\n",
+ "trec_combined_df = pd.read_csv(\"trec_dl_2021_2022_benchmark.csv\")\n",
+ "print(len(trec_combined_df))"
+ ]
+ },
+ {
+ "cell_type": "code",
+ "execution_count": null,
+ "metadata": {},
+ "outputs": [],
+ "source": [
+ "print(len(qrels_2021), len(qrels_2022))"
+ ]
+ },
+ {
+ "cell_type": "code",
+ "execution_count": null,
+ "metadata": {},
+ "outputs": [],
+ "source": [
+ "from trulens.benchmark.benchmark_frameworks.experiments.dataset_preprocessing import (\n",
+ " visualize_expected_score_distribution,\n",
+ ")\n",
+ "\n",
+ "trec_combined_relevance_scores = [\n",
+ " entry[\"expected_score\"] for _, entry in trec_combined_df.iterrows()\n",
+ "]\n",
+ "visualize_expected_score_distribution(trec_combined_relevance_scores)"
+ ]
+ },
+ {
+ "cell_type": "code",
+ "execution_count": null,
+ "metadata": {},
+ "outputs": [],
+ "source": [
+ "trec_combined_df"
+ ]
+ },
+ {
+ "cell_type": "code",
+ "execution_count": null,
+ "metadata": {},
+ "outputs": [],
+ "source": [
+ "import os\n",
+ "\n",
+ "from trulens.core.session import TruSession\n",
+ "from trulens.providers.openai import OpenAI\n",
+ "\n",
+ "# os.environ[\"OPENAI_API_KEY\"] = \"sk-...\"\n",
+ "\n",
+ "connection_params = {\n",
+ " \"account\": os.environ.get(\"SNOWFLAKE_ACCOUNT\"),\n",
+ " \"user\": os.environ.get(\"SNOWFLAKE_USER\"),\n",
+ " \"password\": os.environ.get(\"SNOWFLAKE_USER_PASSWORD\"),\n",
+ " \"database\": os.environ.get(\"SNOWFLAKE_DATABASE\"),\n",
+ " \"schema\": os.environ.get(\"SNOWFLAKE_SCHEMA\"),\n",
+ " \"warehouse\": os.environ.get(\"SNOWFLAKE_WAREHOUSE\"),\n",
+ " \"role\": os.environ.get(\"SNOWFLAKE_ROLE\"),\n",
+ " \"init_server_side\": False, # Set to True to enable server side feedback functions\n",
+ "}\n",
+ "\n",
+ "# connector = SnowflakeConnector(**connection_params)\n",
+ "# session = TruSession(connector=connector)\n",
+ "\n",
+ "session = TruSession()\n",
+ "session.reset_database()\n",
+ "\n",
+ "\n",
+ "# snowpark_session = Session.builder.configs(connection_params).create()\n",
+ "\n",
+ "gpt_4o = OpenAI(model_engine=\"gpt-4o\")\n",
+ "gpt_4o_mini = OpenAI(model_engine=\"gpt-4o-mini\")\n",
+ "# llama3_405b = Cortex(snowflake.connector.connect(**connection_params), model_engine=\"llama3.1-405b\")\n",
+ "# mistral_large = Cortex(snowflake.connector.connect(**connection_params), model_engine=\"mistral-large\")\n",
+ "# llama3_1_8b = Cortex(snowflake.connector.connect(**connection_params), model_engine=\"llama3.1-8b\")\n",
+ "\n",
+ "\n",
+ "PROVIDERS = [\n",
+ " gpt_4o,\n",
+ " gpt_4o_mini,\n",
+ "]\n",
+ "\n",
+ "\n",
+ "# criteria without explicit rubrics\n",
+ "old_criteria = \"\"\"\n",
+ "- CONTEXT that is IRRELEVANT to the QUESTION should score 0.\n",
+ "- CONTEXT that is RELEVANT to some of the QUESTION should get an intermediate score.\n",
+ "- CONTEXT that is RELEVANT to most of the QUESTION should get a score closer to 3.\n",
+ "- CONTEXT that is RELEVANT to the entirety of the QUESTION should get a score of 3, which is the full mark.\n",
+ "- CONTEXT must be relevant and helpful for answering the entire QUESTION to get a score of 3.\n",
+ "\"\"\"\n",
+ "\n",
+ "\n",
+ "def trulens_context_relevance(\n",
+ " provider, query: str, context: str, gt_score: float\n",
+ ") -> str:\n",
+ " trulens_context_relevance_res = provider.context_relevance_with_cot_reasons(\n",
+ " question=query, context=context\n",
+ " )\n",
+ " return f\"{trulens_context_relevance_res[0]};{gt_score};{trulens_context_relevance_res[1]}\"\n",
+ "\n",
+ "\n",
+ "def trulens_context_relevance_no_rubric(\n",
+ " provider, query: str, context: str, gt_score: float\n",
+ ") -> str:\n",
+ " trulens_context_relevance_res = provider.context_relevance_with_cot_reasons(\n",
+ " question=query, context=context, criteria=old_criteria\n",
+ " )\n",
+ " return f\"{trulens_context_relevance_res[0]};{gt_score};{trulens_context_relevance_res[1]}\""
+ ]
+ },
+ {
+ "cell_type": "code",
+ "execution_count": null,
+ "metadata": {},
+ "outputs": [],
+ "source": [
+ "ContextRelevance.criteria"
+ ]
+ },
+ {
+ "cell_type": "code",
+ "execution_count": null,
+ "metadata": {},
+ "outputs": [],
+ "source": [
+ "from trulens.apps.basic import TruBasicApp\n",
+ "from trulens.core import Feedback\n",
+ "from trulens.core import Provider\n",
+ "\n",
+ "THRESHOLD = 0.5 # for passage retrieval annotation, we consider a score of 0.5 or above as relevant\n",
+ "\n",
+ "\n",
+ "class CustomTermFeedback(Provider):\n",
+ " def true_positive(self, output: str) -> float:\n",
+ " feedback_score, gt_score = (\n",
+ " float(output.split(\";\")[0]),\n",
+ " float(output.split(\";\")[1]),\n",
+ " )\n",
+ " binary_score = 1 if feedback_score >= 0.5 else 0\n",
+ " binary_gt_score = 1 if gt_score >= THRESHOLD else 0\n",
+ " return 1.0 if binary_score == 1 and binary_gt_score == 1 else 0.0\n",
+ "\n",
+ " def true_negative(self, output: str) -> float:\n",
+ " feedback_score, gt_score = (\n",
+ " float(output.split(\";\")[0]),\n",
+ " float(output.split(\";\")[1]),\n",
+ " )\n",
+ " binary_score = 1 if feedback_score >= 0.5 else 0\n",
+ " binary_gt_score = 1 if gt_score >= THRESHOLD else 0\n",
+ " return 1.0 if binary_score == 0 and binary_gt_score == 0 else 0.0\n",
+ "\n",
+ " def false_positive(self, output: str) -> float:\n",
+ " feedback_score, gt_score = (\n",
+ " float(output.split(\";\")[0]),\n",
+ " float(output.split(\";\")[1]),\n",
+ " )\n",
+ " binary_score = 1 if feedback_score >= 0.5 else 0\n",
+ " binary_gt_score = 1 if gt_score >= THRESHOLD else 0\n",
+ " return 1.0 if binary_score == 1 and binary_gt_score == 0 else 0.0\n",
+ "\n",
+ " def false_negative(self, output: str) -> float:\n",
+ " feedback_score, gt_score = (\n",
+ " float(output.split(\";\")[0]),\n",
+ " float(output.split(\";\")[1]),\n",
+ " )\n",
+ " binary_score = 1 if feedback_score >= 0.5 else 0\n",
+ " binary_gt_score = 1 if gt_score >= THRESHOLD else 0\n",
+ " return 1.0 if binary_score == 0 and binary_gt_score == 1 else 0.0\n",
+ "\n",
+ " def term_absolute_error(self, output: str) -> float:\n",
+ " feedback_score, gt_score = (\n",
+ " float(output.split(\";\")[0]),\n",
+ " float(output.split(\";\")[1]),\n",
+ " )\n",
+ " return abs(feedback_score - gt_score)\n",
+ "\n",
+ " def raw_gt_score(self, output: str) -> float:\n",
+ " return float(output.split(\";\")[1]) * 3\n",
+ "\n",
+ " def raw_feedback_score(self, output: str) -> float:\n",
+ " return float(output.split(\";\")[0]) * 3\n",
+ "\n",
+ "\n",
+ "custom_term_feedback = CustomTermFeedback()\n",
+ "\n",
+ "f_tp = Feedback(\n",
+ " custom_term_feedback.true_positive,\n",
+ " name=\"True Positive\",\n",
+ " higher_is_better=True,\n",
+ ").on_output()\n",
+ "f_tn = Feedback(\n",
+ " custom_term_feedback.true_negative,\n",
+ " name=\"True Negative\",\n",
+ " higher_is_better=True,\n",
+ ").on_output()\n",
+ "f_fp = Feedback(\n",
+ " custom_term_feedback.false_positive,\n",
+ " name=\"False Positive\",\n",
+ " higher_is_better=False,\n",
+ ").on_output()\n",
+ "f_fn = Feedback(\n",
+ " custom_term_feedback.false_negative,\n",
+ " name=\"False Negative\",\n",
+ " higher_is_better=False,\n",
+ ").on_output()\n",
+ "f_abs_err = Feedback(\n",
+ " custom_term_feedback.term_absolute_error,\n",
+ " name=\"Absolute Error\",\n",
+ " higher_is_better=False,\n",
+ ").on_output()\n",
+ "f_raw_gt_score = Feedback(\n",
+ " custom_term_feedback.raw_gt_score,\n",
+ " name=\"Raw GT Score\",\n",
+ " higher_is_better=True,\n",
+ ").on_output()\n",
+ "f_raw_feedback_score = Feedback(\n",
+ " custom_term_feedback.raw_feedback_score,\n",
+ " name=\"Raw Feedback Score\",\n",
+ " higher_is_better=True,\n",
+ ").on_output()\n",
+ "\n",
+ "CUSTOM_FEEDBACK_FUNCS = [\n",
+ " f_tp,\n",
+ " f_tn,\n",
+ " f_fp,\n",
+ " f_fn,\n",
+ " f_abs_err,\n",
+ " f_raw_gt_score,\n",
+ " f_raw_feedback_score,\n",
+ "]\n",
+ "\n",
+ "\n",
+ "def run_experiment_for_provider(provider, func_wrapper, dataset_df, app_name):\n",
+ " tru_wrapped_app = TruBasicApp(\n",
+ " func_wrapper,\n",
+ " app_name=app_name,\n",
+ " app_version=f\"{provider.model_engine}-context-relevance\",\n",
+ " feedbacks=CUSTOM_FEEDBACK_FUNCS,\n",
+ " )\n",
+ "\n",
+ " for i, row in dataset_df.iterrows():\n",
+ " arg_1 = row[\"query\"]\n",
+ " arg_2 = row[\"expected_response\"]\n",
+ " arg_3 = row[\"expected_score\"]\n",
+ "\n",
+ " try:\n",
+ " with tru_wrapped_app as _:\n",
+ " tru_wrapped_app.app(provider, arg_1, arg_2, arg_3)\n",
+ "\n",
+ " except Exception as e:\n",
+ " print(\n",
+ " f\"Error {e} in run_feedback_experiment row {i} with first arg {arg_1} and second arg {arg_2}\"\n",
+ " )\n",
+ "\n",
+ "\n",
+ "# with concurrent.futures.ThreadPoolExecutor() as executor:\n",
+ "# futures = [executor.submit(run_experiment_for_provider, provider, trec_doc_2022) for provider in PROVIDERS]\n",
+ "# concurrent.futures.wait(futures)"
+ ]
+ },
+ {
+ "cell_type": "markdown",
+ "metadata": {},
+ "source": [
+ "### Run experiments"
+ ]
+ },
+ {
+ "cell_type": "code",
+ "execution_count": null,
+ "metadata": {},
+ "outputs": [],
+ "source": [
+ "PROVIDERS"
+ ]
+ },
+ {
+ "cell_type": "code",
+ "execution_count": null,
+ "metadata": {},
+ "outputs": [],
+ "source": [
+ "for provider in PROVIDERS:\n",
+ " print(f\"Running provider: {provider.model_engine}\")\n",
+ " run_experiment_for_provider(\n",
+ " provider,\n",
+ " trulens_context_relevance,\n",
+ " trec_combined_df,\n",
+ " \"trec_dl_2021_2022_combined\",\n",
+ " )"
+ ]
+ },
+ {
+ "cell_type": "markdown",
+ "metadata": {},
+ "source": [
+ "### Evaluate Gaurav's prompt, UMBRELA prompt, and zero-shot categorical prompt"
+ ]
+ },
+ {
+ "cell_type": "code",
+ "execution_count": null,
+ "metadata": {},
+ "outputs": [],
+ "source": [
+ "gaurav_prompt = \"\"\"\n",
+ "You are an expert search result rater. You are given a user query and a search result. Your task is to rate the search result based on its relevance to the user query. You should rate the search result on a scale of 0 to 3, where:\n",
+ " 0: The search result has no relevance to the user query.\n",
+ " 1: The search result has low relevance to the user query. In this case the search result may contain some information which seems very slightly related to the user query but not enough information to answer the user query. The search result contains some references or very limited information about some entities present in the user query. In case the query is a statement on a topic, the search result should be tangentially related to it.\n",
+ " 2: The search result has medium relevance to the user query. If the user query is a question, the search result may contain some information that is relevant to the user query but not enough information to answer the user query. If the user query is a search phrase/sentence, either the search result is centered around about most but not all entities present in the user query, or if all the entities are present in the result, the search result while not being centered around it has medium level of relevance. In case the query is a statement on a topic, the search result should be related to the topic.\n",
+ " 3: The search result has high relevance to the user query. If the user query is a question, the search result contains information that can answer the user query. Otherwise if the search query is a search phrase/sentence, it provides relevant information about all entities that are present in the user query and the search result is centered around the entities mentioned in the query. In case the query is a statement on a topic, the search result should be either be directly addressing it or be on the same topic.\n",
+ " \n",
+ " You should think step by step about the user query and the search result and rate the search result. You should also provide a reasoning for your rating.\n",
+ " \n",
+ " Use the following format:\n",
+ " Rating: Example Rating\n",
+ " Reasoning: Example Reasoning\n",
+ " \n",
+ " ### Examples\n",
+ " Example:\n",
+ " Example 1:\n",
+ " INPUT:\n",
+ " User Query: What is the definition of an accordion?\n",
+ " Search Result: Accordion definition, Also called piano accordion. a portable wind instrument having a large bellows for forcing air through small metal reeds, a keyboard for the right hand, and buttons for sounding single bass notes or chords for the left hand. a similar instrument having single-note buttons instead of a keyboard.\n",
+ " OUTPUT:\n",
+ " Rating: 3\n",
+ " Reasoning: In this case the search query is a question. The search result directly answers the user question for the definition of an accordion, hence it has high relevance to the user query.\n",
+ " \n",
+ " Example 2:\n",
+ " INPUT:\n",
+ " User Query: dark horse\n",
+ " Search Result: Darkhorse is a person who everyone expects to be last in a race. Think of it this way. The person who looks like he can never get laid defies the odds and gets any girl he can by being sly,shy and cunning. Although he\\'s not a player, he can really charm the ladies.\n",
+ " OUTPUT:\n",
+ " Rating: 3\n",
+ " Reasoning: In this case the search query is a search phrase mentioning \\'dark horse\\'. The search result contains information about the term \\'dark horse\\' and provides a definition for it and is centered around it. Hence it has high relevance to the user query.\n",
+ " \n",
+ " Example 3:\n",
+ " INPUT:\n",
+ " User Query: Global warming and polar bears\n",
+ " Search Result: Polar bear The polar bear is a carnivorous bear whose native range lies largely within the Arctic Circle, encompassing the Arctic Ocean, its surrounding seas and surrounding land masses. It is a large bear, approximately the same size as the omnivorous Kodiak bear (Ursus arctos middendorffi).\n",
+ " OUTPUT:\n",
+ " Rating: 2\n",
+ " Reasoning: In this case the search query is a search phrase mentioning two entities \\'Global warming\\' and \\'polar bears\\'. The search result contains is centered around the polar bear which is one of the two entities in the search query. Therefore it addresses most of the entities present and hence has medium relevance. \n",
+ " \n",
+ " Example 4:\n",
+ " INPUT:\n",
+ " User Query: Snowflake synapse private link\n",
+ " Search Result: \"This site can\\'t be reached\" error when connecting to Snowflake via Private Connectivity\\nThis KB article addresses an issue that prevents connections to Snowflake failing with: \"This site can\\'t be reached\" ISSUE: Attempting to reach Snowflake via Private Connectivity fails with the \"This site can\\'t be reached\" error\n",
+ " OUTPUT:\n",
+ " Rating: 1\n",
+ " Reasoning: In this case the search result is a search query mentioning \\'Snowflake synapse private link\\'. However the search result doesn\\'t contain information about it. However it shows an error message for a generic private link which is tangentially related to the query, since snowflake synapse private link is a type of private link. Hence it has low relevance to the user query.\n",
+ " \n",
+ " Example 5:\n",
+ " INPUT:\n",
+ " User Query: The Punisher is American.\n",
+ " Search Result: The Rev(Samuel Smith) is a fictional character, a supervillain appearing in American comic books published by Marvel Comics. Created by Mike Baron and Klaus Janson, the character made his first appearance in The Punisher Vol. 2, #4 (November 1987). He is an enemy of the Punisher.\n",
+ " OUTPUT:\n",
+ " Rating: 1\n",
+ " Reasoning: In this case the search query is a statement concerning the Punisher. However the search result is about a character called Rev, who is an enemy of the Punisher. The search result is tangentially related to the user query but does not address topic about Punisher being an American. Hence it has low relevance to the user query.\n",
+ "\n",
+ " Example 6:\n",
+ " INPUT:\n",
+ " User Query: query_history\n",
+ " Search Result: The function task_history() is not enough for the purposes when the required result set is more than 10k.If we perform UNION between information_schema and account_usage , then we will get more than 10k records along with recent records as from information_schema.query_history to snowflake.account_usage.query_history is 45 mins behind.\n",
+ " OUTPUT:\n",
+ " Rating: 1\n",
+ " Reasoning: In this case the search query mentioning one entity \\'query_history\\'. The search result is neither centered around it and neither has medium relevance, it only contains an unimportant reference to it. Hence it has low relevance to the user query.\n",
+ " \n",
+ " Example 7:\n",
+ " INPUT:\n",
+ " User Query: Who directed pulp fiction?\n",
+ " Search Result: Life on Earth first appeared as early as 4.28 billion years ago, soon after ocean formation 4.41 billion years ago, and not long after the formation of the Earth 4.54 billion years ago.\n",
+ " OUTPUT:\n",
+ " Rating: 0\n",
+ " Reasoning: In the case the search query is a question. However the search result does is completely unrelated to it. Hence the search result is completely irrelevant to the movie pulp fiction. \n",
+ " ###\n",
+ " \n",
+ " Now given the user query and search result below, rate the search result based on its relevance to the user query and provide a reasoning for your rating.\n",
+ " \n",
+ "\n",
+ "\"\"\"\n",
+ "\n",
+ "\n",
+ "umbrela_prompt = \"\"\"\n",
+ "Given a query and a passage, you must provide a score on an\n",
+ "integer scale of 0 to 3 with the following meanings:\n",
+ "0 = represent that the passage has nothing to do with the query,\n",
+ "1 = represents that the passage seems related to the query but\n",
+ "does not answer it,\n",
+ "2 = represents that the passage has some answer for the query,\n",
+ "but the answer may be a bit unclear, or hidden amongst extraneous\n",
+ "information and\n",
+ "3 = represents that the passage is dedicated to the query and\n",
+ "contains the exact answer.\n",
+ "Important Instruction: Assign category 1 if the passage is\n",
+ "somewhat related to the topic but not completely, category 2 if\n",
+ "passage presents something very important related to the entire\n",
+ "topic but also has some extra information and category 3 if the\n",
+ "passage only and entirely refers to the topic. If none of the\n",
+ "above satisfies give it category 0.\n",
+ "Query: {query}\n",
+ "Passage: {passage}\n",
+ "Split this problem into steps:\n",
+ "Consider the underlying intent of the search.\n",
+ "Measure how well the content matches a likely intent of the query\n",
+ "(M).\n",
+ "Measure how trustworthy the passage is (T).\n",
+ "Consider the aspects above and the relative importance of each,\n",
+ "and decide on a final score (O). Final score must be an integer\n",
+ "value only.\n",
+ "Do not provide any code in result. Provide each score in the\n",
+ "format of: ##final score: score without providing any reasoning.\n",
+ "Always provide an output of the final category score described above (the final score\n",
+ "on a scale of 0 to 3).\n",
+ "\n",
+ "\"\"\"\n",
+ "\n",
+ "\n",
+ "zero_shot_categorical_prompt = \"\"\"\n",
+ "Given a query and a passage, you just categorize the passage based on how well it answers the query. The categories that can be assigned are the following:\n",
+ "\n",
+ "IRRELEVANT -- if a passage is categorized as irrelevant to a query, this means that the passage has nothing to do with the query.\n",
+ "FAIR -- if a passage is categorized as fair to a query, this means that the passage has low relevance to the query. The passage contains some information which seems very slightly related to the query but not enough information to answer the query. The passage contains some references or very limited information about some entities present in the query. In case the query is a statement on a topic, the passage should be tangentially related to it.\n",
+ "GOOD -- if a passage is categorized as good to a query, this means that the passage has medium relevance to the query. If the query is a question, the passage may contain some information that is relevant to the query but not enough information to answer the query. If the query is a phrase/sentence, either the result is centered around most but not all entities present in the query, or if all the entities are present in the passage, the passage, while not being centered around it, has a medium level of relevance. In case the query is a statement on a topic, the passage should be related to the topic.\n",
+ "EXCELLENT -- if a passage is categorized as excellent to a query, this means that the passage has a high relevance to the query. If the query is a question, the passage should contain information that can answer the query. Otherwise if the query is a phrase/sentence, it provides relevant information about all entities that are present in the query and the passage is centered around the entities mentioned in the query. In case the query is a statement on a topic, the passage should be either directly addressing it or be on the same topic.\n",
+ "\n",
+ "You should think step by step about the query and the passage and provide a categorization. You should also provide a reasoning for your categorization. If you absolutely cannot figure out a categorization, assign IRRELEVANT.\n",
+ "\n",
+ "\n",
+ "Query: {query}\n",
+ "Passage: {passage}\n",
+ "\n",
+ "Provide the output in the format of: ##Categorization: