Merge pull request #23 from karthiksoman/main
addition of notebooks and changes in system prompt for evidence extraction from graph associations
8
.gitignore
vendored
@@ -1,3 +1,11 @@
|
||||
logs/
|
||||
data/results/cypher_rag_output_2M_spoke.csv
|
||||
test_notebooks/create_node_context_file_for_2M_spoke_graph.ipynb
|
||||
notebooks/cypher_rag_using_langchain_2M.ipynb
|
||||
notebooks/cypher_rag_using_langchain_output_extraction.ipynb
|
||||
data/arxiv_data
|
||||
notebooks/neo4j_rag_using_langchain_3M.ipynb
|
||||
cachegpt
|
||||
kg_rag/cachegpt
|
||||
data/vectorDB
|
||||
codes/llm_notebooks/benchmark_datasets/two_hop_questions_mcq.ipynb
|
||||
|
||||
151
.test_notebooks/biomedgpt.ipynb
Normal file
@@ -0,0 +1,151 @@
|
||||
{
|
||||
"cells": [
|
||||
{
|
||||
"cell_type": "code",
|
||||
"execution_count": 1,
|
||||
"id": "aa1bc1aa-68b1-41bb-94f0-033c34d76b13",
|
||||
"metadata": {},
|
||||
"outputs": [
|
||||
{
|
||||
"name": "stderr",
|
||||
"output_type": "stream",
|
||||
"text": [
|
||||
"/root/anaconda3/envs/kg_rag_test_2/lib/python3.10/site-packages/tqdm/auto.py:21: TqdmWarning: IProgress not found. Please update jupyter and ipywidgets. See https://ipywidgets.readthedocs.io/en/stable/user_install.html\n",
|
||||
" from .autonotebook import tqdm as notebook_tqdm\n"
|
||||
]
|
||||
}
|
||||
],
|
||||
"source": [
|
||||
"from transformers import AutoTokenizer, AutoModelForCausalLM, TextStreamer\n",
|
||||
"import torch\n"
|
||||
]
|
||||
},
|
||||
{
|
||||
"cell_type": "code",
|
||||
"execution_count": 2,
|
||||
"id": "32d27545-5454-4328-b62f-91a86c905710",
|
||||
"metadata": {},
|
||||
"outputs": [],
|
||||
"source": [
|
||||
"BIOMEDGPT_MODEL_CARD = 'PharMolix/BioMedGPT-LM-7B'\n",
|
||||
"BRANCH_NAME = 'main'\n",
|
||||
"CACHE_DIR = '/data/somank/llm_data/llm_models/huggingface'\n"
|
||||
]
|
||||
},
|
||||
{
|
||||
"cell_type": "code",
|
||||
"execution_count": 3,
|
||||
"id": "e875c7d1-22de-4787-b75f-71975d11ff92",
|
||||
"metadata": {},
|
||||
"outputs": [
|
||||
{
|
||||
"name": "stderr",
|
||||
"output_type": "stream",
|
||||
"text": [
|
||||
"Loading checkpoint shards: 100%|████████████████████████████████████████████████████████████████████████████████████████████████████████████████| 3/3 [00:19<00:00, 6.56s/it]\n",
|
||||
"/root/anaconda3/envs/kg_rag_test_2/lib/python3.10/site-packages/transformers/generation/configuration_utils.py:362: UserWarning: `do_sample` is set to `False`. However, `temperature` is set to `0.9` -- this flag is only used in sample-based generation modes. You should set `do_sample=True` or unset `temperature`. This was detected when initializing the generation config instance, which means the corresponding file may hold incorrect parameterization and should be fixed.\n",
|
||||
" warnings.warn(\n",
|
||||
"/root/anaconda3/envs/kg_rag_test_2/lib/python3.10/site-packages/transformers/generation/configuration_utils.py:367: UserWarning: `do_sample` is set to `False`. However, `top_p` is set to `0.6` -- this flag is only used in sample-based generation modes. You should set `do_sample=True` or unset `top_p`. This was detected when initializing the generation config instance, which means the corresponding file may hold incorrect parameterization and should be fixed.\n",
|
||||
" warnings.warn(\n"
|
||||
]
|
||||
},
|
||||
{
|
||||
"name": "stdout",
|
||||
"output_type": "stream",
|
||||
"text": [
|
||||
"CPU times: user 18.9 s, sys: 26.3 s, total: 45.3 s\n",
|
||||
"Wall time: 26 s\n"
|
||||
]
|
||||
}
|
||||
],
|
||||
"source": [
|
||||
"%%time\n",
|
||||
"\n",
|
||||
"tokenizer = AutoTokenizer.from_pretrained(BIOMEDGPT_MODEL_CARD,\n",
|
||||
" revision=BRANCH_NAME,\n",
|
||||
" cache_dir=CACHE_DIR)\n",
|
||||
"model = AutoModelForCausalLM.from_pretrained(BIOMEDGPT_MODEL_CARD, \n",
|
||||
" device_map='auto',\n",
|
||||
" torch_dtype=torch.float16,\n",
|
||||
" revision=BRANCH_NAME,\n",
|
||||
" cache_dir=CACHE_DIR\n",
|
||||
" )"
|
||||
]
|
||||
},
|
||||
{
|
||||
"cell_type": "code",
|
||||
"execution_count": 7,
|
||||
"id": "0a28f1ce-5cc5-4a17-84d7-b0dda29815a5",
|
||||
"metadata": {},
|
||||
"outputs": [],
|
||||
"source": [
|
||||
"question = '''\n",
|
||||
"For the following Question, answer if it is either True or False.\n",
|
||||
"Question:alpha-Mannosidosis associates Gene MAN2B1\n",
|
||||
"Answer:\n",
|
||||
"'''\n",
|
||||
"text = [\"Out of the given list, which Gene is associated with psoriasis and Takayasu's arteritis. Given list is: SHTN1, HLA-B, SLC14A2, BTBD9, DTNB\"]\n"
|
||||
]
|
||||
},
|
||||
{
|
||||
"cell_type": "code",
|
||||
"execution_count": 8,
|
||||
"id": "f59eeb37-57dd-42ae-b9ff-f8442eb613a7",
|
||||
"metadata": {},
|
||||
"outputs": [
|
||||
{
|
||||
"name": "stdout",
|
||||
"output_type": "stream",
|
||||
"text": [
|
||||
"P1, TNFAIP3, TNIP1, TNIP3, TNFAIP2, TNFAIP6, TNFAIP7, TNFAIP8, TNFAIP9, TNFAIP10\n"
|
||||
]
|
||||
}
|
||||
],
|
||||
"source": [
|
||||
"input = tokenizer(text,\n",
|
||||
" truncation=True,\n",
|
||||
" return_tensors=\"pt\")\n",
|
||||
"\n",
|
||||
"with torch.no_grad():\n",
|
||||
" streamer = TextStreamer(tokenizer, skip_prompt=True, skip_special_tokens=True)\n",
|
||||
" output = model.generate(**input, \n",
|
||||
" streamer=streamer, \n",
|
||||
" max_new_tokens=64,\n",
|
||||
" temperature=0.01,\n",
|
||||
" do_sample=True)\n",
|
||||
" output_text = tokenizer.decode(output[0], \n",
|
||||
" skip_special_tokens=True)\n",
|
||||
" "
|
||||
]
|
||||
},
|
||||
{
|
||||
"cell_type": "code",
|
||||
"execution_count": null,
|
||||
"id": "00e94dd0-4861-402a-9a3f-57874efcde31",
|
||||
"metadata": {},
|
||||
"outputs": [],
|
||||
"source": []
|
||||
}
|
||||
],
|
||||
"metadata": {
|
||||
"kernelspec": {
|
||||
"display_name": "Python 3 (ipykernel)",
|
||||
"language": "python",
|
||||
"name": "python3"
|
||||
},
|
||||
"language_info": {
|
||||
"codemirror_mode": {
|
||||
"name": "ipython",
|
||||
"version": 3
|
||||
},
|
||||
"file_extension": ".py",
|
||||
"mimetype": "text/x-python",
|
||||
"name": "python",
|
||||
"nbconvert_exporter": "python",
|
||||
"pygments_lexer": "ipython3",
|
||||
"version": "3.10.9"
|
||||
}
|
||||
},
|
||||
"nbformat": 4,
|
||||
"nbformat_minor": 5
|
||||
}
|
||||
339
.test_notebooks/cypher_rag_langchain.ipynb
Normal file
@@ -0,0 +1,339 @@
|
||||
{
|
||||
"cells": [
|
||||
{
|
||||
"cell_type": "code",
|
||||
"execution_count": 12,
|
||||
"id": "293b41f7",
|
||||
"metadata": {},
|
||||
"outputs": [],
|
||||
"source": [
|
||||
"from langchain.chains import GraphCypherQAChain\n",
|
||||
"from langchain.chat_models import ChatOpenAI\n",
|
||||
"from langchain.graphs import Neo4jGraph\n",
|
||||
"from dotenv import load_dotenv\n",
|
||||
"import os\n",
|
||||
"import openai\n"
|
||||
]
|
||||
},
|
||||
{
|
||||
"cell_type": "code",
|
||||
"execution_count": 13,
|
||||
"id": "ca51ba69",
|
||||
"metadata": {},
|
||||
"outputs": [],
|
||||
"source": [
|
||||
"\n",
|
||||
"load_dotenv(os.path.join(os.path.expanduser('~'), '.spoke_neo4j_config.env'))\n",
|
||||
"username = os.environ.get('NEO4J_USER')\n",
|
||||
"password = os.environ.get('NEO4J_PSW')\n",
|
||||
"url = os.environ.get('NEO4J_URI')\n",
|
||||
"database = os.environ.get('NEO4J_DB')\n"
|
||||
]
|
||||
},
|
||||
{
|
||||
"cell_type": "code",
|
||||
"execution_count": 14,
|
||||
"id": "5db0b6ca",
|
||||
"metadata": {},
|
||||
"outputs": [
|
||||
{
|
||||
"name": "stdout",
|
||||
"output_type": "stream",
|
||||
"text": [
|
||||
"CPU times: user 419 ms, sys: 72.2 ms, total: 491 ms\n",
|
||||
"Wall time: 27.6 s\n"
|
||||
]
|
||||
}
|
||||
],
|
||||
"source": [
|
||||
"%%time\n",
|
||||
"\n",
|
||||
"graph = Neo4jGraph(\n",
|
||||
" url=url, \n",
|
||||
" username=username, \n",
|
||||
" password=password,\n",
|
||||
" database = database\n",
|
||||
")\n"
|
||||
]
|
||||
},
|
||||
{
|
||||
"cell_type": "code",
|
||||
"execution_count": 15,
|
||||
"id": "5a6aa873",
|
||||
"metadata": {},
|
||||
"outputs": [
|
||||
{
|
||||
"name": "stderr",
|
||||
"output_type": "stream",
|
||||
"text": [
|
||||
"WARNING! engine is not default parameter.\n",
|
||||
" engine was transferred to model_kwargs.\n",
|
||||
" Please confirm that engine is what you intended.\n"
|
||||
]
|
||||
}
|
||||
],
|
||||
"source": [
|
||||
"load_dotenv(os.path.join(os.path.expanduser('~'), '.gpt_config.env'))\n",
|
||||
"API_KEY = os.environ.get('API_KEY')\n",
|
||||
"API_VERSION = os.environ.get('API_VERSION')\n",
|
||||
"RESOURCE_ENDPOINT = os.environ.get('RESOURCE_ENDPOINT')\n",
|
||||
"\n",
|
||||
"openai.api_type = \"azure\"\n",
|
||||
"openai.api_key = API_KEY\n",
|
||||
"openai.api_base = RESOURCE_ENDPOINT\n",
|
||||
"openai.api_version = API_VERSION\n",
|
||||
"\n",
|
||||
"chat_deployment_id = 'gpt-4-32k'\n",
|
||||
"chat_model_id = chat_deployment_id\n",
|
||||
"\n",
|
||||
"temperature = 0\n",
|
||||
"\n",
|
||||
"chat_model = ChatOpenAI(openai_api_key=API_KEY, \n",
|
||||
" engine=chat_deployment_id, \n",
|
||||
" temperature=temperature)\n"
|
||||
]
|
||||
},
|
||||
{
|
||||
"cell_type": "code",
|
||||
"execution_count": 16,
|
||||
"id": "76437285",
|
||||
"metadata": {},
|
||||
"outputs": [],
|
||||
"source": [
|
||||
"chain = GraphCypherQAChain.from_llm(\n",
|
||||
" chat_model, \n",
|
||||
" graph=graph, \n",
|
||||
" verbose=True, \n",
|
||||
" validate_cypher=True,\n",
|
||||
" return_intermediate_steps=True\n",
|
||||
")"
|
||||
]
|
||||
},
|
||||
{
|
||||
"cell_type": "code",
|
||||
"execution_count": 17,
|
||||
"id": "3fd3b9c5",
|
||||
"metadata": {},
|
||||
"outputs": [],
|
||||
"source": [
|
||||
"from langchain.callbacks import get_openai_callback\n"
|
||||
]
|
||||
},
|
||||
{
|
||||
"cell_type": "code",
|
||||
"execution_count": 20,
|
||||
"id": "ed67a504",
|
||||
"metadata": {},
|
||||
"outputs": [
|
||||
{
|
||||
"name": "stdout",
|
||||
"output_type": "stream",
|
||||
"text": [
|
||||
"\n",
|
||||
"\n",
|
||||
"\u001b[1m> Entering new GraphCypherQAChain chain...\u001b[0m\n",
|
||||
"Generated Cypher:\n",
|
||||
"\u001b[32;1m\u001b[1;3mMATCH (c:Compound {name: 'levodopa'})-[:TREATS_CtD]->(d:Disease {name: 'Parkinson\\'s disease'}) RETURN c,d\u001b[0m\n",
|
||||
"Full Context:\n",
|
||||
"\u001b[32;1m\u001b[1;3m[]\u001b[0m\n",
|
||||
"\n",
|
||||
"\u001b[1m> Finished chain.\u001b[0m\n",
|
||||
"I'm sorry, but I don't have the information to answer that question.\n"
|
||||
]
|
||||
}
|
||||
],
|
||||
"source": [
|
||||
"question = 'What are the genes associated with multiple sclerosis?'\n",
|
||||
"question = \"Is Parkinson's disease associated with levodopa?\"\n",
|
||||
"# question=\"Which gene has stronger association with the disease 'liver benign neoplasm', is it PNPLA3 or HLA-B?\"\n",
|
||||
"# question='What is the clinical phase of levodopa in treating parkinson disease?'\n",
|
||||
"with get_openai_callback() as cb:\n",
|
||||
" out = chain.run(query=question, return_final_only=False)\n",
|
||||
" print(out)\n"
|
||||
]
|
||||
},
|
||||
{
|
||||
"cell_type": "code",
|
||||
"execution_count": 100,
|
||||
"id": "d1673080",
|
||||
"metadata": {},
|
||||
"outputs": [],
|
||||
"source": [
|
||||
"question = 'What are the genes associated with multiple sclerosis?'\n",
|
||||
"question=\"Which gene has stronger association with the disease 'liver benign neoplasm', is it PNPLA3 or HLA-B?\"\n",
|
||||
"question='What is the clinical phase of levodopa treating parkinson disease?'\n",
|
||||
"\n",
|
||||
"class OutputCapturer:\n",
|
||||
" def __init__(self):\n",
|
||||
" self.outputs = []\n",
|
||||
"\n",
|
||||
" def write(self, output):\n",
|
||||
" self.outputs.append(output)\n",
|
||||
"\n",
|
||||
"# Create an instance of OutputCapturer\n",
|
||||
"output_capturer = OutputCapturer()\n",
|
||||
"\n",
|
||||
"# Redirect standard output to the output_capturer\n",
|
||||
"import sys\n",
|
||||
"original_stdout = sys.stdout\n",
|
||||
"sys.stdout = output_capturer\n",
|
||||
"\n",
|
||||
"# Run the chain with your query\n",
|
||||
"out = chain.run(query=question, return_final_only=False)\n",
|
||||
"\n",
|
||||
"# Restore original stdout\n",
|
||||
"sys.stdout = original_stdout\n",
|
||||
"\n",
|
||||
"# Now `output_capturer.outputs` should contain all intermediate outputs\n"
|
||||
]
|
||||
},
|
||||
{
|
||||
"cell_type": "code",
|
||||
"execution_count": 101,
|
||||
"id": "4d84de0e",
|
||||
"metadata": {},
|
||||
"outputs": [
|
||||
{
|
||||
"name": "stdout",
|
||||
"output_type": "stream",
|
||||
"text": [
|
||||
"\u001b[32;1m\u001b[1;3m[]\u001b[0m\n"
|
||||
]
|
||||
}
|
||||
],
|
||||
"source": [
|
||||
"print(output_capturer.outputs[8])"
|
||||
]
|
||||
},
|
||||
{
|
||||
"cell_type": "code",
|
||||
"execution_count": null,
|
||||
"id": "3347c11f",
|
||||
"metadata": {},
|
||||
"outputs": [],
|
||||
"source": [
|
||||
"1. Correct context retrieval\n",
|
||||
"2. Token utilization\n"
|
||||
]
|
||||
},
|
||||
{
|
||||
"cell_type": "code",
|
||||
"execution_count": 54,
|
||||
"id": "ecffdba7",
|
||||
"metadata": {},
|
||||
"outputs": [
|
||||
{
|
||||
"data": {
|
||||
"text/plain": [
|
||||
"<bound method Chain.run of GraphCypherQAChain(memory=None, callbacks=None, callback_manager=None, verbose=True, tags=None, metadata=None, graph=<langchain.graphs.neo4j_graph.Neo4jGraph object at 0x7fd47aab9ed0>, cypher_generation_chain=LLMChain(memory=None, callbacks=None, callback_manager=None, verbose=False, tags=None, metadata=None, prompt=PromptTemplate(input_variables=['schema', 'question'], output_parser=None, partial_variables={}, template='Task:Generate Cypher statement to query a graph database.\\nInstructions:\\nUse only the provided relationship types and properties in the schema.\\nDo not use any other relationship types or properties that are not provided.\\nSchema:\\n{schema}\\nNote: Do not include any explanations or apologies in your responses.\\nDo not respond to any questions that might ask anything else than for you to construct a Cypher statement.\\nDo not include any text except the generated Cypher statement.\\n\\nThe question is:\\n{question}', template_format='f-string', validate_template=True), llm=ChatOpenAI(cache=None, verbose=False, callbacks=None, callback_manager=None, tags=None, metadata=None, client=<class 'openai.api_resources.chat_completion.ChatCompletion'>, model_name='gpt-3.5-turbo', temperature=0.0, model_kwargs={'engine': 'gpt-4-32k'}, openai_api_key='N2ZiNDk0ZjhkNWNiNDhhZjhlMjNhNzY0YjNhYWRkZjI6M0FBZjBEODY2ZkIxNGQxZmEwRDc2NjRiQjQzMzFBOTI=', openai_api_base='', openai_organization='', openai_proxy='', request_timeout=None, max_retries=6, streaming=False, n=1, max_tokens=None, tiktoken_model_name=None), output_key='text', output_parser=StrOutputParser(), return_final_only=True, llm_kwargs={}), qa_chain=LLMChain(memory=None, callbacks=None, callback_manager=None, verbose=False, tags=None, metadata=None, prompt=PromptTemplate(input_variables=['context', 'question'], output_parser=None, partial_variables={}, template=\"You are an assistant that helps to form nice and human understandable answers.\\nThe information part contains the provided information that you must use to construct an answer.\\nThe provided information is authoritative, you must never doubt it or try to use your internal knowledge to correct it.\\nMake the answer sound as a response to the question. Do not mention that you based the result on the given information.\\nIf the provided information is empty, say that you don't know the answer.\\nInformation:\\n{context}\\n\\nQuestion: {question}\\nHelpful Answer:\", template_format='f-string', validate_template=True), llm=ChatOpenAI(cache=None, verbose=False, callbacks=None, callback_manager=None, tags=None, metadata=None, client=<class 'openai.api_resources.chat_completion.ChatCompletion'>, model_name='gpt-3.5-turbo', temperature=0.0, model_kwargs={'engine': 'gpt-4-32k'}, openai_api_key='N2ZiNDk0ZjhkNWNiNDhhZjhlMjNhNzY0YjNhYWRkZjI6M0FBZjBEODY2ZkIxNGQxZmEwRDc2NjRiQjQzMzFBOTI=', openai_api_base='', openai_organization='', openai_proxy='', request_timeout=None, max_retries=6, streaming=False, n=1, max_tokens=None, tiktoken_model_name=None), output_key='text', output_parser=StrOutputParser(), return_final_only=True, llm_kwargs={}), input_key='query', output_key='result', top_k=10, return_intermediate_steps=True, return_direct=False)>"
|
||||
]
|
||||
},
|
||||
"execution_count": 54,
|
||||
"metadata": {},
|
||||
"output_type": "execute_result"
|
||||
}
|
||||
],
|
||||
"source": [
|
||||
"chain.run"
|
||||
]
|
||||
},
|
||||
{
|
||||
"cell_type": "code",
|
||||
"execution_count": 29,
|
||||
"id": "db7ed8c9",
|
||||
"metadata": {},
|
||||
"outputs": [
|
||||
{
|
||||
"name": "stdout",
|
||||
"output_type": "stream",
|
||||
"text": [
|
||||
"Task:Generate Cypher statement to query a graph database.\n",
|
||||
"Instructions:\n",
|
||||
"Use only the provided relationship types and properties in the schema.\n",
|
||||
"Do not use any other relationship types or properties that are not provided.\n",
|
||||
"Schema:\n",
|
||||
"{schema}\n",
|
||||
"Note: Do not include any explanations or apologies in your responses.\n",
|
||||
"Do not respond to any questions that might ask anything else than for you to construct a Cypher statement.\n",
|
||||
"Do not include any text except the generated Cypher statement.\n",
|
||||
"\n",
|
||||
"The question is:\n",
|
||||
"{question}\n"
|
||||
]
|
||||
}
|
||||
],
|
||||
"source": [
|
||||
"print(chain.cypher_generation_chain.prompt.template)\n"
|
||||
]
|
||||
},
|
||||
{
|
||||
"cell_type": "code",
|
||||
"execution_count": 42,
|
||||
"id": "2c98eaf6",
|
||||
"metadata": {},
|
||||
"outputs": [
|
||||
{
|
||||
"name": "stdout",
|
||||
"output_type": "stream",
|
||||
"text": [
|
||||
"You are an assistant that helps to form nice and human understandable answers.\n",
|
||||
"The information part contains the provided information that you must use to construct an answer.\n",
|
||||
"The provided information is authoritative, you must never doubt it or try to use your internal knowledge to correct it.\n",
|
||||
"Make the answer sound as a response to the question. Do not mention that you based the result on the given information.\n",
|
||||
"If the provided information is empty, say that you don't know the answer.\n",
|
||||
"Information:\n",
|
||||
"{context}\n",
|
||||
"\n",
|
||||
"Question: {question}\n",
|
||||
"Helpful Answer:\n"
|
||||
]
|
||||
}
|
||||
],
|
||||
"source": [
|
||||
"print(chain.qa_chain.prompt.template)"
|
||||
]
|
||||
},
|
||||
{
|
||||
"cell_type": "code",
|
||||
"execution_count": 48,
|
||||
"id": "46905634",
|
||||
"metadata": {},
|
||||
"outputs": [],
|
||||
"source": [
|
||||
"schema = graph.schema\n",
|
||||
"question\n",
|
||||
"cypher_template = chain.cypher_generation_chain.prompt.template\n",
|
||||
"cypher_template = cypher_template.format(schema=schema, question=question)\n"
|
||||
]
|
||||
},
|
||||
{
|
||||
"cell_type": "code",
|
||||
"execution_count": null,
|
||||
"id": "a392f860",
|
||||
"metadata": {},
|
||||
"outputs": [],
|
||||
"source": []
|
||||
}
|
||||
],
|
||||
"metadata": {
|
||||
"kernelspec": {
|
||||
"display_name": "Python 3 (ipykernel)",
|
||||
"language": "python",
|
||||
"name": "python3"
|
||||
},
|
||||
"language_info": {
|
||||
"codemirror_mode": {
|
||||
"name": "ipython",
|
||||
"version": 3
|
||||
},
|
||||
"file_extension": ".py",
|
||||
"mimetype": "text/x-python",
|
||||
"name": "python",
|
||||
"nbconvert_exporter": "python",
|
||||
"pygments_lexer": "ipython3",
|
||||
"version": "3.10.9"
|
||||
}
|
||||
},
|
||||
"nbformat": 4,
|
||||
"nbformat_minor": 5
|
||||
}
|
||||
233
.test_notebooks/get_disease_ids_for_vectordb.ipynb
Normal file
@@ -0,0 +1,233 @@
|
||||
{
|
||||
"cells": [
|
||||
{
|
||||
"cell_type": "code",
|
||||
"execution_count": 37,
|
||||
"id": "e64cee95",
|
||||
"metadata": {},
|
||||
"outputs": [],
|
||||
"source": [
|
||||
"import pickle\n",
|
||||
"import pandas as pd\n",
|
||||
"from neo4j import GraphDatabase, basic_auth\n",
|
||||
"from dotenv import load_dotenv, find_dotenv\n",
|
||||
"import os\n"
|
||||
]
|
||||
},
|
||||
{
|
||||
"cell_type": "code",
|
||||
"execution_count": 38,
|
||||
"id": "613ebae1",
|
||||
"metadata": {},
|
||||
"outputs": [],
|
||||
"source": [
|
||||
"load_dotenv(os.path.join(os.path.expanduser('~'), '.neo4j_config.env'))\n",
|
||||
"\n",
|
||||
"SPOKE_USER = os.environ.get('SPOKE_USER')\n",
|
||||
"SPOKE_PASSWORD = os.environ.get('SPOKE_PSW')\n",
|
||||
"URI = os.environ.get('SPOKE_URI')\n",
|
||||
"\n",
|
||||
"auth = basic_auth(SPOKE_USER, SPOKE_PASSWORD)\n",
|
||||
"sdb = GraphDatabase.driver(URI, auth=auth)\n"
|
||||
]
|
||||
},
|
||||
{
|
||||
"cell_type": "code",
|
||||
"execution_count": 39,
|
||||
"id": "8c0fdb36",
|
||||
"metadata": {},
|
||||
"outputs": [],
|
||||
"source": [
|
||||
"with open('../data/disease_with_relation_to_genes.pickle', 'rb') as f:\n",
|
||||
" disease_names = pickle.load(f)"
|
||||
]
|
||||
},
|
||||
{
|
||||
"cell_type": "code",
|
||||
"execution_count": 40,
|
||||
"id": "04534ff5",
|
||||
"metadata": {},
|
||||
"outputs": [
|
||||
{
|
||||
"name": "stdout",
|
||||
"output_type": "stream",
|
||||
"text": [
|
||||
"CPU times: user 176 ms, sys: 23.3 ms, total: 199 ms\n",
|
||||
"Wall time: 607 ms\n"
|
||||
]
|
||||
}
|
||||
],
|
||||
"source": [
|
||||
"%%time\n",
|
||||
"\n",
|
||||
"query = f'''\n",
|
||||
" MATCH(d:Disease)\n",
|
||||
" WHERE d.name IN {disease_names}\n",
|
||||
" RETURN d.identifier AS d_id, d.name AS d_name\n",
|
||||
"'''\n",
|
||||
"with sdb.session() as session:\n",
|
||||
" with session.begin_transaction() as tx:\n",
|
||||
" result = tx.run(query)\n",
|
||||
" out_list = []\n",
|
||||
" for row in result:\n",
|
||||
" out_list.append((row['d_id'], row['d_name']))\n",
|
||||
" "
|
||||
]
|
||||
},
|
||||
{
|
||||
"cell_type": "code",
|
||||
"execution_count": 41,
|
||||
"id": "3bf896fb",
|
||||
"metadata": {},
|
||||
"outputs": [],
|
||||
"source": [
|
||||
"\n",
|
||||
"disease_df = pd.DataFrame(out_list, columns=['disease_id', 'disease_name'])\n",
|
||||
"disease_name_df = pd.DataFrame(disease_names,columns=['disease_name'])\n",
|
||||
"\n",
|
||||
"disease_df = pd.merge(disease_name_df, disease_df, on='disease_name', how='left').drop_duplicates()\n",
|
||||
"\n",
|
||||
"disease_df.to_csv('../data/disease_name_with_id.csv', index=False)\n"
|
||||
]
|
||||
},
|
||||
{
|
||||
"cell_type": "code",
|
||||
"execution_count": 42,
|
||||
"id": "a3a2139a",
|
||||
"metadata": {},
|
||||
"outputs": [
|
||||
{
|
||||
"data": {
|
||||
"text/html": [
|
||||
"<div>\n",
|
||||
"<style scoped>\n",
|
||||
" .dataframe tbody tr th:only-of-type {\n",
|
||||
" vertical-align: middle;\n",
|
||||
" }\n",
|
||||
"\n",
|
||||
" .dataframe tbody tr th {\n",
|
||||
" vertical-align: top;\n",
|
||||
" }\n",
|
||||
"\n",
|
||||
" .dataframe thead th {\n",
|
||||
" text-align: right;\n",
|
||||
" }\n",
|
||||
"</style>\n",
|
||||
"<table border=\"1\" class=\"dataframe\">\n",
|
||||
" <thead>\n",
|
||||
" <tr style=\"text-align: right;\">\n",
|
||||
" <th></th>\n",
|
||||
" <th>disease_name</th>\n",
|
||||
" <th>disease_id</th>\n",
|
||||
" </tr>\n",
|
||||
" </thead>\n",
|
||||
" <tbody>\n",
|
||||
" <tr>\n",
|
||||
" <th>0</th>\n",
|
||||
" <td>serum amyloid A amyloidosis</td>\n",
|
||||
" <td>DOID:0080936</td>\n",
|
||||
" </tr>\n",
|
||||
" <tr>\n",
|
||||
" <th>1</th>\n",
|
||||
" <td>erythroleukemia</td>\n",
|
||||
" <td>DOID:0080916</td>\n",
|
||||
" </tr>\n",
|
||||
" <tr>\n",
|
||||
" <th>2</th>\n",
|
||||
" <td>spondylometaphyseal dysplasia Sedaghatian type</td>\n",
|
||||
" <td>DOID:0112298</td>\n",
|
||||
" </tr>\n",
|
||||
" <tr>\n",
|
||||
" <th>3</th>\n",
|
||||
" <td>cerebrooculofacioskeletal syndrome 2</td>\n",
|
||||
" <td>DOID:0080912</td>\n",
|
||||
" </tr>\n",
|
||||
" <tr>\n",
|
||||
" <th>4</th>\n",
|
||||
" <td>bilateral frontoparietal polymicrogyria</td>\n",
|
||||
" <td>DOID:0080922</td>\n",
|
||||
" </tr>\n",
|
||||
" <tr>\n",
|
||||
" <th>...</th>\n",
|
||||
" <td>...</td>\n",
|
||||
" <td>...</td>\n",
|
||||
" </tr>\n",
|
||||
" <tr>\n",
|
||||
" <th>6305</th>\n",
|
||||
" <td>graft-versus-host disease</td>\n",
|
||||
" <td>DOID:0081267</td>\n",
|
||||
" </tr>\n",
|
||||
" <tr>\n",
|
||||
" <th>6306</th>\n",
|
||||
" <td>acute myeloid leukemia with maturation</td>\n",
|
||||
" <td>DOID:0081087</td>\n",
|
||||
" </tr>\n",
|
||||
" <tr>\n",
|
||||
" <th>6307</th>\n",
|
||||
" <td>frontonasal dysplasia</td>\n",
|
||||
" <td>DOID:0081044</td>\n",
|
||||
" </tr>\n",
|
||||
" <tr>\n",
|
||||
" <th>6308</th>\n",
|
||||
" <td>central diabetes insipidus</td>\n",
|
||||
" <td>DOID:0081055</td>\n",
|
||||
" </tr>\n",
|
||||
" <tr>\n",
|
||||
" <th>6309</th>\n",
|
||||
" <td>acute myelomonocytic leukemia</td>\n",
|
||||
" <td>DOID:0081082</td>\n",
|
||||
" </tr>\n",
|
||||
" </tbody>\n",
|
||||
"</table>\n",
|
||||
"<p>6306 rows × 2 columns</p>\n",
|
||||
"</div>"
|
||||
],
|
||||
"text/plain": [
|
||||
" disease_name disease_id\n",
|
||||
"0 serum amyloid A amyloidosis DOID:0080936\n",
|
||||
"1 erythroleukemia DOID:0080916\n",
|
||||
"2 spondylometaphyseal dysplasia Sedaghatian type DOID:0112298\n",
|
||||
"3 cerebrooculofacioskeletal syndrome 2 DOID:0080912\n",
|
||||
"4 bilateral frontoparietal polymicrogyria DOID:0080922\n",
|
||||
"... ... ...\n",
|
||||
"6305 graft-versus-host disease DOID:0081267\n",
|
||||
"6306 acute myeloid leukemia with maturation DOID:0081087\n",
|
||||
"6307 frontonasal dysplasia DOID:0081044\n",
|
||||
"6308 central diabetes insipidus DOID:0081055\n",
|
||||
"6309 acute myelomonocytic leukemia DOID:0081082\n",
|
||||
"\n",
|
||||
"[6306 rows x 2 columns]"
|
||||
]
|
||||
},
|
||||
"execution_count": 42,
|
||||
"metadata": {},
|
||||
"output_type": "execute_result"
|
||||
}
|
||||
],
|
||||
"source": [
|
||||
"disease_df"
|
||||
]
|
||||
}
|
||||
],
|
||||
"metadata": {
|
||||
"kernelspec": {
|
||||
"display_name": "Python 3 (ipykernel)",
|
||||
"language": "python",
|
||||
"name": "python3"
|
||||
},
|
||||
"language_info": {
|
||||
"codemirror_mode": {
|
||||
"name": "ipython",
|
||||
"version": 3
|
||||
},
|
||||
"file_extension": ".py",
|
||||
"mimetype": "text/x-python",
|
||||
"name": "python",
|
||||
"nbconvert_exporter": "python",
|
||||
"pygments_lexer": "ipython3",
|
||||
"version": "3.10.9"
|
||||
}
|
||||
},
|
||||
"nbformat": 4,
|
||||
"nbformat_minor": 5
|
||||
}
|
||||
254
.test_notebooks/llama_index_test.ipynb
Normal file
@@ -0,0 +1,254 @@
|
||||
{
|
||||
"cells": [
|
||||
{
|
||||
"cell_type": "code",
|
||||
"execution_count": 1,
|
||||
"id": "e98fb0c6",
|
||||
"metadata": {},
|
||||
"outputs": [],
|
||||
"source": [
|
||||
"'''\n",
|
||||
"Ref:\n",
|
||||
" https://docs.llamaindex.ai/en/stable/examples/query_engine/knowledge_graph_rag_query_engine.html\n",
|
||||
" https://docs.llamaindex.ai/en/stable/examples/index_structs/knowledge_graph/Neo4jKGIndexDemo.html\n",
|
||||
"'''\n",
|
||||
"\n",
|
||||
"from llama_index.core import StorageContext\n",
|
||||
"from llama_index.graph_stores.neo4j import Neo4jGraphStore\n",
|
||||
"from llama_index.core.query_engine import RetrieverQueryEngine\n",
|
||||
"from llama_index.core.retrievers import KnowledgeGraphRAGRetriever\n",
|
||||
"from llama_index.llms.openai import OpenAI\n",
|
||||
"from llama_index.core import Settings\n",
|
||||
"from llama_index.llms.azure_openai import AzureOpenAI\n",
|
||||
"from llama_index.embeddings.azure_openai import AzureOpenAIEmbedding\n",
|
||||
"\n",
|
||||
"import os\n",
|
||||
"from dotenv import load_dotenv, find_dotenv\n",
|
||||
"\n",
|
||||
"from IPython.display import display, Markdown\n"
|
||||
]
|
||||
},
|
||||
{
|
||||
"cell_type": "code",
|
||||
"execution_count": 66,
|
||||
"id": "54aa26f3",
|
||||
"metadata": {},
|
||||
"outputs": [],
|
||||
"source": [
|
||||
"load_dotenv(os.path.join(os.path.expanduser('~'), '.gpt_config.env'))\n",
|
||||
"api_key = os.environ.get('API_KEY')\n",
|
||||
"azure_endpoint = os.environ.get('RESOURCE_ENDPOINT')\n",
|
||||
"api_version = os.environ.get('API_VERSION')\n",
|
||||
"model=\"gpt-35-turbo\"\n",
|
||||
"\n",
|
||||
"llm = AzureOpenAI(\n",
|
||||
" model=model,\n",
|
||||
" deployment_name=model,\n",
|
||||
" api_key=api_key,\n",
|
||||
" azure_endpoint=azure_endpoint,\n",
|
||||
" api_version=api_version,\n",
|
||||
")\n",
|
||||
"\n",
|
||||
"Settings.llm = llm\n",
|
||||
"\n",
|
||||
"\n",
|
||||
"embed_model = AzureOpenAIEmbedding(\n",
|
||||
" model=\"text-embedding-ada-002\",\n",
|
||||
" deployment_name=\"text-embedding-ada-002\",\n",
|
||||
" api_key=api_key,\n",
|
||||
" azure_endpoint=azure_endpoint,\n",
|
||||
" api_version=api_version,\n",
|
||||
")\n",
|
||||
"\n",
|
||||
"Settings.embed_model = embed_model\n",
|
||||
"Settings.chunk_size = 512\n",
|
||||
"\n",
|
||||
"# Settings.llm = None\n"
|
||||
]
|
||||
},
|
||||
{
|
||||
"cell_type": "code",
|
||||
"execution_count": 67,
|
||||
"id": "cc0e4e67",
|
||||
"metadata": {},
|
||||
"outputs": [],
|
||||
"source": [
|
||||
"load_dotenv(os.path.join(os.path.expanduser('~'), '.spoke_neo4j_config.env'))\n",
|
||||
"username = os.environ.get('NEO4J_USER')\n",
|
||||
"password = os.environ.get('NEO4J_PSW')\n",
|
||||
"url = os.environ.get('NEO4J_URL')\n",
|
||||
"database = os.environ.get('NEO4J_DB')\n"
|
||||
]
|
||||
},
|
||||
{
|
||||
"cell_type": "code",
|
||||
"execution_count": 68,
|
||||
"id": "5b8e6b05",
|
||||
"metadata": {},
|
||||
"outputs": [
|
||||
{
|
||||
"name": "stdout",
|
||||
"output_type": "stream",
|
||||
"text": [
|
||||
"CPU times: user 78.5 ms, sys: 8.57 ms, total: 87.1 ms\n",
|
||||
"Wall time: 14.3 s\n"
|
||||
]
|
||||
}
|
||||
],
|
||||
"source": [
|
||||
"%%time\n",
|
||||
"\n",
|
||||
"graph_store = Neo4jGraphStore(\n",
|
||||
" username=username,\n",
|
||||
" password=password,\n",
|
||||
" url=url,\n",
|
||||
" database=database\n",
|
||||
")"
|
||||
]
|
||||
},
|
||||
{
|
||||
"cell_type": "code",
|
||||
"execution_count": 69,
|
||||
"id": "5c26c852",
|
||||
"metadata": {},
|
||||
"outputs": [],
|
||||
"source": [
|
||||
"storage_context = StorageContext.from_defaults(graph_store=graph_store)\n"
|
||||
]
|
||||
},
|
||||
{
|
||||
"cell_type": "code",
|
||||
"execution_count": 70,
|
||||
"id": "29ee8d5e",
|
||||
"metadata": {},
|
||||
"outputs": [],
|
||||
"source": [
|
||||
"# storage_context.graph_store.get_schema()\n"
|
||||
]
|
||||
},
|
||||
{
|
||||
"cell_type": "code",
|
||||
"execution_count": 71,
|
||||
"id": "b3bf11d7",
|
||||
"metadata": {},
|
||||
"outputs": [],
|
||||
"source": [
|
||||
"graph_rag_retriever = KnowledgeGraphRAGRetriever(\n",
|
||||
" storage_context=storage_context,\n",
|
||||
" verbose=True,\n",
|
||||
" retriever_mode='keyword',\n",
|
||||
"# with_nl2graphquery=True,\n",
|
||||
")"
|
||||
]
|
||||
},
|
||||
{
|
||||
"cell_type": "code",
|
||||
"execution_count": 72,
|
||||
"id": "146ece63",
|
||||
"metadata": {},
|
||||
"outputs": [],
|
||||
"source": [
|
||||
"query_engine = RetrieverQueryEngine.from_args(\n",
|
||||
" graph_rag_retriever,\n",
|
||||
")"
|
||||
]
|
||||
},
|
||||
{
|
||||
"cell_type": "code",
|
||||
"execution_count": 73,
|
||||
"id": "d71cc63a",
|
||||
"metadata": {},
|
||||
"outputs": [
|
||||
{
|
||||
"data": {
|
||||
"text/markdown": [
|
||||
"<b>Empty Response</b>"
|
||||
],
|
||||
"text/plain": [
|
||||
"<IPython.core.display.Markdown object>"
|
||||
]
|
||||
},
|
||||
"metadata": {},
|
||||
"output_type": "display_data"
|
||||
},
|
||||
{
|
||||
"name": "stdout",
|
||||
"output_type": "stream",
|
||||
"text": [
|
||||
"CPU times: user 57.6 ms, sys: 5.54 ms, total: 63.2 ms\n",
|
||||
"Wall time: 1.66 s\n"
|
||||
]
|
||||
}
|
||||
],
|
||||
"source": [
|
||||
"%%time\n",
|
||||
"\n",
|
||||
"# response = await query_engine.aquery(\n",
|
||||
" \n",
|
||||
"# )\n",
|
||||
"\n",
|
||||
"# response = query_engine.query(\n",
|
||||
"# \"What are the genes associated with hypochondrogenesis?\",\n",
|
||||
"# )\n",
|
||||
"\n",
|
||||
"response = query_engine.query(\n",
|
||||
" \"What do you know about hypochondrogenesis?\",\n",
|
||||
")\n",
|
||||
"display(Markdown(f\"<b>{response}</b>\"))"
|
||||
]
|
||||
},
|
||||
{
|
||||
"cell_type": "code",
|
||||
"execution_count": 74,
|
||||
"id": "b76767a0",
|
||||
"metadata": {},
|
||||
"outputs": [
|
||||
{
|
||||
"data": {
|
||||
"text/markdown": [
|
||||
"<b>Empty Response</b>"
|
||||
],
|
||||
"text/plain": [
|
||||
"<IPython.core.display.Markdown object>"
|
||||
]
|
||||
},
|
||||
"metadata": {},
|
||||
"output_type": "display_data"
|
||||
}
|
||||
],
|
||||
"source": [
|
||||
"\n",
|
||||
"display(Markdown(f\"<b>{response}</b>\"))\n"
|
||||
]
|
||||
},
|
||||
{
|
||||
"cell_type": "code",
|
||||
"execution_count": null,
|
||||
"id": "de5794ed",
|
||||
"metadata": {},
|
||||
"outputs": [],
|
||||
"source": []
|
||||
}
|
||||
],
|
||||
"metadata": {
|
||||
"kernelspec": {
|
||||
"display_name": "Python 3 (ipykernel)",
|
||||
"language": "python",
|
||||
"name": "python3"
|
||||
},
|
||||
"language_info": {
|
||||
"codemirror_mode": {
|
||||
"name": "ipython",
|
||||
"version": 3
|
||||
},
|
||||
"file_extension": ".py",
|
||||
"mimetype": "text/x-python",
|
||||
"name": "python",
|
||||
"nbconvert_exporter": "python",
|
||||
"pygments_lexer": "ipython3",
|
||||
"version": "3.10.9"
|
||||
}
|
||||
},
|
||||
"nbformat": 4,
|
||||
"nbformat_minor": 5
|
||||
}
|
||||
195
.test_notebooks/medgpt_rag_test.ipynb
Normal file
@@ -0,0 +1,195 @@
|
||||
{
|
||||
"cells": [
|
||||
{
|
||||
"cell_type": "code",
|
||||
"execution_count": 1,
|
||||
"id": "b33a915d-cc1d-4102-a2ee-159c02e6c579",
|
||||
"metadata": {},
|
||||
"outputs": [],
|
||||
"source": [
|
||||
"import os\n",
|
||||
"os.chdir('..')"
|
||||
]
|
||||
},
|
||||
{
|
||||
"cell_type": "code",
|
||||
"execution_count": 2,
|
||||
"id": "57c0a1b8-e339-4f6b-941e-7af7b902de7c",
|
||||
"metadata": {},
|
||||
"outputs": [
|
||||
{
|
||||
"name": "stderr",
|
||||
"output_type": "stream",
|
||||
"text": [
|
||||
"/root/anaconda3/envs/kg_rag_test_2/lib/python3.10/site-packages/tqdm/auto.py:21: TqdmWarning: IProgress not found. Please update jupyter and ipywidgets. See https://ipywidgets.readthedocs.io/en/stable/user_install.html\n",
|
||||
" from .autonotebook import tqdm as notebook_tqdm\n"
|
||||
]
|
||||
}
|
||||
],
|
||||
"source": [
|
||||
"from langchain import PromptTemplate, LLMChain\n",
|
||||
"from kg_rag.utility import *\n",
|
||||
"from tqdm import tqdm\n"
|
||||
]
|
||||
},
|
||||
{
|
||||
"cell_type": "code",
|
||||
"execution_count": 3,
|
||||
"id": "2672548d-7d25-4f3c-94d1-d19206049076",
|
||||
"metadata": {},
|
||||
"outputs": [],
|
||||
"source": [
|
||||
"QUESTION_PATH = config_data[\"MCQ_PATH\"]\n",
|
||||
"SYSTEM_PROMPT = system_prompts[\"MCQ_QUESTION\"]\n",
|
||||
"CONTEXT_VOLUME = int(config_data[\"CONTEXT_VOLUME\"])\n",
|
||||
"QUESTION_VS_CONTEXT_SIMILARITY_PERCENTILE_THRESHOLD = float(config_data[\"QUESTION_VS_CONTEXT_SIMILARITY_PERCENTILE_THRESHOLD\"])\n",
|
||||
"QUESTION_VS_CONTEXT_MINIMUM_SIMILARITY = float(config_data[\"QUESTION_VS_CONTEXT_MINIMUM_SIMILARITY\"])\n",
|
||||
"VECTOR_DB_PATH = config_data[\"VECTOR_DB_PATH\"]\n",
|
||||
"NODE_CONTEXT_PATH = config_data[\"NODE_CONTEXT_PATH\"]\n",
|
||||
"SENTENCE_EMBEDDING_MODEL_FOR_NODE_RETRIEVAL = config_data[\"SENTENCE_EMBEDDING_MODEL_FOR_NODE_RETRIEVAL\"]\n",
|
||||
"SENTENCE_EMBEDDING_MODEL_FOR_CONTEXT_RETRIEVAL = config_data[\"SENTENCE_EMBEDDING_MODEL_FOR_CONTEXT_RETRIEVAL\"]\n",
|
||||
"SAVE_PATH = config_data[\"SAVE_RESULTS_PATH\"]\n",
|
||||
"\n",
|
||||
"MODEL_NAME = 'PharMolix/BioMedGPT-LM-7B'\n",
|
||||
"BRANCH_NAME = 'main'\n",
|
||||
"CACHE_DIR = config_data[\"LLM_CACHE_DIR\"]\n"
|
||||
]
|
||||
},
|
||||
{
|
||||
"cell_type": "code",
|
||||
"execution_count": 4,
|
||||
"id": "c753b053-be44-4ddb-8d55-3bf434428954",
|
||||
"metadata": {},
|
||||
"outputs": [],
|
||||
"source": [
|
||||
"INSTRUCTION = \"Context:\\n\\n{context} \\n\\nQuestion: {question}\"\n",
|
||||
"\n",
|
||||
"vectorstore = load_chroma(VECTOR_DB_PATH, SENTENCE_EMBEDDING_MODEL_FOR_NODE_RETRIEVAL)\n",
|
||||
"embedding_function_for_context_retrieval = load_sentence_transformer(SENTENCE_EMBEDDING_MODEL_FOR_CONTEXT_RETRIEVAL)\n",
|
||||
"node_context_df = pd.read_csv(NODE_CONTEXT_PATH)\n",
|
||||
"edge_evidence = False\n"
|
||||
]
|
||||
},
|
||||
{
|
||||
"cell_type": "code",
|
||||
"execution_count": 5,
|
||||
"id": "f18c9efb-556c-4b37-8b00-e06a73a19f86",
|
||||
"metadata": {},
|
||||
"outputs": [
|
||||
{
|
||||
"name": "stderr",
|
||||
"output_type": "stream",
|
||||
"text": [
|
||||
"Loading checkpoint shards: 100%|████████████████████████████████████████████████████████████████████████████████████████████████████████████████| 3/3 [00:19<00:00, 6.66s/it]\n",
|
||||
"/root/anaconda3/envs/kg_rag_test_2/lib/python3.10/site-packages/transformers/generation/configuration_utils.py:362: UserWarning: `do_sample` is set to `False`. However, `temperature` is set to `0.9` -- this flag is only used in sample-based generation modes. You should set `do_sample=True` or unset `temperature`. This was detected when initializing the generation config instance, which means the corresponding file may hold incorrect parameterization and should be fixed.\n",
|
||||
" warnings.warn(\n",
|
||||
"/root/anaconda3/envs/kg_rag_test_2/lib/python3.10/site-packages/transformers/generation/configuration_utils.py:367: UserWarning: `do_sample` is set to `False`. However, `top_p` is set to `0.6` -- this flag is only used in sample-based generation modes. You should set `do_sample=True` or unset `top_p`. This was detected when initializing the generation config instance, which means the corresponding file may hold incorrect parameterization and should be fixed.\n",
|
||||
" warnings.warn(\n"
|
||||
]
|
||||
}
|
||||
],
|
||||
"source": [
|
||||
"llm = llama_model(MODEL_NAME, BRANCH_NAME, CACHE_DIR) \n",
|
||||
"template = get_prompt(INSTRUCTION, SYSTEM_PROMPT)\n",
|
||||
"prompt = PromptTemplate(template=template, input_variables=[\"context\", \"question\"])"
|
||||
]
|
||||
},
|
||||
{
|
||||
"cell_type": "code",
|
||||
"execution_count": 6,
|
||||
"id": "0370d703-4e18-4c78-9e9a-2030b498253e",
|
||||
"metadata": {},
|
||||
"outputs": [],
|
||||
"source": [
|
||||
"llm_chain = LLMChain(prompt=prompt, llm=llm) \n",
|
||||
"question_df = pd.read_csv(QUESTION_PATH) \n"
|
||||
]
|
||||
},
|
||||
{
|
||||
"cell_type": "code",
|
||||
"execution_count": 8,
|
||||
"id": "275f4171-3be7-46ca-bf16-18160ce72f3b",
|
||||
"metadata": {},
|
||||
"outputs": [
|
||||
{
|
||||
"data": {
|
||||
"text/plain": [
|
||||
"\"Out of the given list, which Gene is associated with psoriasis and Takayasu's arteritis. Given list is: SHTN1, HLA-B, SLC14A2, BTBD9, DTNB\""
|
||||
]
|
||||
},
|
||||
"execution_count": 8,
|
||||
"metadata": {},
|
||||
"output_type": "execute_result"
|
||||
}
|
||||
],
|
||||
"source": [
|
||||
"question_df.iloc[0].text"
|
||||
]
|
||||
},
|
||||
{
|
||||
"cell_type": "code",
|
||||
"execution_count": 11,
|
||||
"id": "cc5a65fb-6bd3-4948-84e5-f404af83d3f7",
|
||||
"metadata": {},
|
||||
"outputs": [
|
||||
{
|
||||
"name": "stderr",
|
||||
"output_type": "stream",
|
||||
"text": [
|
||||
"0it [00:00, ?it/s]Token indices sequence length is longer than the specified maximum sequence length for this model (4135 > 2048). Running this sequence through the model will result in indexing errors\n",
|
||||
"This is a friendly reminder - the current text generation call will exceed the model's predefined maximum length (4096). Depending on the model, you may observe exceptions, performance degradation, or nothing at all.\n",
|
||||
"0it [04:19, ?it/s]\n",
|
||||
"\n",
|
||||
"KeyboardInterrupt\n",
|
||||
"\n"
|
||||
]
|
||||
}
|
||||
],
|
||||
"source": [
|
||||
"%%time\n",
|
||||
"\n",
|
||||
"answer_list = []\n",
|
||||
"question_df = question_df.sample(50, random_state=40)\n",
|
||||
"for index, row in tqdm(question_df.iterrows()):\n",
|
||||
" question = row[\"text\"]\n",
|
||||
" context = retrieve_context(question, vectorstore, embedding_function_for_context_retrieval, node_context_df, CONTEXT_VOLUME, QUESTION_VS_CONTEXT_SIMILARITY_PERCENTILE_THRESHOLD, QUESTION_VS_CONTEXT_MINIMUM_SIMILARITY, edge_evidence)\n",
|
||||
" output = llm_chain.run(context=context, question=question)\n",
|
||||
" print(output)\n",
|
||||
" input('press enter')\n",
|
||||
" answer_list.append((row[\"text\"], row[\"correct_node\"], output))\n",
|
||||
"answer_df = pd.DataFrame(answer_list, columns=[\"question\", \"correct_answer\", \"llm_answer\"])\n"
|
||||
]
|
||||
},
|
||||
{
|
||||
"cell_type": "code",
|
||||
"execution_count": null,
|
||||
"id": "94eb325d-17d4-4013-907d-7a38dabaea56",
|
||||
"metadata": {},
|
||||
"outputs": [],
|
||||
"source": [
|
||||
"answer_df.to_csv(os.path.join(SAVE_PATH, save_name), index=False, header=True) \n"
|
||||
]
|
||||
}
|
||||
],
|
||||
"metadata": {
|
||||
"kernelspec": {
|
||||
"display_name": "Python 3 (ipykernel)",
|
||||
"language": "python",
|
||||
"name": "python3"
|
||||
},
|
||||
"language_info": {
|
||||
"codemirror_mode": {
|
||||
"name": "ipython",
|
||||
"version": 3
|
||||
},
|
||||
"file_extension": ".py",
|
||||
"mimetype": "text/x-python",
|
||||
"name": "python",
|
||||
"nbconvert_exporter": "python",
|
||||
"pygments_lexer": "ipython3",
|
||||
"version": "3.10.9"
|
||||
}
|
||||
},
|
||||
"nbformat": 4,
|
||||
"nbformat_minor": 5
|
||||
}
|
||||
339
.test_notebooks/neo4j_langchain.ipynb
Normal file
@@ -0,0 +1,339 @@
|
||||
{
|
||||
"cells": [
|
||||
{
|
||||
"cell_type": "code",
|
||||
"execution_count": 12,
|
||||
"id": "293b41f7",
|
||||
"metadata": {},
|
||||
"outputs": [],
|
||||
"source": [
|
||||
"from langchain.chains import GraphCypherQAChain\n",
|
||||
"from langchain.chat_models import ChatOpenAI\n",
|
||||
"from langchain.graphs import Neo4jGraph\n",
|
||||
"from dotenv import load_dotenv\n",
|
||||
"import os\n",
|
||||
"import openai\n"
|
||||
]
|
||||
},
|
||||
{
|
||||
"cell_type": "code",
|
||||
"execution_count": 13,
|
||||
"id": "ca51ba69",
|
||||
"metadata": {},
|
||||
"outputs": [],
|
||||
"source": [
|
||||
"\n",
|
||||
"load_dotenv(os.path.join(os.path.expanduser('~'), '.spoke_neo4j_config.env'))\n",
|
||||
"username = os.environ.get('NEO4J_USER')\n",
|
||||
"password = os.environ.get('NEO4J_PSW')\n",
|
||||
"url = os.environ.get('NEO4J_URI')\n",
|
||||
"database = os.environ.get('NEO4J_DB')\n"
|
||||
]
|
||||
},
|
||||
{
|
||||
"cell_type": "code",
|
||||
"execution_count": 14,
|
||||
"id": "5db0b6ca",
|
||||
"metadata": {},
|
||||
"outputs": [
|
||||
{
|
||||
"name": "stdout",
|
||||
"output_type": "stream",
|
||||
"text": [
|
||||
"CPU times: user 419 ms, sys: 72.2 ms, total: 491 ms\n",
|
||||
"Wall time: 27.6 s\n"
|
||||
]
|
||||
}
|
||||
],
|
||||
"source": [
|
||||
"%%time\n",
|
||||
"\n",
|
||||
"graph = Neo4jGraph(\n",
|
||||
" url=url, \n",
|
||||
" username=username, \n",
|
||||
" password=password,\n",
|
||||
" database = database\n",
|
||||
")\n"
|
||||
]
|
||||
},
|
||||
{
|
||||
"cell_type": "code",
|
||||
"execution_count": 15,
|
||||
"id": "5a6aa873",
|
||||
"metadata": {},
|
||||
"outputs": [
|
||||
{
|
||||
"name": "stderr",
|
||||
"output_type": "stream",
|
||||
"text": [
|
||||
"WARNING! engine is not default parameter.\n",
|
||||
" engine was transferred to model_kwargs.\n",
|
||||
" Please confirm that engine is what you intended.\n"
|
||||
]
|
||||
}
|
||||
],
|
||||
"source": [
|
||||
"load_dotenv(os.path.join(os.path.expanduser('~'), '.gpt_config.env'))\n",
|
||||
"API_KEY = os.environ.get('API_KEY')\n",
|
||||
"API_VERSION = os.environ.get('API_VERSION')\n",
|
||||
"RESOURCE_ENDPOINT = os.environ.get('RESOURCE_ENDPOINT')\n",
|
||||
"\n",
|
||||
"openai.api_type = \"azure\"\n",
|
||||
"openai.api_key = API_KEY\n",
|
||||
"openai.api_base = RESOURCE_ENDPOINT\n",
|
||||
"openai.api_version = API_VERSION\n",
|
||||
"\n",
|
||||
"chat_deployment_id = 'gpt-4-32k'\n",
|
||||
"chat_model_id = chat_deployment_id\n",
|
||||
"\n",
|
||||
"temperature = 0\n",
|
||||
"\n",
|
||||
"chat_model = ChatOpenAI(openai_api_key=API_KEY, \n",
|
||||
" engine=chat_deployment_id, \n",
|
||||
" temperature=temperature)\n"
|
||||
]
|
||||
},
|
||||
{
|
||||
"cell_type": "code",
|
||||
"execution_count": 16,
|
||||
"id": "76437285",
|
||||
"metadata": {},
|
||||
"outputs": [],
|
||||
"source": [
|
||||
"chain = GraphCypherQAChain.from_llm(\n",
|
||||
" chat_model, \n",
|
||||
" graph=graph, \n",
|
||||
" verbose=True, \n",
|
||||
" validate_cypher=True,\n",
|
||||
" return_intermediate_steps=True\n",
|
||||
")"
|
||||
]
|
||||
},
|
||||
{
|
||||
"cell_type": "code",
|
||||
"execution_count": 17,
|
||||
"id": "3fd3b9c5",
|
||||
"metadata": {},
|
||||
"outputs": [],
|
||||
"source": [
|
||||
"from langchain.callbacks import get_openai_callback\n"
|
||||
]
|
||||
},
|
||||
{
|
||||
"cell_type": "code",
|
||||
"execution_count": 20,
|
||||
"id": "ed67a504",
|
||||
"metadata": {},
|
||||
"outputs": [
|
||||
{
|
||||
"name": "stdout",
|
||||
"output_type": "stream",
|
||||
"text": [
|
||||
"\n",
|
||||
"\n",
|
||||
"\u001b[1m> Entering new GraphCypherQAChain chain...\u001b[0m\n",
|
||||
"Generated Cypher:\n",
|
||||
"\u001b[32;1m\u001b[1;3mMATCH (c:Compound {name: 'levodopa'})-[:TREATS_CtD]->(d:Disease {name: 'Parkinson\\'s disease'}) RETURN c,d\u001b[0m\n",
|
||||
"Full Context:\n",
|
||||
"\u001b[32;1m\u001b[1;3m[]\u001b[0m\n",
|
||||
"\n",
|
||||
"\u001b[1m> Finished chain.\u001b[0m\n",
|
||||
"I'm sorry, but I don't have the information to answer that question.\n"
|
||||
]
|
||||
}
|
||||
],
|
||||
"source": [
|
||||
"question = 'What are the genes associated with multiple sclerosis?'\n",
|
||||
"question = \"Is Parkinson's disease associated with levodopa?\"\n",
|
||||
"# question=\"Which gene has stronger association with the disease 'liver benign neoplasm', is it PNPLA3 or HLA-B?\"\n",
|
||||
"# question='What is the clinical phase of levodopa in treating parkinson disease?'\n",
|
||||
"with get_openai_callback() as cb:\n",
|
||||
" out = chain.run(query=question, return_final_only=False)\n",
|
||||
" print(out)\n"
|
||||
]
|
||||
},
|
||||
{
|
||||
"cell_type": "code",
|
||||
"execution_count": 100,
|
||||
"id": "d1673080",
|
||||
"metadata": {},
|
||||
"outputs": [],
|
||||
"source": [
|
||||
"question = 'What are the genes associated with multiple sclerosis?'\n",
|
||||
"question=\"Which gene has stronger association with the disease 'liver benign neoplasm', is it PNPLA3 or HLA-B?\"\n",
|
||||
"question='What is the clinical phase of levodopa treating parkinson disease?'\n",
|
||||
"\n",
|
||||
"class OutputCapturer:\n",
|
||||
" def __init__(self):\n",
|
||||
" self.outputs = []\n",
|
||||
"\n",
|
||||
" def write(self, output):\n",
|
||||
" self.outputs.append(output)\n",
|
||||
"\n",
|
||||
"# Create an instance of OutputCapturer\n",
|
||||
"output_capturer = OutputCapturer()\n",
|
||||
"\n",
|
||||
"# Redirect standard output to the output_capturer\n",
|
||||
"import sys\n",
|
||||
"original_stdout = sys.stdout\n",
|
||||
"sys.stdout = output_capturer\n",
|
||||
"\n",
|
||||
"# Run the chain with your query\n",
|
||||
"out = chain.run(query=question, return_final_only=False)\n",
|
||||
"\n",
|
||||
"# Restore original stdout\n",
|
||||
"sys.stdout = original_stdout\n",
|
||||
"\n",
|
||||
"# Now `output_capturer.outputs` should contain all intermediate outputs\n"
|
||||
]
|
||||
},
|
||||
{
|
||||
"cell_type": "code",
|
||||
"execution_count": 101,
|
||||
"id": "4d84de0e",
|
||||
"metadata": {},
|
||||
"outputs": [
|
||||
{
|
||||
"name": "stdout",
|
||||
"output_type": "stream",
|
||||
"text": [
|
||||
"\u001b[32;1m\u001b[1;3m[]\u001b[0m\n"
|
||||
]
|
||||
}
|
||||
],
|
||||
"source": [
|
||||
"print(output_capturer.outputs[8])"
|
||||
]
|
||||
},
|
||||
{
|
||||
"cell_type": "code",
|
||||
"execution_count": null,
|
||||
"id": "3347c11f",
|
||||
"metadata": {},
|
||||
"outputs": [],
|
||||
"source": [
|
||||
"1. Correct context retrieval\n",
|
||||
"2. Token utilization\n"
|
||||
]
|
||||
},
|
||||
{
|
||||
"cell_type": "code",
|
||||
"execution_count": 54,
|
||||
"id": "ecffdba7",
|
||||
"metadata": {},
|
||||
"outputs": [
|
||||
{
|
||||
"data": {
|
||||
"text/plain": [
|
||||
"<bound method Chain.run of GraphCypherQAChain(memory=None, callbacks=None, callback_manager=None, verbose=True, tags=None, metadata=None, graph=<langchain.graphs.neo4j_graph.Neo4jGraph object at 0x7fd47aab9ed0>, cypher_generation_chain=LLMChain(memory=None, callbacks=None, callback_manager=None, verbose=False, tags=None, metadata=None, prompt=PromptTemplate(input_variables=['schema', 'question'], output_parser=None, partial_variables={}, template='Task:Generate Cypher statement to query a graph database.\\nInstructions:\\nUse only the provided relationship types and properties in the schema.\\nDo not use any other relationship types or properties that are not provided.\\nSchema:\\n{schema}\\nNote: Do not include any explanations or apologies in your responses.\\nDo not respond to any questions that might ask anything else than for you to construct a Cypher statement.\\nDo not include any text except the generated Cypher statement.\\n\\nThe question is:\\n{question}', template_format='f-string', validate_template=True), llm=ChatOpenAI(cache=None, verbose=False, callbacks=None, callback_manager=None, tags=None, metadata=None, client=<class 'openai.api_resources.chat_completion.ChatCompletion'>, model_name='gpt-3.5-turbo', temperature=0.0, model_kwargs={'engine': 'gpt-4-32k'}, openai_api_key='N2ZiNDk0ZjhkNWNiNDhhZjhlMjNhNzY0YjNhYWRkZjI6M0FBZjBEODY2ZkIxNGQxZmEwRDc2NjRiQjQzMzFBOTI=', openai_api_base='', openai_organization='', openai_proxy='', request_timeout=None, max_retries=6, streaming=False, n=1, max_tokens=None, tiktoken_model_name=None), output_key='text', output_parser=StrOutputParser(), return_final_only=True, llm_kwargs={}), qa_chain=LLMChain(memory=None, callbacks=None, callback_manager=None, verbose=False, tags=None, metadata=None, prompt=PromptTemplate(input_variables=['context', 'question'], output_parser=None, partial_variables={}, template=\"You are an assistant that helps to form nice and human understandable answers.\\nThe information part contains the provided information that you must use to construct an answer.\\nThe provided information is authoritative, you must never doubt it or try to use your internal knowledge to correct it.\\nMake the answer sound as a response to the question. Do not mention that you based the result on the given information.\\nIf the provided information is empty, say that you don't know the answer.\\nInformation:\\n{context}\\n\\nQuestion: {question}\\nHelpful Answer:\", template_format='f-string', validate_template=True), llm=ChatOpenAI(cache=None, verbose=False, callbacks=None, callback_manager=None, tags=None, metadata=None, client=<class 'openai.api_resources.chat_completion.ChatCompletion'>, model_name='gpt-3.5-turbo', temperature=0.0, model_kwargs={'engine': 'gpt-4-32k'}, openai_api_key='N2ZiNDk0ZjhkNWNiNDhhZjhlMjNhNzY0YjNhYWRkZjI6M0FBZjBEODY2ZkIxNGQxZmEwRDc2NjRiQjQzMzFBOTI=', openai_api_base='', openai_organization='', openai_proxy='', request_timeout=None, max_retries=6, streaming=False, n=1, max_tokens=None, tiktoken_model_name=None), output_key='text', output_parser=StrOutputParser(), return_final_only=True, llm_kwargs={}), input_key='query', output_key='result', top_k=10, return_intermediate_steps=True, return_direct=False)>"
|
||||
]
|
||||
},
|
||||
"execution_count": 54,
|
||||
"metadata": {},
|
||||
"output_type": "execute_result"
|
||||
}
|
||||
],
|
||||
"source": [
|
||||
"chain.run"
|
||||
]
|
||||
},
|
||||
{
|
||||
"cell_type": "code",
|
||||
"execution_count": 29,
|
||||
"id": "db7ed8c9",
|
||||
"metadata": {},
|
||||
"outputs": [
|
||||
{
|
||||
"name": "stdout",
|
||||
"output_type": "stream",
|
||||
"text": [
|
||||
"Task:Generate Cypher statement to query a graph database.\n",
|
||||
"Instructions:\n",
|
||||
"Use only the provided relationship types and properties in the schema.\n",
|
||||
"Do not use any other relationship types or properties that are not provided.\n",
|
||||
"Schema:\n",
|
||||
"{schema}\n",
|
||||
"Note: Do not include any explanations or apologies in your responses.\n",
|
||||
"Do not respond to any questions that might ask anything else than for you to construct a Cypher statement.\n",
|
||||
"Do not include any text except the generated Cypher statement.\n",
|
||||
"\n",
|
||||
"The question is:\n",
|
||||
"{question}\n"
|
||||
]
|
||||
}
|
||||
],
|
||||
"source": [
|
||||
"print(chain.cypher_generation_chain.prompt.template)\n"
|
||||
]
|
||||
},
|
||||
{
|
||||
"cell_type": "code",
|
||||
"execution_count": 42,
|
||||
"id": "2c98eaf6",
|
||||
"metadata": {},
|
||||
"outputs": [
|
||||
{
|
||||
"name": "stdout",
|
||||
"output_type": "stream",
|
||||
"text": [
|
||||
"You are an assistant that helps to form nice and human understandable answers.\n",
|
||||
"The information part contains the provided information that you must use to construct an answer.\n",
|
||||
"The provided information is authoritative, you must never doubt it or try to use your internal knowledge to correct it.\n",
|
||||
"Make the answer sound as a response to the question. Do not mention that you based the result on the given information.\n",
|
||||
"If the provided information is empty, say that you don't know the answer.\n",
|
||||
"Information:\n",
|
||||
"{context}\n",
|
||||
"\n",
|
||||
"Question: {question}\n",
|
||||
"Helpful Answer:\n"
|
||||
]
|
||||
}
|
||||
],
|
||||
"source": [
|
||||
"print(chain.qa_chain.prompt.template)"
|
||||
]
|
||||
},
|
||||
{
|
||||
"cell_type": "code",
|
||||
"execution_count": 48,
|
||||
"id": "46905634",
|
||||
"metadata": {},
|
||||
"outputs": [],
|
||||
"source": [
|
||||
"schema = graph.schema\n",
|
||||
"question\n",
|
||||
"cypher_template = chain.cypher_generation_chain.prompt.template\n",
|
||||
"cypher_template = cypher_template.format(schema=schema, question=question)\n"
|
||||
]
|
||||
},
|
||||
{
|
||||
"cell_type": "code",
|
||||
"execution_count": null,
|
||||
"id": "a392f860",
|
||||
"metadata": {},
|
||||
"outputs": [],
|
||||
"source": []
|
||||
}
|
||||
],
|
||||
"metadata": {
|
||||
"kernelspec": {
|
||||
"display_name": "Python 3 (ipykernel)",
|
||||
"language": "python",
|
||||
"name": "python3"
|
||||
},
|
||||
"language_info": {
|
||||
"codemirror_mode": {
|
||||
"name": "ipython",
|
||||
"version": 3
|
||||
},
|
||||
"file_extension": ".py",
|
||||
"mimetype": "text/x-python",
|
||||
"name": "python",
|
||||
"nbconvert_exporter": "python",
|
||||
"pygments_lexer": "ipython3",
|
||||
"version": "3.10.9"
|
||||
}
|
||||
},
|
||||
"nbformat": 4,
|
||||
"nbformat_minor": 5
|
||||
}
|
||||
@@ -0,0 +1,79 @@
|
||||
{
|
||||
"cells": [
|
||||
{
|
||||
"cell_type": "code",
|
||||
"execution_count": 33,
|
||||
"id": "4fce19f0",
|
||||
"metadata": {},
|
||||
"outputs": [],
|
||||
"source": [
|
||||
"import pandas as pd\n"
|
||||
]
|
||||
},
|
||||
{
|
||||
"cell_type": "code",
|
||||
"execution_count": 34,
|
||||
"id": "953cc6f2",
|
||||
"metadata": {},
|
||||
"outputs": [],
|
||||
"source": [
|
||||
"data = pd.read_csv('/Users/karthiksoman/UCSF/KG_RAG/data/test_questions_one_hop_true_false_v2.csv')\n",
|
||||
"\n",
|
||||
"index_to_remove_after_manual_curation = [29, 42, 56, 124, 131, 157, 160, 176, 191, 244, 303]\n",
|
||||
"\n",
|
||||
"index_to_remove_after_manual_curation_ = list(map(lambda x:x-2, index_to_remove_after_manual_curation))\n",
|
||||
"\n",
|
||||
"data = data.drop(index_to_remove_after_manual_curation_)\n"
|
||||
]
|
||||
},
|
||||
{
|
||||
"cell_type": "code",
|
||||
"execution_count": 35,
|
||||
"id": "d0c83a47",
|
||||
"metadata": {},
|
||||
"outputs": [],
|
||||
"source": [
|
||||
"data.drop(['node_hits', 'score', 'node_hit_count'], axis=1, inplace=True)\n"
|
||||
]
|
||||
},
|
||||
{
|
||||
"cell_type": "code",
|
||||
"execution_count": 36,
|
||||
"id": "ce9a244e",
|
||||
"metadata": {},
|
||||
"outputs": [],
|
||||
"source": [
|
||||
"data.to_csv('../data/benchmark_data/true_false_questions.csv')\n"
|
||||
]
|
||||
},
|
||||
{
|
||||
"cell_type": "code",
|
||||
"execution_count": null,
|
||||
"id": "c6b90a33",
|
||||
"metadata": {},
|
||||
"outputs": [],
|
||||
"source": []
|
||||
}
|
||||
],
|
||||
"metadata": {
|
||||
"kernelspec": {
|
||||
"display_name": "Python 3 (ipykernel)",
|
||||
"language": "python",
|
||||
"name": "python3"
|
||||
},
|
||||
"language_info": {
|
||||
"codemirror_mode": {
|
||||
"name": "ipython",
|
||||
"version": 3
|
||||
},
|
||||
"file_extension": ".py",
|
||||
"mimetype": "text/x-python",
|
||||
"name": "python",
|
||||
"nbconvert_exporter": "python",
|
||||
"pygments_lexer": "ipython3",
|
||||
"version": "3.10.9"
|
||||
}
|
||||
},
|
||||
"nbformat": 4,
|
||||
"nbformat_minor": 5
|
||||
}
|
||||
406
.test_notebooks/test_drug_repurposing_context_fetching.ipynb
Normal file
@@ -0,0 +1,406 @@
|
||||
{
|
||||
"cells": [
|
||||
{
|
||||
"cell_type": "code",
|
||||
"execution_count": 2,
|
||||
"id": "c8b321fd",
|
||||
"metadata": {},
|
||||
"outputs": [],
|
||||
"source": [
|
||||
"import requests\n",
|
||||
"import pandas as pd\n",
|
||||
"import networkx as nx\n",
|
||||
"from tqdm import tqdm\n"
|
||||
]
|
||||
},
|
||||
{
|
||||
"cell_type": "code",
|
||||
"execution_count": 3,
|
||||
"id": "5b7c4888",
|
||||
"metadata": {},
|
||||
"outputs": [],
|
||||
"source": [
|
||||
"config_data = {\n",
|
||||
" 'BASE_URI' : 'https://spoke.rbvi.ucsf.edu',\n",
|
||||
" 'cutoff_Compound_max_phase' : 3,\n",
|
||||
" 'cutoff_Protein_source' : ['SwissProt'],\n",
|
||||
" 'cutoff_DaG_diseases_sources' : ['knowledge', 'experiments'],\n",
|
||||
" 'cutoff_DaG_textmining' : 3,\n",
|
||||
" 'cutoff_CtD_phase' : 3,\n",
|
||||
" 'cutoff_PiP_confidence' : 0.7,\n",
|
||||
" 'cutoff_ACTeG_level' : ['Low', 'Medium', 'High'],\n",
|
||||
" 'cutoff_DpL_average_prevalence' : 0.001,\n",
|
||||
" 'depth' : 2\n",
|
||||
"}\n"
|
||||
]
|
||||
},
|
||||
{
|
||||
"cell_type": "code",
|
||||
"execution_count": 4,
|
||||
"id": "145fa12e",
|
||||
"metadata": {},
|
||||
"outputs": [],
|
||||
"source": [
|
||||
"def get_spoke_api_resp(base_uri, end_point, params=None):\n",
|
||||
" uri = base_uri + end_point\n",
|
||||
" if params:\n",
|
||||
" return requests.get(uri, params=params)\n",
|
||||
" else:\n",
|
||||
" return requests.get(uri)\n",
|
||||
"\n",
|
||||
" \n",
|
||||
"def get_context_using_spoke_api(node_value):\n",
|
||||
" type_end_point = \"/api/v1/types\"\n",
|
||||
" result = get_spoke_api_resp(config_data['BASE_URI'], type_end_point)\n",
|
||||
" data_spoke_types = result.json()\n",
|
||||
" node_types = list(data_spoke_types[\"nodes\"].keys())\n",
|
||||
" edge_types = list(data_spoke_types[\"edges\"].keys())\n",
|
||||
" node_types_to_remove = [\"DatabaseTimestamp\", \"Version\"]\n",
|
||||
" filtered_node_types = [node_type for node_type in node_types if node_type not in node_types_to_remove]\n",
|
||||
" api_params = {\n",
|
||||
" 'node_filters' : filtered_node_types,\n",
|
||||
" 'edge_filters': edge_types,\n",
|
||||
" 'cutoff_Compound_max_phase': config_data['cutoff_Compound_max_phase'],\n",
|
||||
" 'cutoff_Protein_source': config_data['cutoff_Protein_source'],\n",
|
||||
" 'cutoff_DaG_diseases_sources': config_data['cutoff_DaG_diseases_sources'],\n",
|
||||
" 'cutoff_DaG_textmining': config_data['cutoff_DaG_textmining'],\n",
|
||||
" 'cutoff_CtD_phase': config_data['cutoff_CtD_phase'],\n",
|
||||
" 'cutoff_PiP_confidence': config_data['cutoff_PiP_confidence'],\n",
|
||||
" 'cutoff_ACTeG_level': config_data['cutoff_ACTeG_level'],\n",
|
||||
" 'cutoff_DpL_average_prevalence': config_data['cutoff_DpL_average_prevalence'],\n",
|
||||
" 'depth' : config_data['depth']\n",
|
||||
" }\n",
|
||||
" node_type = \"Disease\"\n",
|
||||
" attribute = \"name\"\n",
|
||||
" nbr_end_point = \"/api/v1/neighborhood/{}/{}/{}\".format(node_type, attribute, node_value)\n",
|
||||
" result = get_spoke_api_resp(config_data['BASE_URI'], nbr_end_point, params=api_params)\n",
|
||||
" node_context = result.json()\n",
|
||||
" nbr_nodes = []\n",
|
||||
" nbr_edges = []\n",
|
||||
" for item in node_context:\n",
|
||||
" if \"_\" not in item[\"data\"][\"neo4j_type\"]:\n",
|
||||
" try:\n",
|
||||
" if item[\"data\"][\"neo4j_type\"] == \"Protein\":\n",
|
||||
" nbr_nodes.append((item[\"data\"][\"neo4j_type\"], item[\"data\"][\"id\"], item[\"data\"][\"properties\"][\"description\"]))\n",
|
||||
" else:\n",
|
||||
" nbr_nodes.append((item[\"data\"][\"neo4j_type\"], item[\"data\"][\"id\"], item[\"data\"][\"properties\"][\"name\"]))\n",
|
||||
" except:\n",
|
||||
" nbr_nodes.append((item[\"data\"][\"neo4j_type\"], item[\"data\"][\"id\"], item[\"data\"][\"properties\"][\"identifier\"]))\n",
|
||||
" elif \"_\" in item[\"data\"][\"neo4j_type\"]:\n",
|
||||
" try:\n",
|
||||
" provenance = \", \".join(item[\"data\"][\"properties\"][\"sources\"])\n",
|
||||
" except:\n",
|
||||
" try:\n",
|
||||
" provenance = item[\"data\"][\"properties\"][\"source\"]\n",
|
||||
" if isinstance(provenance, list):\n",
|
||||
" provenance = \", \".join(provenance) \n",
|
||||
" except:\n",
|
||||
" try: \n",
|
||||
" preprint_list = ast.literal_eval(item[\"data\"][\"properties\"][\"preprint_list\"])\n",
|
||||
" if len(preprint_list) > 0: \n",
|
||||
" provenance = \", \".join(preprint_list)\n",
|
||||
" else:\n",
|
||||
" pmid_list = ast.literal_eval(item[\"data\"][\"properties\"][\"pmid_list\"])\n",
|
||||
" pmid_list = map(lambda x:\"pubmedId:\"+x, pmid_list)\n",
|
||||
" if len(pmid_list) > 0:\n",
|
||||
" provenance = \", \".join(pmid_list)\n",
|
||||
" else:\n",
|
||||
" provenance = \"Based on data from Institute For Systems Biology (ISB)\"\n",
|
||||
" except: \n",
|
||||
" provenance = \"SPOKE-KG\" \n",
|
||||
" try:\n",
|
||||
" evidence = item[\"data\"][\"properties\"]\n",
|
||||
" except:\n",
|
||||
" evidence = None\n",
|
||||
" nbr_edges.append((item[\"data\"][\"source\"], item[\"data\"][\"neo4j_type\"], item[\"data\"][\"target\"], provenance, evidence))\n",
|
||||
" nbr_nodes_df = pd.DataFrame(nbr_nodes, columns=[\"node_type\", \"node_id\", \"node_name\"])\n",
|
||||
" nbr_edges_df = pd.DataFrame(nbr_edges, columns=[\"source\", \"edge_type\", \"target\", \"provenance\", \"evidence\"])\n",
|
||||
" merge_1 = pd.merge(nbr_edges_df, nbr_nodes_df, left_on=\"source\", right_on=\"node_id\").drop(\"node_id\", axis=1)\n",
|
||||
" merge_1.loc[:,\"node_name\"] = merge_1.node_type + \" \" + merge_1.node_name\n",
|
||||
" merge_1.drop([\"source\", \"node_type\"], axis=1, inplace=True)\n",
|
||||
" merge_1 = merge_1.rename(columns={\"node_name\":\"source\"})\n",
|
||||
" merge_2 = pd.merge(merge_1, nbr_nodes_df, left_on=\"target\", right_on=\"node_id\").drop(\"node_id\", axis=1)\n",
|
||||
" merge_2.loc[:,\"node_name\"] = merge_2.node_type + \" \" + merge_2.node_name\n",
|
||||
" merge_2.drop([\"target\", \"node_type\"], axis=1, inplace=True)\n",
|
||||
" merge_2 = merge_2.rename(columns={\"node_name\":\"target\"})\n",
|
||||
" merge_2 = merge_2[[\"source\", \"edge_type\", \"target\", \"provenance\", \"evidence\"]]\n",
|
||||
" merge_2.loc[:, \"predicate\"] = merge_2.edge_type.apply(lambda x:x.split(\"_\")[0])\n",
|
||||
" merge_2.loc[:, \"context\"] = merge_2.source + \" \" + merge_2.predicate.str.lower() + \" \" + merge_2.target + \" and Provenance of this association is \" + merge_2.provenance + \".\"\n",
|
||||
" context = merge_2.context.str.cat(sep=' ')\n",
|
||||
" context += node_value + \" has a \" + node_context[0][\"data\"][\"properties\"][\"source\"] + \" identifier of \" + node_context[0][\"data\"][\"properties\"][\"identifier\"] + \" and Provenance of this is from \" + node_context[0][\"data\"][\"properties\"][\"source\"] + \".\"\n",
|
||||
" return context, merge_2\n"
|
||||
]
|
||||
},
|
||||
{
|
||||
"cell_type": "code",
|
||||
"execution_count": 5,
|
||||
"id": "2cc8b90c",
|
||||
"metadata": {},
|
||||
"outputs": [
|
||||
{
|
||||
"name": "stdout",
|
||||
"output_type": "stream",
|
||||
"text": [
|
||||
"CPU times: user 645 ms, sys: 125 ms, total: 770 ms\n",
|
||||
"Wall time: 11.1 s\n"
|
||||
]
|
||||
}
|
||||
],
|
||||
"source": [
|
||||
"%%time\n",
|
||||
"\n",
|
||||
"node_name = 'amyloidosis'\n",
|
||||
"node_context,context_table = get_context_using_spoke_api(node_name)\n"
|
||||
]
|
||||
},
|
||||
{
|
||||
"cell_type": "code",
|
||||
"execution_count": 6,
|
||||
"id": "a14fc76f",
|
||||
"metadata": {},
|
||||
"outputs": [
|
||||
{
|
||||
"name": "stderr",
|
||||
"output_type": "stream",
|
||||
"text": [
|
||||
"51093it [00:01, 46067.40it/s]"
|
||||
]
|
||||
},
|
||||
{
|
||||
"name": "stdout",
|
||||
"output_type": "stream",
|
||||
"text": [
|
||||
"CPU times: user 1.1 s, sys: 56.4 ms, total: 1.16 s\n",
|
||||
"Wall time: 1.16 s\n"
|
||||
]
|
||||
},
|
||||
{
|
||||
"name": "stderr",
|
||||
"output_type": "stream",
|
||||
"text": [
|
||||
"\n"
|
||||
]
|
||||
}
|
||||
],
|
||||
"source": [
|
||||
"%%time\n",
|
||||
"\n",
|
||||
"graph = nx.Graph()\n",
|
||||
"\n",
|
||||
"for index, row in tqdm(context_table.iterrows()):\n",
|
||||
" graph.add_edge(row['source'], row['target'], edge_type=row[\"predicate\"])\n",
|
||||
" "
|
||||
]
|
||||
},
|
||||
{
|
||||
"cell_type": "code",
|
||||
"execution_count": 7,
|
||||
"id": "0765f43b",
|
||||
"metadata": {},
|
||||
"outputs": [
|
||||
{
|
||||
"data": {
|
||||
"text/plain": [
|
||||
"{'edge_type': 'ASSOCIATES'}"
|
||||
]
|
||||
},
|
||||
"execution_count": 7,
|
||||
"metadata": {},
|
||||
"output_type": "execute_result"
|
||||
}
|
||||
],
|
||||
"source": [
|
||||
"disease_node = 'Disease amyloidosis'\n",
|
||||
"graph[disease_node]['Gene APOE']"
|
||||
]
|
||||
},
|
||||
{
|
||||
"cell_type": "code",
|
||||
"execution_count": 8,
|
||||
"id": "98535843",
|
||||
"metadata": {},
|
||||
"outputs": [
|
||||
{
|
||||
"name": "stdout",
|
||||
"output_type": "stream",
|
||||
"text": [
|
||||
"CPU times: user 16.7 ms, sys: 1.02 ms, total: 17.8 ms\n",
|
||||
"Wall time: 17.6 ms\n"
|
||||
]
|
||||
}
|
||||
],
|
||||
"source": [
|
||||
"%%time\n",
|
||||
"\n",
|
||||
"extracted_path = []\n",
|
||||
"for neighbor_1 in graph.neighbors(disease_node):\n",
|
||||
" if neighbor_1.startswith('Gene') | neighbor_1.startswith('Protein') | neighbor_1.startswith('Disease'):\n",
|
||||
" for neighbor_2 in graph.neighbors(neighbor_1):\n",
|
||||
" if neighbor_2.startswith('Compound'):\n",
|
||||
" if graph[neighbor_1][neighbor_2]['edge_type'] != 'CONTRAINDICATES':\n",
|
||||
" extracted_path.append((disease_node, graph[disease_node][neighbor_1]['edge_type'], neighbor_1, \n",
|
||||
" graph[neighbor_1][neighbor_2]['edge_type'], neighbor_2))\n",
|
||||
" \n",
|
||||
" "
|
||||
]
|
||||
},
|
||||
{
|
||||
"cell_type": "code",
|
||||
"execution_count": 9,
|
||||
"id": "5a046cd0",
|
||||
"metadata": {},
|
||||
"outputs": [
|
||||
{
|
||||
"data": {
|
||||
"text/plain": [
|
||||
"[('Disease amyloidosis',\n",
|
||||
" 'RESEMBLES',\n",
|
||||
" 'Disease cardiomyopathy',\n",
|
||||
" 'TREATS',\n",
|
||||
" 'Compound Dexrazoxane'),\n",
|
||||
" ('Disease amyloidosis',\n",
|
||||
" 'RESEMBLES',\n",
|
||||
" 'Disease cardiomyopathy',\n",
|
||||
" 'TREATS',\n",
|
||||
" 'Compound Prednisone'),\n",
|
||||
" ('Disease amyloidosis',\n",
|
||||
" 'ASSOCIATES',\n",
|
||||
" 'Gene APOE',\n",
|
||||
" 'DOWNREGULATES',\n",
|
||||
" 'Compound Alizapride'),\n",
|
||||
" ('Disease amyloidosis',\n",
|
||||
" 'ASSOCIATES',\n",
|
||||
" 'Gene APOE',\n",
|
||||
" 'DOWNREGULATES',\n",
|
||||
" 'Compound Proglumide'),\n",
|
||||
" ('Disease amyloidosis',\n",
|
||||
" 'ASSOCIATES',\n",
|
||||
" 'Gene APOE',\n",
|
||||
" 'DOWNREGULATES',\n",
|
||||
" 'Compound Idelalisib'),\n",
|
||||
" ('Disease amyloidosis',\n",
|
||||
" 'ASSOCIATES',\n",
|
||||
" 'Gene APOE',\n",
|
||||
" 'UPREGULATES',\n",
|
||||
" 'Compound Lorazepam')]"
|
||||
]
|
||||
},
|
||||
"execution_count": 9,
|
||||
"metadata": {},
|
||||
"output_type": "execute_result"
|
||||
}
|
||||
],
|
||||
"source": [
|
||||
"extracted_path[10:16]"
|
||||
]
|
||||
},
|
||||
{
|
||||
"cell_type": "code",
|
||||
"execution_count": 49,
|
||||
"id": "2dfd63be",
|
||||
"metadata": {},
|
||||
"outputs": [
|
||||
{
|
||||
"name": "stdout",
|
||||
"output_type": "stream",
|
||||
"text": [
|
||||
"Current node: Disease amyloidosis, Path: ['Disease amyloidosis']\n"
|
||||
]
|
||||
}
|
||||
],
|
||||
"source": [
|
||||
"# %%time\n",
|
||||
"\n",
|
||||
"for path in find_connected_compounds(graph, \"Disease amyloidosis\"):\n",
|
||||
"# print(path)\n",
|
||||
" print(\" -> \".join(path))"
|
||||
]
|
||||
},
|
||||
{
|
||||
"cell_type": "code",
|
||||
"execution_count": 39,
|
||||
"id": "a265df27",
|
||||
"metadata": {},
|
||||
"outputs": [
|
||||
{
|
||||
"ename": "SyntaxError",
|
||||
"evalue": "'yield' outside function (3157857207.py, line 13)",
|
||||
"output_type": "error",
|
||||
"traceback": [
|
||||
"\u001b[0;36m Cell \u001b[0;32mIn[39], line 13\u001b[0;36m\u001b[0m\n\u001b[0;31m yield path + [neighbor]\u001b[0m\n\u001b[0m ^\u001b[0m\n\u001b[0;31mSyntaxError\u001b[0m\u001b[0;31m:\u001b[0m 'yield' outside function\n"
|
||||
]
|
||||
}
|
||||
],
|
||||
"source": [
|
||||
"disease_node = 'Disease amyloidosis'\n",
|
||||
"queue = deque([(disease_node, [disease_node])])\n",
|
||||
"\n",
|
||||
"while queue:\n",
|
||||
" current_node, path = queue.popleft()\n",
|
||||
"\n",
|
||||
" # Check if the current node is a Gene node\n",
|
||||
" if current_node.startswith(\"Gene\"):\n",
|
||||
" # If so, check its neighbors for Compound nodes\n",
|
||||
" for neighbor in graph.neighbors(current_node):\n",
|
||||
" if neighbor.startswith(\"Compound\"):\n",
|
||||
" # If a Compound node is found, yield the path\n",
|
||||
" yield path + [neighbor]\n",
|
||||
" elif neighbor not in path:\n",
|
||||
" # If a non-Compound node is found, add it to the queue\n",
|
||||
" queue.append((neighbor, path + [neighbor]))\n"
|
||||
]
|
||||
},
|
||||
{
|
||||
"cell_type": "code",
|
||||
"execution_count": 92,
|
||||
"id": "4d4e617f",
|
||||
"metadata": {},
|
||||
"outputs": [],
|
||||
"source": [
|
||||
"from langchain.embeddings.sentence_transformer import SentenceTransformerEmbeddings"
|
||||
]
|
||||
},
|
||||
{
|
||||
"cell_type": "code",
|
||||
"execution_count": null,
|
||||
"id": "782eb8a5",
|
||||
"metadata": {},
|
||||
"outputs": [],
|
||||
"source": [
|
||||
"embedding_function = "
|
||||
]
|
||||
},
|
||||
{
|
||||
"cell_type": "code",
|
||||
"execution_count": null,
|
||||
"id": "ee365011",
|
||||
"metadata": {},
|
||||
"outputs": [],
|
||||
"source": [
|
||||
"node_context_list = node_context.split(\". \") \n",
|
||||
"node_context_embeddings = embedding_function.embed_documents(node_context_list)"
|
||||
]
|
||||
}
|
||||
],
|
||||
"metadata": {
|
||||
"kernelspec": {
|
||||
"display_name": "Python 3 (ipykernel)",
|
||||
"language": "python",
|
||||
"name": "python3"
|
||||
},
|
||||
"language_info": {
|
||||
"codemirror_mode": {
|
||||
"name": "ipython",
|
||||
"version": 3
|
||||
},
|
||||
"file_extension": ".py",
|
||||
"mimetype": "text/x-python",
|
||||
"name": "python",
|
||||
"nbconvert_exporter": "python",
|
||||
"pygments_lexer": "ipython3",
|
||||
"version": "3.10.9"
|
||||
}
|
||||
},
|
||||
"nbformat": 4,
|
||||
"nbformat_minor": 5
|
||||
}
|
||||
448
.test_notebooks/testing_edge_property_fetch.ipynb
Normal file
@@ -0,0 +1,448 @@
|
||||
{
|
||||
"cells": [
|
||||
{
|
||||
"cell_type": "code",
|
||||
"execution_count": 2,
|
||||
"id": "d153feab",
|
||||
"metadata": {},
|
||||
"outputs": [],
|
||||
"source": [
|
||||
"import requests\n",
|
||||
"import pandas as pd\n"
|
||||
]
|
||||
},
|
||||
{
|
||||
"cell_type": "code",
|
||||
"execution_count": 8,
|
||||
"id": "00e1c456",
|
||||
"metadata": {},
|
||||
"outputs": [],
|
||||
"source": [
|
||||
"config_data = {\n",
|
||||
" 'BASE_URI' : 'https://spoke.rbvi.ucsf.edu',\n",
|
||||
" 'cutoff_Compound_max_phase' : 3,\n",
|
||||
" 'cutoff_Protein_source' : ['SwissProt'],\n",
|
||||
" 'cutoff_DaG_diseases_sources' : ['knowledge', 'experiments'],\n",
|
||||
" 'cutoff_DaG_textmining' : 3,\n",
|
||||
" 'cutoff_CtD_phase' : 3,\n",
|
||||
" 'cutoff_PiP_confidence' : 0.7,\n",
|
||||
" 'cutoff_ACTeG_level' : ['Low', 'Medium', 'High'] \n",
|
||||
"}\n"
|
||||
]
|
||||
},
|
||||
{
|
||||
"cell_type": "code",
|
||||
"execution_count": 9,
|
||||
"id": "dcf1b00e",
|
||||
"metadata": {},
|
||||
"outputs": [],
|
||||
"source": [
|
||||
"def get_spoke_api_resp(base_uri, end_point, params=None):\n",
|
||||
" uri = base_uri + end_point\n",
|
||||
" if params:\n",
|
||||
" return requests.get(uri, params=params)\n",
|
||||
" else:\n",
|
||||
" return requests.get(uri)\n",
|
||||
"\n",
|
||||
" \n",
|
||||
"def get_context_using_spoke_api(node_value):\n",
|
||||
" type_end_point = \"/api/v1/types\"\n",
|
||||
" result = get_spoke_api_resp(config_data['BASE_URI'], type_end_point)\n",
|
||||
" data_spoke_types = result.json()\n",
|
||||
" node_types = list(data_spoke_types[\"nodes\"].keys())\n",
|
||||
" edge_types = list(data_spoke_types[\"edges\"].keys())\n",
|
||||
" node_types_to_remove = [\"DatabaseTimestamp\", \"Version\"]\n",
|
||||
" filtered_node_types = [node_type for node_type in node_types if node_type not in node_types_to_remove]\n",
|
||||
" api_params = {\n",
|
||||
" 'node_filters' : filtered_node_types,\n",
|
||||
" 'edge_filters': edge_types,\n",
|
||||
" 'cutoff_Compound_max_phase': config_data['cutoff_Compound_max_phase'],\n",
|
||||
" 'cutoff_Protein_source': config_data['cutoff_Protein_source'],\n",
|
||||
" 'cutoff_DaG_diseases_sources': config_data['cutoff_DaG_diseases_sources'],\n",
|
||||
" 'cutoff_DaG_textmining': config_data['cutoff_DaG_textmining'],\n",
|
||||
" 'cutoff_CtD_phase': config_data['cutoff_CtD_phase'],\n",
|
||||
" 'cutoff_PiP_confidence': config_data['cutoff_PiP_confidence'],\n",
|
||||
" 'cutoff_ACTeG_level': config_data['cutoff_ACTeG_level']\n",
|
||||
" }\n",
|
||||
" node_type = \"Disease\"\n",
|
||||
" attribute = \"name\"\n",
|
||||
" nbr_end_point = \"/api/v1/neighborhood/{}/{}/{}\".format(node_type, attribute, node_value)\n",
|
||||
" result = get_spoke_api_resp(config_data['BASE_URI'], nbr_end_point, params=api_params)\n",
|
||||
" node_context = result.json()\n",
|
||||
" nbr_nodes = []\n",
|
||||
" nbr_edges = []\n",
|
||||
" for item in node_context:\n",
|
||||
" if \"_\" not in item[\"data\"][\"neo4j_type\"]:\n",
|
||||
" try:\n",
|
||||
" if item[\"data\"][\"neo4j_type\"] == \"Protein\":\n",
|
||||
" nbr_nodes.append((item[\"data\"][\"neo4j_type\"], item[\"data\"][\"id\"], item[\"data\"][\"properties\"][\"description\"]))\n",
|
||||
" else:\n",
|
||||
" nbr_nodes.append((item[\"data\"][\"neo4j_type\"], item[\"data\"][\"id\"], item[\"data\"][\"properties\"][\"name\"]))\n",
|
||||
" except:\n",
|
||||
" nbr_nodes.append((item[\"data\"][\"neo4j_type\"], item[\"data\"][\"id\"], item[\"data\"][\"properties\"][\"identifier\"]))\n",
|
||||
" elif \"_\" in item[\"data\"][\"neo4j_type\"]:\n",
|
||||
" try:\n",
|
||||
" provenance = \", \".join(item[\"data\"][\"properties\"][\"sources\"])\n",
|
||||
" except:\n",
|
||||
" try:\n",
|
||||
" provenance = item[\"data\"][\"properties\"][\"source\"]\n",
|
||||
" if isinstance(provenance, list):\n",
|
||||
" provenance = \", \".join(provenance) \n",
|
||||
" except:\n",
|
||||
" try: \n",
|
||||
" preprint_list = ast.literal_eval(item[\"data\"][\"properties\"][\"preprint_list\"])\n",
|
||||
" if len(preprint_list) > 0: \n",
|
||||
" provenance = \", \".join(preprint_list)\n",
|
||||
" else:\n",
|
||||
" pmid_list = ast.literal_eval(item[\"data\"][\"properties\"][\"pmid_list\"])\n",
|
||||
" pmid_list = map(lambda x:\"pubmedId:\"+x, pmid_list)\n",
|
||||
" if len(pmid_list) > 0:\n",
|
||||
" provenance = \", \".join(pmid_list)\n",
|
||||
" else:\n",
|
||||
" provenance = \"Based on data from Institute For Systems Biology (ISB)\"\n",
|
||||
" except: \n",
|
||||
" provenance = \"SPOKE-KG\" \n",
|
||||
" nbr_edges.append((item[\"data\"][\"source\"], item[\"data\"][\"neo4j_type\"], item[\"data\"][\"target\"], provenance))\n",
|
||||
" nbr_nodes_df = pd.DataFrame(nbr_nodes, columns=[\"node_type\", \"node_id\", \"node_name\"])\n",
|
||||
" nbr_edges_df = pd.DataFrame(nbr_edges, columns=[\"source\", \"edge_type\", \"target\", \"provenance\"])\n",
|
||||
" merge_1 = pd.merge(nbr_edges_df, nbr_nodes_df, left_on=\"source\", right_on=\"node_id\").drop(\"node_id\", axis=1)\n",
|
||||
" merge_1.loc[:,\"node_name\"] = merge_1.node_type + \" \" + merge_1.node_name\n",
|
||||
" merge_1.drop([\"source\", \"node_type\"], axis=1, inplace=True)\n",
|
||||
" merge_1 = merge_1.rename(columns={\"node_name\":\"source\"})\n",
|
||||
" merge_2 = pd.merge(merge_1, nbr_nodes_df, left_on=\"target\", right_on=\"node_id\").drop(\"node_id\", axis=1)\n",
|
||||
" merge_2.loc[:,\"node_name\"] = merge_2.node_type + \" \" + merge_2.node_name\n",
|
||||
" merge_2.drop([\"target\", \"node_type\"], axis=1, inplace=True)\n",
|
||||
" merge_2 = merge_2.rename(columns={\"node_name\":\"target\"})\n",
|
||||
" merge_2 = merge_2[[\"source\", \"edge_type\", \"target\", \"provenance\"]]\n",
|
||||
" merge_2.loc[:, \"predicate\"] = merge_2.edge_type.apply(lambda x:x.split(\"_\")[0])\n",
|
||||
" merge_2.loc[:, \"context\"] = merge_2.source + \" \" + merge_2.predicate.str.lower() + \" \" + merge_2.target + \" and Provenance of this association is \" + merge_2.provenance + \". \"\n",
|
||||
" context = merge_2['context'].str.cat(sep=' ')\n",
|
||||
" context += node_value + \" has a \" + node_context[0][\"data\"][\"properties\"][\"source\"] + \" identifier of \" + node_context[0][\"data\"][\"properties\"][\"identifier\"] + \" and Provenance of this association is \" + node_context[0][\"data\"][\"properties\"][\"source\"] + \".\"\n",
|
||||
" return context\n"
|
||||
]
|
||||
},
|
||||
{
|
||||
"cell_type": "code",
|
||||
"execution_count": 161,
|
||||
"id": "5b7bd91c",
|
||||
"metadata": {},
|
||||
"outputs": [
|
||||
{
|
||||
"name": "stdout",
|
||||
"output_type": "stream",
|
||||
"text": [
|
||||
"CPU times: user 68.7 ms, sys: 6.93 ms, total: 75.6 ms\n",
|
||||
"Wall time: 286 ms\n"
|
||||
]
|
||||
},
|
||||
{
|
||||
"data": {
|
||||
"text/plain": [
|
||||
"124"
|
||||
]
|
||||
},
|
||||
"execution_count": 161,
|
||||
"metadata": {},
|
||||
"output_type": "execute_result"
|
||||
}
|
||||
],
|
||||
"source": [
|
||||
"%%time\n",
|
||||
"\n",
|
||||
"node_value = 'giant cell glioblastoma'\n",
|
||||
"\n",
|
||||
"type_end_point = \"/api/v1/types\"\n",
|
||||
"result = get_spoke_api_resp(config_data['BASE_URI'], type_end_point)\n",
|
||||
"data_spoke_types = result.json()\n",
|
||||
"node_types = list(data_spoke_types[\"nodes\"].keys())\n",
|
||||
"edge_types = list(data_spoke_types[\"edges\"].keys())\n",
|
||||
"node_types_to_remove = [\"DatabaseTimestamp\", \"Version\"]\n",
|
||||
"filtered_node_types = [node_type for node_type in node_types if node_type not in node_types_to_remove]\n",
|
||||
"api_params = {\n",
|
||||
" 'node_filters' : filtered_node_types,\n",
|
||||
" 'edge_filters': edge_types,\n",
|
||||
" 'cutoff_Compound_max_phase': config_data['cutoff_Compound_max_phase'],\n",
|
||||
" 'cutoff_Protein_source': config_data['cutoff_Protein_source'],\n",
|
||||
" 'cutoff_DaG_diseases_sources': config_data['cutoff_DaG_diseases_sources'],\n",
|
||||
" 'cutoff_DaG_textmining': config_data['cutoff_DaG_textmining'],\n",
|
||||
" 'cutoff_CtD_phase': config_data['cutoff_CtD_phase'],\n",
|
||||
" 'cutoff_PiP_confidence': config_data['cutoff_PiP_confidence'],\n",
|
||||
" 'cutoff_ACTeG_level': config_data['cutoff_ACTeG_level'],\n",
|
||||
" 'depth' : 1\n",
|
||||
"}\n",
|
||||
"node_type = \"Disease\"\n",
|
||||
"attribute = \"name\"\n",
|
||||
"nbr_end_point = \"/api/v1/neighborhood/{}/{}/{}\".format(node_type, attribute, node_value)\n",
|
||||
"result = get_spoke_api_resp(config_data['BASE_URI'], nbr_end_point, params=api_params)\n",
|
||||
"node_context = result.json()\n",
|
||||
"len(node_context)\n"
|
||||
]
|
||||
},
|
||||
{
|
||||
"cell_type": "code",
|
||||
"execution_count": 143,
|
||||
"id": "100577db",
|
||||
"metadata": {},
|
||||
"outputs": [],
|
||||
"source": [
|
||||
"edge_evidence = False\n",
|
||||
"\n",
|
||||
"nbr_nodes = []\n",
|
||||
"nbr_edges = []\n",
|
||||
"for item in node_context:\n",
|
||||
" if \"_\" not in item[\"data\"][\"neo4j_type\"]:\n",
|
||||
" try:\n",
|
||||
" if item[\"data\"][\"neo4j_type\"] == \"Protein\":\n",
|
||||
" nbr_nodes.append((item[\"data\"][\"neo4j_type\"], item[\"data\"][\"id\"], item[\"data\"][\"properties\"][\"description\"]))\n",
|
||||
" else:\n",
|
||||
" nbr_nodes.append((item[\"data\"][\"neo4j_type\"], item[\"data\"][\"id\"], item[\"data\"][\"properties\"][\"name\"]))\n",
|
||||
" except:\n",
|
||||
" nbr_nodes.append((item[\"data\"][\"neo4j_type\"], item[\"data\"][\"id\"], item[\"data\"][\"properties\"][\"identifier\"]))\n",
|
||||
" elif \"_\" in item[\"data\"][\"neo4j_type\"]:\n",
|
||||
" try:\n",
|
||||
" provenance = \", \".join(item[\"data\"][\"properties\"][\"sources\"])\n",
|
||||
" except:\n",
|
||||
" try:\n",
|
||||
" provenance = item[\"data\"][\"properties\"][\"source\"]\n",
|
||||
" if isinstance(provenance, list):\n",
|
||||
" provenance = \", \".join(provenance) \n",
|
||||
" except:\n",
|
||||
" try: \n",
|
||||
" preprint_list = ast.literal_eval(item[\"data\"][\"properties\"][\"preprint_list\"])\n",
|
||||
" if len(preprint_list) > 0: \n",
|
||||
" provenance = \", \".join(preprint_list)\n",
|
||||
" else:\n",
|
||||
" pmid_list = ast.literal_eval(item[\"data\"][\"properties\"][\"pmid_list\"])\n",
|
||||
" pmid_list = map(lambda x:\"pubmedId:\"+x, pmid_list)\n",
|
||||
" if len(pmid_list) > 0:\n",
|
||||
" provenance = \", \".join(pmid_list)\n",
|
||||
" else:\n",
|
||||
" provenance = \"Based on data from Institute For Systems Biology (ISB)\"\n",
|
||||
" except: \n",
|
||||
" provenance = \"SPOKE-KG\" \n",
|
||||
" try:\n",
|
||||
" evidence = item[\"data\"][\"properties\"]\n",
|
||||
" except:\n",
|
||||
" evidence = None\n",
|
||||
" nbr_edges.append((item[\"data\"][\"source\"], item[\"data\"][\"neo4j_type\"], item[\"data\"][\"target\"], provenance, evidence))\n",
|
||||
" nbr_nodes_df = pd.DataFrame(nbr_nodes, columns=[\"node_type\", \"node_id\", \"node_name\"])\n",
|
||||
" nbr_edges_df = pd.DataFrame(nbr_edges, columns=[\"source\", \"edge_type\", \"target\", \"provenance\", \"evidence\"])\n",
|
||||
" merge_1 = pd.merge(nbr_edges_df, nbr_nodes_df, left_on=\"source\", right_on=\"node_id\").drop(\"node_id\", axis=1)\n",
|
||||
" merge_1.loc[:,\"node_name\"] = merge_1.node_type + \" \" + merge_1.node_name\n",
|
||||
" merge_1.drop([\"source\", \"node_type\"], axis=1, inplace=True)\n",
|
||||
" merge_1 = merge_1.rename(columns={\"node_name\":\"source\"})\n",
|
||||
" merge_2 = pd.merge(merge_1, nbr_nodes_df, left_on=\"target\", right_on=\"node_id\").drop(\"node_id\", axis=1)\n",
|
||||
" merge_2.loc[:,\"node_name\"] = merge_2.node_type + \" \" + merge_2.node_name\n",
|
||||
" merge_2.drop([\"target\", \"node_type\"], axis=1, inplace=True)\n",
|
||||
" merge_2 = merge_2.rename(columns={\"node_name\":\"target\"})\n",
|
||||
" merge_2 = merge_2[[\"source\", \"edge_type\", \"target\", \"provenance\", \"evidence\"]]\n",
|
||||
" merge_2.loc[:, \"predicate\"] = merge_2.edge_type.apply(lambda x:x.split(\"_\")[0])\n",
|
||||
"# if edge_evidence:\n",
|
||||
"# merge_2.loc[:, \"context\"] = merge_2.source + \" \" + merge_2.predicate.str.lower() + \" \" + merge_2.target + \" and Provenance of this association is \" + merge_2.provenance + \" and attributes associated with this association is in the following JSON format:\\n \" + merge_2.evidence.astype('str') + \"\\n\\n\"\n",
|
||||
"# else:\n",
|
||||
" merge_2.loc[:, \"context\"] = merge_2.source + \" \" + merge_2.predicate.str.lower() + \" \" + merge_2.target + \" and Provenance of this association is \" + merge_2.provenance + \". \"\n",
|
||||
" context = merge_2.context.str.cat(sep=' ')\n",
|
||||
" context += node_value + \" has a \" + node_context[0][\"data\"][\"properties\"][\"source\"] + \" identifier of \" + node_context[0][\"data\"][\"properties\"][\"identifier\"] + \" and Provenance of this is from \" + node_context[0][\"data\"][\"properties\"][\"source\"] + \".\"\n",
|
||||
"\n"
|
||||
]
|
||||
},
|
||||
{
|
||||
"cell_type": "code",
|
||||
"execution_count": 154,
|
||||
"id": "490adee9",
|
||||
"metadata": {},
|
||||
"outputs": [
|
||||
{
|
||||
"data": {
|
||||
"text/plain": [
|
||||
"'Disease secondary progressive multiple sclerosis isa Disease multiple sclerosis and Provenance of this association is Disease Ontology. '"
|
||||
]
|
||||
},
|
||||
"execution_count": 154,
|
||||
"metadata": {},
|
||||
"output_type": "execute_result"
|
||||
}
|
||||
],
|
||||
"source": [
|
||||
"high_similarity_context = ['Disease multiple sclerosis associates Gene HLA-DQA1 and Provenance of this association is GWAS. ',\n",
|
||||
" 'Disease multiple sclerosis associates Gene HLA-DRB1 and Provenance of this association is DISEASES. ',\n",
|
||||
" 'Disease multiple sclerosis associates Gene ATXN1 and Provenance of this association is GWAS. ']\n",
|
||||
"\n",
|
||||
"merge_2[merge_2.context.isin(high_similarity_context)]\n",
|
||||
"merge_2.context.values[0]\n"
|
||||
]
|
||||
},
|
||||
{
|
||||
"cell_type": "code",
|
||||
"execution_count": 134,
|
||||
"id": "e3db5024",
|
||||
"metadata": {},
|
||||
"outputs": [],
|
||||
"source": [
|
||||
"high_similarity_context = ['Disease multiple sclerosis associates Gene HLA-DQA1 and Provenance of this association is GWAS.',\n",
|
||||
" 'Disease multiple sclerosis associates Gene HLA-DRB1 and Provenance of this association is DISEASES.',\n",
|
||||
" 'Disease multiple sclerosis associates Gene ATXN1 and Provenance of this association is GWAS.']\n",
|
||||
"high_similarity_context.append('Gene Xs sds associates with Disease multiple sclerosis and Provenance of this association is GWAS.')\n",
|
||||
"node_name = 'multiple sclerosis'\n",
|
||||
"node_types = nbr_nodes_df.node_type.unique()\n",
|
||||
"\n",
|
||||
"\n",
|
||||
"nodes = list(filter(None, list(map(lambda x:x if '_' not in x['data']['neo4j_type'] else None, node_context))))\n",
|
||||
"edges = list(filter(None, list(map(lambda x:x if '_' in x['data']['neo4j_type'] else None, node_context))))\n",
|
||||
"\n",
|
||||
"source_node_id = list(map(lambda x:x['data']['id'] if x['data']['properties']['name'] == node_name else None, nodes))[0]\n"
|
||||
]
|
||||
},
|
||||
{
|
||||
"cell_type": "code",
|
||||
"execution_count": 132,
|
||||
"id": "c7b6cf3f",
|
||||
"metadata": {},
|
||||
"outputs": [
|
||||
{
|
||||
"name": "stdout",
|
||||
"output_type": "stream",
|
||||
"text": [
|
||||
"(array([0]),)\n",
|
||||
"(array([4]),)\n"
|
||||
]
|
||||
},
|
||||
{
|
||||
"data": {
|
||||
"text/plain": [
|
||||
"'HLA-DQA1 and Provenance of this association is GWAS.'"
|
||||
]
|
||||
},
|
||||
"execution_count": 132,
|
||||
"metadata": {},
|
||||
"output_type": "execute_result"
|
||||
}
|
||||
],
|
||||
"source": [
|
||||
"import numpy as np\n",
|
||||
"sentence = high_similarity_context[0]\n",
|
||||
"\n",
|
||||
"for node_type in node_types:\n",
|
||||
" if node_type in sentence: \n",
|
||||
" print(np.where(node_type == np.array(sentence.split(' '))))\n",
|
||||
"\n",
|
||||
"sentence.split('Gene ')[-1]"
|
||||
]
|
||||
},
|
||||
{
|
||||
"cell_type": "code",
|
||||
"execution_count": 133,
|
||||
"id": "768d83c6",
|
||||
"metadata": {},
|
||||
"outputs": [
|
||||
{
|
||||
"data": {
|
||||
"text/plain": [
|
||||
"['Disease multiple sclerosis associates Gene HLA-DQA1 and Provenance of this association is GWAS.',\n",
|
||||
" 'Disease multiple sclerosis associates Gene HLA-DRB1 and Provenance of this association is DISEASES.',\n",
|
||||
" 'Disease multiple sclerosis associates Gene ATXN1 and Provenance of this association is GWAS.']"
|
||||
]
|
||||
},
|
||||
"execution_count": 133,
|
||||
"metadata": {},
|
||||
"output_type": "execute_result"
|
||||
}
|
||||
],
|
||||
"source": [
|
||||
"\n"
|
||||
]
|
||||
},
|
||||
{
|
||||
"cell_type": "code",
|
||||
"execution_count": 45,
|
||||
"id": "31239a88",
|
||||
"metadata": {},
|
||||
"outputs": [
|
||||
{
|
||||
"data": {
|
||||
"text/plain": [
|
||||
"{'diseases_identifiers': ['https://diseases.jensenlab.org/Entity?documents=10&type1=9606&id1=ENSP00000369889&type2=-26&id2=DOID:0080044',\n",
|
||||
" 'MedlinePlus'],\n",
|
||||
" 'diseases_scores': ['6.503', 'CURATED'],\n",
|
||||
" 'sources': ['DISEASES'],\n",
|
||||
" 'diseases_sources': ['textmining', 'knowledge'],\n",
|
||||
" 'diseases_confidences': [3.252, 5.0]}"
|
||||
]
|
||||
},
|
||||
"execution_count": 45,
|
||||
"metadata": {},
|
||||
"output_type": "execute_result"
|
||||
}
|
||||
],
|
||||
"source": [
|
||||
"item[\"data\"][\"properties\"]"
|
||||
]
|
||||
},
|
||||
{
|
||||
"cell_type": "code",
|
||||
"execution_count": 104,
|
||||
"id": "019ceba5",
|
||||
"metadata": {},
|
||||
"outputs": [],
|
||||
"source": [
|
||||
"source = 'multiple sclerosis'\n",
|
||||
"target = 'COL2A1'\n",
|
||||
"\n",
|
||||
"nodes = list(filter(None, list(map(lambda x:x if '_' not in x['data']['neo4j_type'] else None, node_context))))\n",
|
||||
"edges = list(filter(None, list(map(lambda x:x if '_' in x['data']['neo4j_type'] else None, node_context))))\n"
|
||||
]
|
||||
},
|
||||
{
|
||||
"cell_type": "code",
|
||||
"execution_count": 37,
|
||||
"id": "84481154",
|
||||
"metadata": {},
|
||||
"outputs": [
|
||||
{
|
||||
"data": {
|
||||
"text/plain": [
|
||||
"152375"
|
||||
]
|
||||
},
|
||||
"execution_count": 37,
|
||||
"metadata": {},
|
||||
"output_type": "execute_result"
|
||||
}
|
||||
],
|
||||
"source": [
|
||||
"# def get_node_id(inp_node)\n",
|
||||
"\n",
|
||||
"list(map(lambda x:x['data']['id'] if x['data']['properties']['name'] == source else None, nodes))[0]\n"
|
||||
]
|
||||
},
|
||||
{
|
||||
"cell_type": "code",
|
||||
"execution_count": null,
|
||||
"id": "3e811b4a",
|
||||
"metadata": {},
|
||||
"outputs": [],
|
||||
"source": []
|
||||
}
|
||||
],
|
||||
"metadata": {
|
||||
"kernelspec": {
|
||||
"display_name": "Python 3 (ipykernel)",
|
||||
"language": "python",
|
||||
"name": "python3"
|
||||
},
|
||||
"language_info": {
|
||||
"codemirror_mode": {
|
||||
"name": "ipython",
|
||||
"version": 3
|
||||
},
|
||||
"file_extension": ".py",
|
||||
"mimetype": "text/x-python",
|
||||
"name": "python",
|
||||
"nbconvert_exporter": "python",
|
||||
"pygments_lexer": "ipython3",
|
||||
"version": "3.10.9"
|
||||
}
|
||||
},
|
||||
"nbformat": 4,
|
||||
"nbformat_minor": 5
|
||||
}
|
||||
13
config.yaml
@@ -33,14 +33,13 @@ LLM_CACHE_DIR : '/data/somank/llm_data/llm_models/huggingface'
|
||||
LLM_TEMPERATURE : 0
|
||||
|
||||
# Path to save results
|
||||
SAVE_RESULTS_PATH : '/data/somank/KG_RAG/data/analysis_results'
|
||||
SAVE_RESULTS_PATH : '/data/somank/kg_rag_fork/KG_RAG/data/results'
|
||||
|
||||
# File paths for test questions
|
||||
DRUG_REPURPOSING_PATH : '/data/somank/KG_RAG/data/drug_repurposing_questions_v2.csv'
|
||||
MCQ_PATH : '/data/somank/KG_RAG/data/test_questions_two_hop_mcq_from_monarch_and_robokop.csv'
|
||||
TRUE_FALSE_PATH : '/data/somank/KG_RAG/data/test_questions_one_hop_true_false_v2.csv'
|
||||
ONE_HOP_GRAPH_TRAVERSAL : '/data/somank/KG_RAG/data/one_hop_graph_traversal_questions_v2.csv'
|
||||
TWO_HOP_GRAPH_TRAVERSAL : '/data/somank/KG_RAG/data/two_hop_graph_traversal_questions.csv'
|
||||
MCQ_PATH : '/data/somank/kg_rag_fork/KG_RAG/data/benchmark_data/mcq_questions.csv'
|
||||
TRUE_FALSE_PATH : '/data/somank/kg_rag_fork/KG_RAG/data/benchmark_data/true_false_questions.csv'
|
||||
SINGLE_DISEASE_ENTITY_FILE : '/data/somank/KG_RAG/data/hyperparam_tuning_data/single_disease_entity_prompts.csv'
|
||||
TWO_DISEASE_ENTITY_FILE : '/data/somank/KG_RAG/data/hyperparam_tuning_data/two_disease_entity_prompts.csv'
|
||||
|
||||
# SPOKE-API params
|
||||
BASE_URI : 'https://spoke.rbvi.ucsf.edu'
|
||||
@@ -51,4 +50,6 @@ cutoff_DaG_textmining : 3
|
||||
cutoff_CtD_phase : 3
|
||||
cutoff_PiP_confidence : 0.7
|
||||
cutoff_ACTeG_level : ['Low', 'Medium', 'High']
|
||||
depth : 1
|
||||
cutoff_DpL_average_prevalence : 0.001
|
||||
|
||||
|
||||
312
data/benchmark_data/true_false_questions.csv
Normal file
@@ -0,0 +1,312 @@
|
||||
,text,label
|
||||
0,enhanced S-cone syndrome is not a vitreoretinal degeneration,False
|
||||
1,metronidazole treats crohn's disease,True
|
||||
2,KLEEFSTRA SYNDROME 1 is not associated with Gene EHMT1,False
|
||||
3,Juvenile polyposis syndrome associates Gene SMAD4,True
|
||||
4,Disease ontology identifier for congenital generalized lipodystrophy type 2 is DOID:10588,False
|
||||
5,Disease ontology identifier for Marfan syndrome is DOID:0060055,False
|
||||
6,cystic fibrosis is a respiratory system disorder,True
|
||||
7,alpha-Mannosidosis associates Gene MAN2B1,True
|
||||
8,Wolcott-Rallison syndrome associates Gene EIF2AK3,True
|
||||
9,Neurofibromatosis 2 is not associated with Gene NF2,False
|
||||
10,Angelman syndrome is a syndromic disease,True
|
||||
11,colchicine treats familial mediterranean fever,True
|
||||
12,Marfan Syndrome associates Gene FBN1,True
|
||||
13,Mowat-Wilson syndrome is a syndromic intellectual disability,True
|
||||
14,mulibrey nanism is a syndromic disease,True
|
||||
15,Disease ontology identifier for pheochromocytoma is DOID:14692,False
|
||||
16,Tangier Disease is not associated with Gene ABCA1,False
|
||||
17,Disease ontology identifier for central diabetes insipidus is DOID:350,False
|
||||
18,Ulnar-mammary syndrome is not associated with Gene TBX3,False
|
||||
19,bevacizumab treats hereditary hemorrhagic telangiectasia,True
|
||||
20,Liver carcinoma is not associated with Gene MET,False
|
||||
21,Antithrombin III Deficiency is not associated with Gene SERPINC1,False
|
||||
22,Mastocytosis is not associated with Gene KIT,False
|
||||
23,Disease ontology identifier for Farber lipogranulomatosis is DOID:0050464,True
|
||||
24,Familial Mediterranean Fever associates Gene MEFV,True
|
||||
25,Disease ontology identifier for Wiskott-Aldrich syndrome is DOID:9169,True
|
||||
26,Tay-Sachs disease is not a eye degenerative disorder,False
|
||||
28,Juvenile Myoclonic Epilepsy is not associated with Gene EFHC1,False
|
||||
29,Costello syndrome (disorder) is not associated with Gene HRAS,False
|
||||
30,Very long chain acyl-CoA dehydrogenase deficiency is not associated with Gene ACADVL,False
|
||||
31,Wolman disease is a lysosomal acid lipase deficiency,True
|
||||
32,Fibrodysplasia Ossificans Progressiva associates Gene ACVR1,True
|
||||
33,Canavan Disease associates Gene ASPA,True
|
||||
34,Chediak-Higashi syndrome is a congenital nervous system disorder,True
|
||||
35,Hereditary hemorrhagic telangiectasia associates Gene ENG,True
|
||||
36,Lafora Disease is not associated with Gene NHLRC1,False
|
||||
37,Pheochromocytoma is not associated with Gene RET,False
|
||||
38,"Xeroderma pigmentosum, group B associates Gene ERCC3",True
|
||||
39,Acute intermittent porphyria is not associated with Gene HMBS,False
|
||||
41,piebaldism is a autosomal dominant disease,True
|
||||
42,vitelliform macular dystrophy is not a macular degeneration,False
|
||||
43,Spinocerebellar Ataxia Type 5 associates Gene SPTBN2,True
|
||||
44,Disease ontology identifier for Pelizaeus-Merzbacher disease is DOID:5688,False
|
||||
45,"Robinow syndrome, autosomal recessive associates Gene ROR2",True
|
||||
46,Disease ontology identifier for Loeys-Dietz syndrome is DOID:0060745,False
|
||||
47,Cystic Fibrosis associates Gene CFTR,True
|
||||
48,Greig cephalopolysyndactyly syndrome associates Gene GLI3,True
|
||||
49,alkaptonuria is not a disorder of tyrosine metabolism,False
|
||||
50,Timothy syndrome associates Gene CACNA1C,True
|
||||
51,Unverricht-Lundborg syndrome is a movement disorder,True
|
||||
52,Denys-Drash syndrome is a autosomal dominant disease,True
|
||||
53,factor ix treats hemophilia b,True
|
||||
55,Mucopolysaccharidosis VI associates Gene ARSB,True
|
||||
56,"HEMOCHROMATOSIS, TYPE 4 associates Gene SLC40A1",True
|
||||
57,"Charcot-Marie-Tooth Disease, Type Ib associates Gene MPZ",True
|
||||
58,Disease ontology identifier for Timothy syndrome is DOID:0060173,True
|
||||
59,Denys-Drash Syndrome is not associated with Gene WT1,False
|
||||
60,Cherubism associates Gene SH3BP2,True
|
||||
61,PITT-HOPKINS SYNDROME is not associated with Gene TCF4,False
|
||||
62,Greig cephalopolysyndactyly syndrome is not a syndromic disease,False
|
||||
63,Paroxysmal Nonkinesigenic Dyskinesia 1 is not associated with Gene PNKD,False
|
||||
64,Enhanced S-Cone Syndrome is not associated with Gene NR2E3,False
|
||||
65,Canavan disease is a inborn aminoacylase deficiency,True
|
||||
66,Episodic ataxia type 2 (disorder) is not associated with Gene CACNA1A,False
|
||||
67,Aniridia is not associated with Gene PAX6,False
|
||||
68,Congenital contractural arachnodactyly associates Gene FBN2,True
|
||||
69,Muenke Syndrome associates Gene FGFR3,True
|
||||
70,Carney complex is a autosomal dominant disease,True
|
||||
71,Borjeson-Forssman-Lehmann syndrome is not a X-linked syndromic intellectual disability,False
|
||||
72,Johanson-Blizzard syndrome associates Gene UBR1,True
|
||||
73,MASA SYNDROME (disorder) is not associated with Gene L1CAM,False
|
||||
74,Autosomal dominant hypophosphatemic rickets associates Gene FGF23,True
|
||||
75,Acrodermatitis enteropathica associates Gene SLC39A4,True
|
||||
76,Rothmund-Thomson syndrome is not associated with Gene RECQL4,False
|
||||
77,Cleidocranial Dysplasia associates Gene RUNX2,True
|
||||
78,LONG QT SYNDROME 3 associates Gene SCN5A,True
|
||||
79,Infantile hypophosphatasia associates Gene ALPL,True
|
||||
80,acrodermatitis enteropathica is not a inborn metal metabolism disorder,False
|
||||
81,Ataxia Telangiectasia associates Gene ATM,True
|
||||
82,alpha-galactosidase treats fabry disease,True
|
||||
83,Laron syndrome is a autosomal recessive disease,True
|
||||
84,Piebaldism associates Gene KIT,True
|
||||
85,Pfeiffer Syndrome associates Gene FGFR2,True
|
||||
86,"Bernard-Soulier syndrome is a inherited bleeding disorder, platelet-type",True
|
||||
87,Burkitt Lymphoma is not associated with Gene MYC,False
|
||||
88,Ornithine carbamoyltransferase deficiency associates Gene OTC,True
|
||||
89,Nail-Patella Syndrome associates Gene LMX1B,True
|
||||
90,Tetralogy of Fallot associates Gene ZFPM2,True
|
||||
91,Hartnup Disease is not associated with Gene SLC6A19,False
|
||||
92,Disease ontology identifier for fibrodysplasia ossificans progressiva is DOID:13374,True
|
||||
93,familial Mediterranean fever is not a primary immunodeficiency due to a genetic defect in innate immunity,False
|
||||
94,Hemophilia B is not associated with Gene F9,False
|
||||
95,Rapp-Hodgkin syndrome is a autosomal dominant disease,True
|
||||
96,Borjeson-Forssman-Lehmann syndrome is not associated with Gene PHF6,False
|
||||
97,Multiple Endocrine Neoplasia Type 2b associates Gene RET,True
|
||||
98,Choroideremia is not associated with Gene CHM,False
|
||||
99,Wolman Disease associates Gene LIPA,True
|
||||
100,Adenine phosphoribosyltransferase deficiency associates Gene APRT,True
|
||||
101,Holt-Oram syndrome is not associated with Gene TBX5,False
|
||||
102,tetralogy of fallot is not a hereditary disease,False
|
||||
103,Disease ontology identifier for mosaic variegated aneuploidy syndrome 1 is DOID:0080141,True
|
||||
104,hemophilia B is a hemorrhagic disease,True
|
||||
105,fatal familial insomnia is not a insomnia,False
|
||||
106,Disease ontology identifier for mastocytosis is DOID:0060768,False
|
||||
107,osteosarcoma is a sarcoma,True
|
||||
108,immune checkpoint inhibitors treats melanoma,True
|
||||
109,Johanson-Blizzard syndrome is a congenital nervous system disorder,True
|
||||
110,Achondroplasia is not a osteochondrodysplasia,False
|
||||
111,KUFOR-RAKEB SYNDROME associates Gene ATP13A2,True
|
||||
112,Loeys-Dietz Syndrome associates Gene TGFBR1,True
|
||||
113,Disease ontology identifier for Rothmund-Thomson syndrome is DOID:2732,True
|
||||
114,Angelman Syndrome is not associated with Gene UBE3A,False
|
||||
115,biotinidase deficiency is not a multiple carboxylase deficiency,False
|
||||
116,6-mercaptopurine treats crohn's disease,True
|
||||
117,Wolcott-Rallison syndrome is a syndromic disease,True
|
||||
118,Disease ontology identifier for spinocerebellar ataxia type 5 is DOID:0050882,False
|
||||
119,Pseudopseudohypoparathyroidism associates Gene GNAS,True
|
||||
120,alveolar rhabdomyosarcoma is not a rhabdomyosarcoma,False
|
||||
121,Disease ontology identifier for Norrie disease is DOID:0060599,False
|
||||
123,argipressin treats central diabetes insipidus,True
|
||||
124,Omenn Syndrome associates Gene RAG2,True
|
||||
125,adenine phosphoribosyltransferase deficiency is a inborn disorder of amino acid metabolism,True
|
||||
126,Progeria associates Gene LMNA,True
|
||||
127,mercaptopurine treats crohn's disease,True
|
||||
128,Peutz-Jeghers Syndrome associates Gene STK11,True
|
||||
130,Noonan syndrome is a multiple congenital anomalies/dysmorphic syndrome-variable intellectual disability syndrome,True
|
||||
131,RAPP-HODGKIN SYNDROME associates Gene TP63,True
|
||||
132,Bernard-Soulier Syndrome associates Gene GP1BA,True
|
||||
133,Spinocerebellar Ataxia Type 6 (disorder) associates Gene CACNA1A,True
|
||||
134,Werner Syndrome associates Gene WRN,True
|
||||
135,sarcoma is a cancer,True
|
||||
136,brachydactyly type C is a brachydactyly,True
|
||||
137,Alveolar rhabdomyosarcoma associates Gene PAX3,True
|
||||
138,CHARGE Syndrome is not associated with Gene CHD7,False
|
||||
139,Ellis-van Creveld syndrome is not a heart disorder,False
|
||||
140,Pelizaeus-Merzbacher Disease associates Gene PLP1,True
|
||||
141,Microvillus inclusion disease is not associated with Gene MYO5B,False
|
||||
142,DiGeorge syndrome is a congenital T-cell immunodeficiency,True
|
||||
143,melanoma associates Gene BRAF,True
|
||||
144,"Basal ganglia disease, biotin-responsive associates Gene SLC19A3",True
|
||||
145,Coffin-Siris syndrome associates Gene ARID1B,True
|
||||
146,Sitosterolemia is not associated with Gene ABCG8,False
|
||||
147,Alexander Disease associates Gene GFAP,True
|
||||
148,pembrolizumab treats melanoma,True
|
||||
149,congenital contractural arachnodactyly is not a congenital nervous system disorder,False
|
||||
150,cherubism is not a autosomal dominant disease,False
|
||||
151,Norrie disease associates Gene NDP,True
|
||||
152,Hyperkalemic periodic paralysis is not associated with Gene SCN4A,False
|
||||
153,Disease ontology identifier for ataxia telangiectasia is DOID:0060010,False
|
||||
154,"Xeroderma pigmentosum, group A associates Gene XPA",True
|
||||
156,antineoplastic agents treats osteosarcoma,True
|
||||
157,Jervell-Lange Nielsen Syndrome is not associated with Gene KCNQ1,False
|
||||
159,Pitt-Hopkins syndrome is a syndromic disease,True
|
||||
160,POLYCYSTIC KIDNEY DISEASE 1 associates Gene PKD1,True
|
||||
161,Disease ontology identifier for Tangier disease is DOID:1388,True
|
||||
162,Disease ontology identifier for Smith-Lemli-Opitz syndrome is DOID:0080026,False
|
||||
163,alpha-d-galactosidase enzyme treats fabry disease,True
|
||||
164,Burkitt lymphoma is a neoplasm of mature B-cells,True
|
||||
165,Vitelliform Macular Dystrophy associates Gene BEST1,True
|
||||
166,Disease ontology identifier for Smith-Magenis syndrome is DOID:12271,False
|
||||
167,Noonan Syndrome associates Gene RAF1,True
|
||||
168,Bernard-Soulier Syndrome associates Gene GP1BB,True
|
||||
169,Neurofibromatosis 1 associates Gene NF1,True
|
||||
170,Brugada Syndrome (disorder) associates Gene SCN5A,True
|
||||
171,Smith-Lemli-Opitz Syndrome is not associated with Gene DHCR7,False
|
||||
172,Biotinidase Deficiency is not associated with Gene BTD,False
|
||||
173,Allan-Herndon-Dudley syndrome (AHDS) is not associated with Gene SLC16A2,False
|
||||
175,Li-Fraumeni syndrome is a autosomal dominant disease,True
|
||||
176,WHIM syndrome is not associated with Gene CXCR4,False
|
||||
177,multiple endocrine neoplasia type 2B is a autosomal dominant disease,True
|
||||
178,Alstrom Syndrome associates Gene ALMS1,True
|
||||
179,Gyrate Atrophy associates Gene OAT,True
|
||||
180,tuberous sclerosis is a autosomal dominant disease,True
|
||||
181,Fabry disease is not a developmental anomaly of metabolic origin,False
|
||||
182,"Xeroderma Pigmentosum, Complementation Group D associates Gene ERCC2",True
|
||||
183,Argininosuccinic Aciduria associates Gene ASL,True
|
||||
184,Lesch-Nyhan Syndrome associates Gene HPRT1,True
|
||||
185,Creutzfeldt-Jakob disease is not associated with Gene PRNP,False
|
||||
186,BIETTI CRYSTALLINE CORNEORETINAL DYSTROPHY is not associated with Gene CYP4V2,False
|
||||
187,Disease ontology identifier for juvenile myoclonic epilepsy is DOID:4890,True
|
||||
188,"XERODERMA PIGMENTOSUM, COMPLEMENTATION GROUP E associates Gene DDB2",True
|
||||
190,Disease ontology identifier for ornithine carbamoyltransferase deficiency is DOID:9271,True
|
||||
191,Saethre-Chotzen Syndrome is not associated with Gene TWIST1,False
|
||||
192,prothrombin complex concentrates treats hemophilia b,True
|
||||
193,Disease ontology identifier for ethylmalonic encephalopathy is DOID:0060640,True
|
||||
194,Alexander disease is a leukodystrophy,True
|
||||
195,Variant rs2476601 associates Rheumatoid Arthritis,True
|
||||
196,Carney Complex is not associated with Gene PRKAR1A,False
|
||||
197,Disease ontology identifier for Werner syndrome is DOID:0050466,False
|
||||
198,very long chain acyl-CoA dehydrogenase deficiency is not a disorder of fatty acid oxidation and ketogenesis,False
|
||||
199,DOYNE HONEYCOMB RETINAL DYSTROPHY associates Gene EFEMP1,True
|
||||
200,Central Diabetes Insipidus associates Gene AVP,True
|
||||
201,Disease ontology identifier for popliteal pterygium syndrome is DOID:0050756,False
|
||||
202,Fragile X Syndrome associates Gene FMR1,True
|
||||
203,Loeys-Dietz Syndrome associates Gene TGFBR2,True
|
||||
204,"XERODERMA PIGMENTOSUM, COMPLEMENTATION GROUP C associates Gene XPC",True
|
||||
205,"CHARCOT-MARIE-TOOTH DISEASE, TYPE 4C associates Gene SH3TC2",True
|
||||
206,hereditary hemorrhagic telangiectasia is a autosomal dominant disease,True
|
||||
207,Sandhoff disease is a eye degenerative disorder,True
|
||||
208,Disease ontology identifier for aniridia is DOID:12704,False
|
||||
209,Congenital Generalized Lipodystrophy Type 2 associates Gene BSCL2,True
|
||||
210,Noonan Syndrome associates Gene PTPN11,True
|
||||
211,Juvenile Spinal Muscular Atrophy associates Gene SMN1,True
|
||||
212,"CHARCOT-MARIE-TOOTH DISEASE, TYPE 4J associates Gene FIG4",True
|
||||
213,Alkaptonuria associates Gene HGD,True
|
||||
214,Cystinuria is not associated with Gene SLC7A9,False
|
||||
215,Popliteal pterygium syndrome is not associated with Gene IRF6,False
|
||||
216,Aspartylglucosaminuria is not associated with Gene AGA,False
|
||||
217,Nijmegen Breakage Syndrome is not associated with Gene NBN,False
|
||||
218,Mowat-Wilson syndrome is not associated with Gene ZEB2,False
|
||||
219,Disease ontology identifier for fragile X syndrome is DOID:14261,True
|
||||
220,Sarcoma associates Gene TP53,True
|
||||
221,Alstrom syndrome is a ciliopathy,True
|
||||
222,Gray Platelet Syndrome is not associated with Gene NBEAL2,False
|
||||
223,Ethylmalonic encephalopathy is not associated with Gene ETHE1,False
|
||||
224,L-2-HYDROXYGLUTARIC ACIDURIA associates Gene L2HGDH,True
|
||||
225,Disease ontology identifier for campomelic dysplasia is DOID:0050463,True
|
||||
226,choroideremia is not a X-linked disease,False
|
||||
227,Coffin-Siris syndrome is a syndromic disease,True
|
||||
228,Nance-Horan syndrome associates Gene NHS,True
|
||||
229,Disease ontology identifier for cystinuria is DOID:9266,True
|
||||
230,Disease ontology identifier for gray platelet syndrome is DOID:0111044,True
|
||||
231,Maple Syrup Urine Disease associates Gene DBT,True
|
||||
232,Spinocerebellar Ataxia Type 1 is not associated with Gene ATXN1,False
|
||||
233,Holt-Oram syndrome is a autosomal dominant disease,True
|
||||
234,agalsidase alfa treats fabry disease,True
|
||||
235,Disease ontology identifier for pseudopseudohypoparathyroidism is DOID:4183,True
|
||||
236,agalsidase beta treats fabry disease,True
|
||||
237,Unverricht-Lundborg Syndrome is not associated with Gene CSTB,False
|
||||
238,L-2-hydroxyglutaric aciduria is not a 2-hydroxyglutaric aciduria,False
|
||||
239,Refsum Disease associates Gene PHYH,True
|
||||
240,Achondroplasia is not associated with Gene FGFR3,False
|
||||
241,pseudoachondroplasia is a osteochondrodysplasia,True
|
||||
243,LATE-ONSET RETINAL DEGENERATION (disorder) associates Gene C1QTNF5,True
|
||||
244,immunosuppressive agents treats crohn's disease,True
|
||||
245,nail-patella syndrome is a autosomal dominant disease,True
|
||||
246,Mulibrey Nanism is not associated with Gene TRIM37,False
|
||||
247,"Xeroderma pigmentosum, group G is not associated with Gene ERCC5",False
|
||||
248,Disease ontology identifier for Lafora disease is DOID:3534,True
|
||||
249,Brachydactyly type C is not associated with Gene GDF5,False
|
||||
250,Cystinuria is not associated with Gene SLC3A1,False
|
||||
251,Obesity is not associated with Gene MC4R,False
|
||||
252,Kleefstra syndrome 1 is a Kleefstra syndrome,True
|
||||
253,everolimus treats tuberous sclerosis,True
|
||||
254,Autosomal Recessive Polycystic Kidney Disease associates Gene PKHD1,True
|
||||
255,amiloride treats cystic fibrosis,True
|
||||
256,Liver carcinoma associates Gene TP53,True
|
||||
257,Adrenoleukodystrophy associates Gene ABCD1,True
|
||||
258,Tuberous Sclerosis associates Gene TSC2,True
|
||||
259,Myoclonic dystonia is not associated with Gene SGCE,False
|
||||
260,Long QT Syndrome 1 associates Gene KCNQ1,True
|
||||
261,Smith-Magenis syndrome associates Gene RAI1,True
|
||||
262,Disease ontology identifier for autosomal dominant hypophosphatemic rickets is DOID:0050948,True
|
||||
263,nitisinone treats alkaptonuria,True
|
||||
264,immune checkpoint inhibitor treats melanoma,True
|
||||
265,Li-Fraumeni Syndrome is not associated with Gene TP53,False
|
||||
266,argininosuccinic aciduria is a amino acid metabolism disease,True
|
||||
267,Hyperargininemia is not associated with Gene ARG1,False
|
||||
268,Fabry Disease associates Gene GLA,True
|
||||
269,Disease ontology identifier for beta-mannosidosis is DOID:0111136,False
|
||||
270,Disease ontology identifier for spinocerebellar ataxia type 1 is DOID:0050954,True
|
||||
271,Waardenburg Syndrome Type 1 associates Gene PAX3,True
|
||||
272,Osteosarcoma is not associated with Gene TP53,False
|
||||
273,Mucopolysaccharidosis II associates Gene IDS,True
|
||||
274,"Xeroderma pigmentosum, group F associates Gene ERCC4",True
|
||||
275,Pierson syndrome is not a autosomal recessive disease,False
|
||||
276,Nijmegen breakage syndrome is a autosomal recessive disease,True
|
||||
277,Ellis-Van Creveld Syndrome associates Gene EVC2,True
|
||||
278,X-linked agammaglobulinemia associates Gene BTK,True
|
||||
279,azithromycin treats cystic fibrosis,True
|
||||
280,liraglutide treats obesity,True
|
||||
281,Chediak-Higashi Syndrome associates Gene LYST,True
|
||||
282,"FANCONI ANEMIA, COMPLEMENTATION GROUP D2 is not associated with Gene FANCD2",False
|
||||
283,Wiskott-Aldrich Syndrome is not associated with Gene WAS,False
|
||||
284,Pseudoxanthoma Elasticum associates Gene ABCC6,True
|
||||
285,Disease ontology identifier for Omenn syndrome is DOID:3633,False
|
||||
286,Hajdu-Cheney Syndrome associates Gene NOTCH2,True
|
||||
287,Disease ontology identifier for adrenoleukodystrophy is DOID:0060844,False
|
||||
288,antibiotics treats cystic fibrosis,True
|
||||
289,Mosaic variegated aneuploidy syndrome 1 associates Gene BUB1B,True
|
||||
290,Noonan Syndrome associates Gene KRAS,True
|
||||
291,Coffin-Lowry syndrome associates Gene RPS6KA3,True
|
||||
292,Laron Syndrome associates Gene GHR,True
|
||||
293,Leigh Disease associates Gene SURF1,True
|
||||
294,DiGeorge Syndrome is not associated with Gene TBX1,False
|
||||
295,Disease ontology identifier for Nance-Horan syndrome is DOID:0050771,False
|
||||
296,"TIBIAL MUSCULAR DYSTROPHY, TARDIVE associates Gene TTN",True
|
||||
297,protein-tyrosine kinase inhibitor treats sarcoma,True
|
||||
298,Lafora Disease associates Gene EPM2A,True
|
||||
299,Pseudoachondroplasia associates Gene COMP,True
|
||||
300,"Charcot-Marie-Tooth disease, Type 4B1 associates Gene MTMR2",True
|
||||
302,Hartnup disease is a inborn disorder of amino acid transport,True
|
||||
303,Farber Lipogranulomatosis is not associated with Gene ASAH1,False
|
||||
304,Disease ontology identifier for Lesch-Nyhan syndrome is DOID:1919,True
|
||||
305,Polycythemia Vera is not associated with Gene JAK2,False
|
||||
306,hyperkalemic periodic paralysis is not a familial periodic paralysis,False
|
||||
307,Coffin-Lowry syndrome is not a X-linked syndromic intellectual disability,False
|
||||
308,macrolide antibiotics treats cystic fibrosis,True
|
||||
309,Pierson syndrome is not associated with Gene LAMB2,False
|
||||
310,CAMPOMELIC DYSPLASIA associates Gene SOX9,True
|
||||
311,Fatal Familial Insomnia is not associated with Gene PRNP,False
|
||||
312,Disease ontology identifier for sitosterolemia is DOID:0090019,True
|
||||
313,Tay-Sachs Disease associates Gene HEXA,True
|
||||
314,beta-Mannosidosis is not associated with Gene MANBA,False
|
||||
315,Noonan Syndrome associates Gene SOS1,True
|
||||
316,Obesity is not associated with Gene PPARG,False
|
||||
317,Congenital amegakaryocytic thrombocytopenia is not associated with Gene MPL,False
|
||||
318,Leigh Disease associates Gene NDUFS4,True
|
||||
319,Sandhoff Disease is not associated with Gene HEXB,False
|
||||
320,Disease ontology identifier for Doyne honeycomb retinal dystrophy is DOID:0081055,False
|
||||
321,Juvenile polyposis syndrome associates Gene BMPR1A,True
|
||||
|
323
data/dataset_for_entity_retrieval_accuracy_analysis.csv
Normal file
@@ -0,0 +1,323 @@
|
||||
text,node_hits
|
||||
LIRAGLUTIDE TREATS OBESITY,obesity
|
||||
disease ontology identifier for central diabetes insipidus is doid:350,central diabetes insipidus
|
||||
"Xeroderma pigmentosum, group G is not associated with Gene ERCC5",xeroderma pigmentosum
|
||||
cherubism is not a autosomal dominant disease,cherubism
|
||||
MASA SYNDROME (DISORDER) IS NOT ASSOCIATED WITH GENE L1CAM,MASA syndrome
|
||||
CONGENITAL GENERALIZED LIPODYSTROPHY TYPE 2 ASSOCIATES GENE BSCL2,congenital generalized lipodystrophy type 2
|
||||
PRASTERONE TREATS OBESITY,obesity
|
||||
CONGENITAL CONTRACTURAL ARACHNODACTYLY ASSOCIATES GENE FBN2,congenital contractural arachnodactyly
|
||||
PAROXYSMAL NONKINESIGENIC DYSKINESIA 1 IS NOT ASSOCIATED WITH GENE PNKD,paroxysmal nonkinesigenic dyskinesia 1
|
||||
Acute intermittent porphyria is not associated with Gene HMBS,acute intermittent porphyria
|
||||
Disease ontology identifier for gray platelet syndrome is DOID:0111044,gray platelet syndrome
|
||||
Hyperargininemia is not associated with Gene ARG1,hyperargininemia
|
||||
DISEASE ONTOLOGY IDENTIFIER FOR MARFAN SYNDROME IS DOID:0060055,Marfan syndrome
|
||||
FACTOR IX TREATS HEMOPHILIA B,hemophilia B
|
||||
DISEASE ONTOLOGY IDENTIFIER FOR MOSAIC VARIEGATED ANEUPLOIDY SYNDROME 1 IS DOID:0080141,mosaic variegated aneuploidy syndrome 1
|
||||
noonan syndrome associates gene kras,Noonan syndrome
|
||||
L-2-HYDROXYGLUTARIC ACIDURIA associates Gene L2HGDH,L-2-hydroxyglutaric aciduria
|
||||
AZITHROMYCIN TREATS CYSTIC FIBROSIS,cystic fibrosis
|
||||
disease ontology identifier for smith-magenis syndrome is doid:12271,Smith-Magenis syndrome
|
||||
COFFIN-SIRIS SYNDROME IS A SYNDROMIC DISEASE,Coffin-Siris syndrome
|
||||
antithrombin iii deficiency is not associated with gene serpinc1,antithrombin III deficiency
|
||||
DEHYDROEPIANDROSTERONE TREATS OBESITY,obesity
|
||||
MULIBREY NANISM IS A SYNDROMIC DISEASE,mulibrey nanism
|
||||
cleidocranial dysplasia associates gene runx2,cleidocranial dysplasia
|
||||
ASPARTYLGLUCOSAMINURIA IS NOT ASSOCIATED WITH GENE AGA,aspartylglucosaminuria
|
||||
Brachydactyly type C is not associated with Gene GDF5,brachydactyly type C
|
||||
Wolman Disease associates Gene LIPA,Wolman disease
|
||||
adenine phosphoribosyltransferase deficiency associates gene aprt,adenine phosphoribosyltransferase deficiency
|
||||
Neurofibromatosis 2 is not associated with Gene NF2,neurofibromatosis 2
|
||||
HARTNUP DISEASE IS A INBORN DISORDER OF AMINO ACID TRANSPORT,Hartnup disease
|
||||
campomelic dysplasia associates gene sox9,campomelic dysplasia
|
||||
DOYNE HONEYCOMB RETINAL DYSTROPHY associates Gene EFEMP1,Doyne honeycomb retinal dystrophy
|
||||
enhanced S-cone syndrome is not a vitreoretinal degeneration,enhanced S-cone syndrome
|
||||
melanoma associates Gene BRAF,melanoma
|
||||
congenital contractural arachnodactyly is not a congenital nervous system disorder,congenital contractural arachnodactyly
|
||||
CONGENITAL AMEGAKARYOCYTIC THROMBOCYTOPENIA IS NOT ASSOCIATED WITH GENE MPL,congenital amegakaryocytic thrombocytopenia
|
||||
LEIGH DISEASE ASSOCIATES GENE SURF1,Leigh disease
|
||||
cystic fibrosis is a respiratory system disorder,cystic fibrosis
|
||||
Neurofibromatosis 1 associates Gene NF1,neurofibromatosis 1
|
||||
"Robinow syndrome, autosomal recessive associates Gene ROR2",Robinow syndrome
|
||||
polycythemia vera is not associated with gene jak2,polycythemia vera
|
||||
PSEUDOPSEUDOHYPOPARATHYROIDISM ASSOCIATES GENE GNAS,pseudopseudohypoparathyroidism
|
||||
Rothmund-Thomson syndrome is not associated with Gene RECQL4,Rothmund-Thomson syndrome
|
||||
Alveolar rhabdomyosarcoma associates Gene PAX3,alveolar rhabdomyosarcoma
|
||||
ellis-van creveld syndrome associates gene evc2,Ellis-Van Creveld syndrome
|
||||
Coffin-Lowry syndrome is not a X-linked syndromic intellectual disability,Coffin-Lowry syndrome
|
||||
CHERUBISM ASSOCIATES GENE SH3BP2,cherubism
|
||||
agalsidase alfa treats fabry disease,Fabry disease
|
||||
disease ontology identifier for lesch-nyhan syndrome is doid:1919,Lesch-Nyhan syndrome
|
||||
disease ontology identifier for autosomal dominant hypophosphatemic rickets is doid:0050948,autosomal dominant hypophosphatemic rickets
|
||||
nail-patella syndrome associates gene lmx1b,nail-patella syndrome
|
||||
mulibrey nanism is not associated with gene trim37,mulibrey nanism
|
||||
MYOCLONIC DYSTONIA IS NOT ASSOCIATED WITH GENE SGCE,myoclonic dystonia
|
||||
pseudoachondroplasia associates gene comp,pseudoachondroplasia
|
||||
EVEROLIMUS TREATS TUBEROUS SCLEROSIS,tuberous sclerosis
|
||||
DiGeorge syndrome is a congenital T-cell immunodeficiency,DiGeorge syndrome
|
||||
INSULIN TREATS OBESITY,obesity
|
||||
disease ontology identifier for mastocytosis is doid:0060768,mastocytosis
|
||||
bevacizumab treats hereditary hemorrhagic telangiectasia,hereditary hemorrhagic telangiectasia
|
||||
Disease ontology identifier for Farber lipogranulomatosis is DOID:0050464,Farber lipogranulomatosis
|
||||
DENYS-DRASH SYNDROME IS NOT ASSOCIATED WITH GENE WT1,Denys-Drash syndrome
|
||||
DISEASE ONTOLOGY IDENTIFIER FOR NORRIE DISEASE IS DOID:0060599,Norrie disease
|
||||
"XERODERMA PIGMENTOSUM, COMPLEMENTATION GROUP E ASSOCIATES GENE DDB2",xeroderma pigmentosum
|
||||
Disease ontology identifier for popliteal pterygium syndrome is DOID:0050756,popliteal pterygium syndrome
|
||||
Ornithine carbamoyltransferase deficiency associates Gene OTC,ornithine carbamoyltransferase deficiency
|
||||
Wiskott-Aldrich Syndrome is not associated with Gene WAS,Wiskott-Aldrich syndrome
|
||||
Tangier Disease is not associated with Gene ABCA1,Tangier disease
|
||||
disease ontology identifier for omenn syndrome is doid:3633,Omenn syndrome
|
||||
LONG QT SYNDROME 1 ASSOCIATES GENE KCNQ1,long QT syndrome 1
|
||||
allan-herndon-dudley syndrome (ahds) is not associated with gene slc16a2,Allan-Herndon-Dudley syndrome
|
||||
ETHYLMALONIC ENCEPHALOPATHY IS NOT ASSOCIATED WITH GENE ETHE1,ethylmalonic encephalopathy
|
||||
Hemophilia B is not associated with Gene F9,hemophilia B
|
||||
Mowat-Wilson syndrome is not associated with Gene ZEB2,Mowat-Wilson syndrome
|
||||
HARTNUP DISEASE IS NOT ASSOCIATED WITH GENE SLC6A19,Hartnup disease
|
||||
Disease ontology identifier for campomelic dysplasia is DOID:0050463,campomelic dysplasia
|
||||
"HEMOCHROMATOSIS, TYPE 4 ASSOCIATES GENE SLC40A1",hemochromatosis
|
||||
disease ontology identifier for rothmund-thomson syndrome is doid:2732,Rothmund-Thomson syndrome
|
||||
Autosomal Recessive Polycystic Kidney Disease associates Gene PKHD1,autosomal recessive polycystic kidney disease
|
||||
adenine phosphoribosyltransferase deficiency is a inborn disorder of amino acid metabolism,adenine phosphoribosyltransferase deficiency
|
||||
Angelman syndrome is a syndromic disease,Angelman syndrome
|
||||
Tay-Sachs disease is not a eye degenerative disorder,Tay-Sachs disease
|
||||
spinocerebellar ataxia type 5 associates gene sptbn2,spinocerebellar ataxia type 5
|
||||
rapp-hodgkin syndrome is a autosomal dominant disease,Rapp-Hodgkin syndrome
|
||||
sandhoff disease is not associated with gene hexb,Sandhoff disease
|
||||
johanson-blizzard syndrome associates gene ubr1,Johanson-Blizzard syndrome
|
||||
maple syrup urine disease associates gene dbt,maple syrup urine disease
|
||||
laron syndrome is a autosomal recessive disease,Laron syndrome
|
||||
popliteal pterygium syndrome is not associated with gene irf6,popliteal pterygium syndrome
|
||||
PITT-HOPKINS SYNDROME is not associated with Gene TCF4,Pitt-Hopkins syndrome
|
||||
Alkaptonuria associates Gene HGD,alkaptonuria
|
||||
Hereditary hemorrhagic telangiectasia associates Gene ENG,hereditary hemorrhagic telangiectasia
|
||||
MASTOCYTOSIS IS NOT ASSOCIATED WITH GENE KIT,mastocytosis
|
||||
macrolide antibiotics treats cystic fibrosis,cystic fibrosis
|
||||
Very long chain acyl-CoA dehydrogenase deficiency is not associated with Gene ACADVL,very long chain acyl-CoA dehydrogenase deficiency
|
||||
KUFOR-RAKEB SYNDROME associates Gene ATP13A2,Kufor-Rakeb syndrome
|
||||
protein-tyrosine kinase inhibitor treats sarcoma,sarcoma
|
||||
autosomal dominant hypophosphatemic rickets associates gene fgf23,autosomal dominant hypophosphatemic rickets
|
||||
WAARDENBURG SYNDROME TYPE 1 ASSOCIATES GENE PAX3,Waardenburg syndrome type 1
|
||||
Cystic Fibrosis associates Gene CFTR,cystic fibrosis
|
||||
WHIM syndrome is not associated with Gene CXCR4,WHIM syndrome
|
||||
tuberous sclerosis is a autosomal dominant disease,tuberous sclerosis
|
||||
CHOROIDEREMIA IS NOT ASSOCIATED WITH GENE CHM,choroideremia
|
||||
smith-lemli-opitz syndrome is not associated with gene dhcr7,Smith-Lemli-Opitz syndrome
|
||||
LATE-ONSET RETINAL DEGENERATION (disorder) associates Gene C1QTNF5,late-onset retinal degeneration
|
||||
ibuprofen treats cystic fibrosis,cystic fibrosis
|
||||
JUVENILE POLYPOSIS SYNDROME ASSOCIATES GENE SMAD4,juvenile polyposis syndrome
|
||||
alpha-galactosidase treats fabry disease,Fabry disease
|
||||
pembrolizumab treats melanoma,melanoma
|
||||
PIEBALDISM ASSOCIATES GENE KIT,piebaldism
|
||||
"Charcot-Marie-Tooth Disease, Type Ib associates Gene MPZ",Charcot-Marie-Tooth disease
|
||||
DiGeorge Syndrome is not associated with Gene TBX1,DiGeorge syndrome
|
||||
Fibrodysplasia Ossificans Progressiva associates Gene ACVR1,fibrodysplasia ossificans progressiva
|
||||
Omenn Syndrome associates Gene RAG2,Omenn syndrome
|
||||
Juvenile Spinal Muscular Atrophy associates Gene SMN1,juvenile spinal muscular atrophy
|
||||
antibiotics treats cystic fibrosis,cystic fibrosis
|
||||
HEREDITARY HEMORRHAGIC TELANGIECTASIA IS A AUTOSOMAL DOMINANT DISEASE,hereditary hemorrhagic telangiectasia
|
||||
Fabry Disease associates Gene GLA,Fabry disease
|
||||
GYRATE ATROPHY ASSOCIATES GENE OAT,gyrate atrophy
|
||||
"Bernard-Soulier syndrome is a inherited bleeding disorder, platelet-type",Bernard-Soulier syndrome
|
||||
VITELLIFORM MACULAR DYSTROPHY ASSOCIATES GENE BEST1,vitelliform macular dystrophy
|
||||
Gray Platelet Syndrome is not associated with Gene NBEAL2,gray platelet syndrome
|
||||
Coffin-Siris syndrome associates Gene ARID1B,Coffin-Siris syndrome
|
||||
burkitt lymphoma is a neoplasm of mature b-cells,Burkitt lymphoma
|
||||
multiple endocrine neoplasia type 2b associates gene ret,multiple endocrine neoplasia type 2B
|
||||
anesthetics treats pheochromocytoma,pheochromocytoma
|
||||
PSEUDOACHONDROPLASIA IS A OSTEOCHONDRODYSPLASIA,pseudoachondroplasia
|
||||
Pierson syndrome is not a autosomal recessive disease,Pierson syndrome
|
||||
costello syndrome (disorder) is not associated with gene hras,Costello syndrome
|
||||
familial mediterranean fever associates gene mefv,familial Mediterranean fever
|
||||
Jervell-Lange Nielsen Syndrome is not associated with Gene KCNQ1,Jervell-Lange Nielsen syndrome
|
||||
argininosuccinic aciduria associates gene asl,argininosuccinic aciduria
|
||||
nance-horan syndrome associates gene nhs,Nance-Horan syndrome
|
||||
li-fraumeni syndrome is a autosomal dominant disease,Li-Fraumeni syndrome
|
||||
CANAVAN DISEASE IS A INBORN AMINOACYLASE DEFICIENCY,Canavan disease
|
||||
TETRALOGY OF FALLOT IS NOT A HEREDITARY DISEASE,tetralogy of Fallot
|
||||
Disease ontology identifier for fibrodysplasia ossificans progressiva is DOID:13374,fibrodysplasia ossificans progressiva
|
||||
penicillamine treats cystinuria,cystinuria
|
||||
LONG QT SYNDROME 3 associates Gene SCN5A,long QT syndrome 3
|
||||
"xeroderma pigmentosum, complementation group c associates gene xpc",xeroderma pigmentosum
|
||||
Laron Syndrome associates Gene GHR,Laron syndrome
|
||||
DISEASE ONTOLOGY IDENTIFIER FOR PHEOCHROMOCYTOMA IS DOID:14692,pheochromocytoma
|
||||
CYSTINURIA IS NOT ASSOCIATED WITH GENE SLC3A1,cystinuria
|
||||
loeys-dietz syndrome associates gene tgfbr1,Loeys-Dietz syndrome
|
||||
ANTIBIOTICS TREATS OBESITY,obesity
|
||||
Disease ontology identifier for ethylmalonic encephalopathy is DOID:0060640,ethylmalonic encephalopathy
|
||||
Johanson-Blizzard syndrome is a congenital nervous system disorder,Johanson-Blizzard syndrome
|
||||
peutz-jeghers syndrome associates gene stk11,Peutz-Jeghers syndrome
|
||||
Sandhoff disease is a eye degenerative disorder,Sandhoff disease
|
||||
Coffin-Lowry syndrome associates Gene RPS6KA3,Coffin-Lowry syndrome
|
||||
Leigh Disease associates Gene NDUFS4,Leigh disease
|
||||
choroideremia is not a X-linked disease,choroideremia
|
||||
Bernard-Soulier Syndrome associates Gene GP1BB,Bernard-Soulier syndrome
|
||||
Lafora Disease is not associated with Gene NHLRC1,Lafora disease
|
||||
IMMUNOSUPPRESSIVE AGENTS TREATS CROHN'S DISEASE,Crohn's disease
|
||||
LAFORA DISEASE ASSOCIATES GENE EPM2A,Lafora disease
|
||||
Pheochromocytoma is not associated with Gene RET,pheochromocytoma
|
||||
Brugada Syndrome (disorder) associates Gene SCN5A,Brugada syndrome
|
||||
Greig cephalopolysyndactyly syndrome associates Gene GLI3,Greig cephalopolysyndactyly syndrome
|
||||
vaccines treats melanoma,melanoma
|
||||
Mucopolysaccharidosis II associates Gene IDS,mucopolysaccharidosis II
|
||||
RAPP-HODGKIN SYNDROME associates Gene TP63,Rapp-Hodgkin syndrome
|
||||
Spinocerebellar Ataxia Type 6 (disorder) associates Gene CACNA1A,spinocerebellar ataxia type 6
|
||||
Saethre-Chotzen Syndrome is not associated with Gene TWIST1,Saethre-Chotzen syndrome
|
||||
Loeys-Dietz Syndrome associates Gene TGFBR2,Loeys-Dietz syndrome
|
||||
Ulnar-mammary syndrome is not associated with Gene TBX3,ulnar-mammary syndrome
|
||||
Marfan Syndrome associates Gene FBN1,Marfan syndrome
|
||||
noonan syndrome associates gene raf1,Noonan syndrome
|
||||
norrie disease associates gene ndp,Norrie disease
|
||||
biotinidase deficiency is not a multiple carboxylase deficiency,biotinidase deficiency
|
||||
burkitt lymphoma is not associated with gene myc,Burkitt lymphoma
|
||||
hyperkalemic periodic paralysis is not a familial periodic paralysis,hyperkalemic periodic paralysis
|
||||
TUBEROUS SCLEROSIS ASSOCIATES GENE TSC2,tuberous sclerosis
|
||||
melphalan treats melanoma,melanoma
|
||||
Disease ontology identifier for beta-mannosidosis is DOID:0111136,beta-mannosidosis
|
||||
pitt-hopkins syndrome is a syndromic disease,Pitt-Hopkins syndrome
|
||||
Fatal Familial Insomnia is not associated with Gene PRNP,fatal familial insomnia
|
||||
FABRY DISEASE IS NOT A DEVELOPMENTAL ANOMALY OF METABOLIC ORIGIN,Fabry disease
|
||||
fatal familial insomnia is not a insomnia,fatal familial insomnia
|
||||
MUENKE SYNDROME ASSOCIATES GENE FGFR3,Muenke Syndrome
|
||||
FARBER LIPOGRANULOMATOSIS IS NOT ASSOCIATED WITH GENE ASAH1,Farber lipogranulomatosis
|
||||
greig cephalopolysyndactyly syndrome is not a syndromic disease,Greig cephalopolysyndactyly syndrome
|
||||
Kleefstra syndrome 1 is a Kleefstra syndrome,Kleefstra syndrome 1
|
||||
mowat-wilson syndrome is a syndromic intellectual disability,Mowat-Wilson syndrome
|
||||
METRONIDAZOLE TREATS CROHN'S DISEASE,Crohn's disease
|
||||
Cystinuria is not associated with Gene SLC7A9,cystinuria
|
||||
Disease ontology identifier for Smith-Lemli-Opitz syndrome is DOID:0080026,Smith-Lemli-Opitz syndrome
|
||||
alpha-d-galactosidase enzyme treats fabry disease,Fabry disease
|
||||
Tay-Sachs Disease associates Gene HEXA,Tay-Sachs disease
|
||||
BIOTINIDASE DEFICIENCY IS NOT ASSOCIATED WITH GENE BTD,biotinidase deficiency
|
||||
DISEASE ONTOLOGY IDENTIFIER FOR ATAXIA TELANGIECTASIA IS DOID:0060010,ataxia telangiectasia
|
||||
Disease ontology identifier for Timothy syndrome is DOID:0060173,Timothy syndrome
|
||||
multiple endocrine neoplasia type 2b is a autosomal dominant disease,multiple endocrine neoplasia type 2B
|
||||
WOLCOTT-RALLISON SYNDROME IS A SYNDROMIC DISEASE,Wolcott-Rallison syndrome
|
||||
Disease ontology identifier for cystinuria is DOID:9266,cystinuria
|
||||
POLYCYSTIC KIDNEY DISEASE 1 ASSOCIATES GENE PKD1,polycystic kidney disease 1
|
||||
Refsum Disease associates Gene PHYH,Refsum disease
|
||||
Nijmegen breakage syndrome is a autosomal recessive disease,Nijmegen breakage syndrome
|
||||
Pierson syndrome is not associated with Gene LAMB2,Pierson syndrome
|
||||
holt-oram syndrome is a autosomal dominant disease,Holt-Oram syndrome
|
||||
Fragile X Syndrome associates Gene FMR1,fragile X syndrome
|
||||
vitelliform macular dystrophy is not a macular degeneration,vitelliform macular dystrophy
|
||||
Pfeiffer Syndrome associates Gene FGFR2,Pfeiffer syndrome
|
||||
Alexander Disease associates Gene GFAP,Alexander disease
|
||||
"basal ganglia disease, biotin-responsive associates gene slc19a3",basal ganglia disease
|
||||
Progeria associates Gene LMNA,progeria
|
||||
infantile hypophosphatasia associates gene alpl,infantile hypophosphatasia
|
||||
"xeroderma pigmentosum, group b associates gene ercc3",xeroderma pigmentosum
|
||||
Microvillus inclusion disease is not associated with Gene MYO5B,microvillus inclusion disease
|
||||
Smith-Magenis syndrome associates Gene RAI1,Smith-Magenis syndrome
|
||||
LIVER CARCINOMA IS NOT ASSOCIATED WITH GENE MET,liver carcinoma
|
||||
"fanconi anemia, complementation group d2 is not associated with gene fancd2",Fanconi anemia
|
||||
tetralogy of fallot associates gene zfpm2,tetralogy of Fallot
|
||||
ARGIPRESSIN TREATS CENTRAL DIABETES INSIPIDUS,central diabetes insipidus
|
||||
noonan syndrome associates gene sos1,Noonan syndrome
|
||||
Denys-Drash syndrome is a autosomal dominant disease,Denys-Drash syndrome
|
||||
familial Mediterranean fever is not a primary immunodeficiency due to a genetic defect in innate immunity,familial Mediterranean fever
|
||||
Disease ontology identifier for ornithine carbamoyltransferase deficiency is DOID:9271,ornithine carbamoyltransferase deficiency
|
||||
Achondroplasia is not a osteochondrodysplasia,achondroplasia
|
||||
unverricht-lundborg syndrome is not associated with gene cstb,Unverricht-Lundborg syndrome
|
||||
alpha-Mannosidosis associates Gene MAN2B1,alpha-mannosidosis
|
||||
6-MERCAPTOPURINE TREATS CROHN'S DISEASE,Crohn's disease
|
||||
enhanced s-cone syndrome is not associated with gene nr2e3,enhanced S-cone syndrome
|
||||
ADRENAL CORTEX HORMONES TREATS CROHN'S DISEASE,Crohn's disease
|
||||
BIETTI CRYSTALLINE CORNEORETINAL DYSTROPHY is not associated with Gene CYP4V2,Bietti crystalline corneoretinal dystrophy
|
||||
AGALSIDASE BETA TREATS FABRY DISEASE,Fabry disease
|
||||
HEMOPHILIA B IS A HEMORRHAGIC DISEASE,hemophilia B
|
||||
Li-Fraumeni Syndrome is not associated with Gene TP53,Li-Fraumeni syndrome
|
||||
"xeroderma pigmentosum, group f associates gene ercc4",xeroderma pigmentosum
|
||||
WOLMAN DISEASE IS A LYSOSOMAL ACID LIPASE DEFICIENCY,Wolman disease
|
||||
alveolar rhabdomyosarcoma is not a rhabdomyosarcoma,alveolar rhabdomyosarcoma
|
||||
Aniridia is not associated with Gene PAX6,aniridia
|
||||
argininosuccinic aciduria is a amino acid metabolism disease,argininosuccinic aciduria
|
||||
"charcot-marie-tooth disease, type 4c associates gene sh3tc2",Charcot-Marie-Tooth disease
|
||||
Werner Syndrome associates Gene WRN,Werner syndrome
|
||||
AMILORIDE TREATS CYSTIC FIBROSIS,cystic fibrosis
|
||||
nail-patella syndrome is a autosomal dominant disease,nail-patella syndrome
|
||||
"TIBIAL MUSCULAR DYSTROPHY, TARDIVE associates Gene TTN",tibial muscular dystrophy
|
||||
Chediak-Higashi Syndrome associates Gene LYST,Chediak-Higashi syndrome
|
||||
juvenile myoclonic epilepsy is not associated with gene efhc1,juvenile myoclonic epilepsy
|
||||
UNVERRICHT-LUNDBORG SYNDROME IS A MOVEMENT DISORDER,Unverricht-Lundborg syndrome
|
||||
immune checkpoint inhibitors treats melanoma,melanoma
|
||||
hyperkalemic periodic paralysis is not associated with gene scn4a,hyperkalemic periodic paralysis
|
||||
Disease ontology identifier for Doyne honeycomb retinal dystrophy is DOID:0081055,Doyne honeycomb retinal dystrophy
|
||||
"Charcot-Marie-Tooth disease, Type 4B1 associates Gene MTMR2",Charcot-Marie-Tooth disease
|
||||
disease ontology identifier for fragile x syndrome is doid:14261,fragile X syndrome
|
||||
Nijmegen Breakage Syndrome is not associated with Gene NBN,Nijmegen breakage syndrome
|
||||
MERCAPTOPURINE TREATS CROHN'S DISEASE,Crohn's disease
|
||||
Alexander disease is a leukodystrophy,Alexander disease
|
||||
disease ontology identifier for werner syndrome is doid:0050466,Werner syndrome
|
||||
spinocerebellar ataxia type 1 is not associated with gene atxn1,spinocerebellar ataxia type 1
|
||||
ACRODERMATITIS ENTEROPATHICA IS NOT A INBORN METAL METABOLISM DISORDER,acrodermatitis enteropathica
|
||||
Adrenoleukodystrophy associates Gene ABCD1,adrenoleukodystrophy
|
||||
"Xeroderma pigmentosum, group A associates Gene XPA",xeroderma pigmentosum
|
||||
Wolcott-Rallison syndrome associates Gene EIF2AK3,Wolcott-Rallison syndrome
|
||||
Mucopolysaccharidosis VI associates Gene ARSB,mucopolysaccharidosis VI
|
||||
very long chain acyl-coa dehydrogenase deficiency is not a disorder of fatty acid oxidation and ketogenesis,very long chain acyl-CoA dehydrogenase deficiency
|
||||
OBESITY IS NOT ASSOCIATED WITH GENE PPARG,obesity
|
||||
angelman syndrome is not associated with gene ube3a,Angelman syndrome
|
||||
pelizaeus-merzbacher disease associates gene plp1,Pelizaeus-Merzbacher disease
|
||||
Ellis-van Creveld syndrome is not a heart disorder,Ellis-Van Creveld syndrome
|
||||
kleefstra syndrome 1 is not associated with gene ehmt1,Kleefstra syndrome 1
|
||||
COLCHICINE TREATS FAMILIAL MEDITERRANEAN FEVER,familial Mediterranean fever
|
||||
"CHARCOT-MARIE-TOOTH DISEASE, TYPE 4J associates Gene FIG4",Charcot-Marie-Tooth disease
|
||||
sitosterolemia is not associated with gene abcg8,sitosterolemia
|
||||
Holt-Oram syndrome is not associated with Gene TBX5,Holt-Oram syndrome
|
||||
OBESITY IS NOT ASSOCIATED WITH GENE MC4R,obesity
|
||||
Disease ontology identifier for Lafora disease is DOID:3534,Lafora disease
|
||||
Achondroplasia is not associated with Gene FGFR3,achondroplasia
|
||||
BETA-MANNOSIDOSIS IS NOT ASSOCIATED WITH GENE MANBA,beta-mannosidosis
|
||||
BORJESON-FORSSMAN-LEHMANN SYNDROME IS NOT A X-LINKED SYNDROMIC INTELLECTUAL DISABILITY,Borjeson-Forssman-Lehmann syndrome
|
||||
Disease ontology identifier for spinocerebellar ataxia type 1 is DOID:0050954,spinocerebellar ataxia type 1
|
||||
Disease ontology identifier for Tangier disease is DOID:1388,Tangier disease
|
||||
sarcoma is a cancer,sarcoma
|
||||
DISEASE ONTOLOGY IDENTIFIER FOR JUVENILE MYOCLONIC EPILEPSY IS DOID:4890,juvenile myoclonic epilepsy
|
||||
Disease ontology identifier for aniridia is DOID:12704,aniridia
|
||||
CHARGE Syndrome is not associated with Gene CHD7,CHARGE syndrome
|
||||
Creutzfeldt-Jakob disease is not associated with Gene PRNP,Creutzfeldt-Jakob disease
|
||||
central diabetes insipidus associates gene avp,central diabetes insipidus
|
||||
Chediak-Higashi syndrome is a congenital nervous system disorder,Chediak-Higashi syndrome
|
||||
DISEASE ONTOLOGY IDENTIFIER FOR PELIZAEUS-MERZBACHER DISEASE IS DOID:5688,Pelizaeus-Merzbacher disease
|
||||
Borjeson-Forssman-Lehmann syndrome is not associated with Gene PHF6,Borjeson-Forssman-Lehmann syndrome
|
||||
Juvenile polyposis syndrome associates Gene BMPR1A,juvenile polyposis syndrome
|
||||
enoxaparin treats obesity,obesity
|
||||
Ataxia Telangiectasia associates Gene ATM,ataxia telangiectasia
|
||||
Mosaic variegated aneuploidy syndrome 1 associates Gene BUB1B,mosaic variegated aneuploidy syndrome 1
|
||||
bernard-soulier syndrome associates gene gp1ba,Bernard-Soulier syndrome
|
||||
PSEUDOXANTHOMA ELASTICUM ASSOCIATES GENE ABCC6,pseudoxanthoma elasticum
|
||||
ALSTROM SYNDROME ASSOCIATES GENE ALMS1,Alstrom syndrome
|
||||
osteosarcoma is a sarcoma,osteosarcoma
|
||||
"XERODERMA PIGMENTOSUM, COMPLEMENTATION GROUP D ASSOCIATES GENE ERCC2",xeroderma pigmentosum
|
||||
DISEASE ONTOLOGY IDENTIFIER FOR PSEUDOPSEUDOHYPOPARATHYROIDISM IS DOID:4183,pseudopseudohypoparathyroidism
|
||||
Hajdu-Cheney Syndrome associates Gene NOTCH2,Hajdu-Cheney syndrome
|
||||
X-linked agammaglobulinemia associates Gene BTK,X-linked agammaglobulinemia
|
||||
prothrombin complex concentrates treats hemophilia b,hemophilia B
|
||||
DISEASE ONTOLOGY IDENTIFIER FOR ADRENOLEUKODYSTROPHY IS DOID:0060844,adrenoleukodystrophy
|
||||
nitisinone treats alkaptonuria,alkaptonuria
|
||||
l-2-hydroxyglutaric aciduria is not a 2-hydroxyglutaric aciduria,L-2-hydroxyglutaric aciduria
|
||||
alkaptonuria is not a disorder of tyrosine metabolism,alkaptonuria
|
||||
Sarcoma associates Gene TP53,sarcoma
|
||||
ACRODERMATITIS ENTEROPATHICA ASSOCIATES GENE SLC39A4,acrodermatitis enteropathica
|
||||
Disease ontology identifier for spinocerebellar ataxia type 5 is DOID:0050882,spinocerebellar ataxia type 5
|
||||
canavan disease associates gene aspa,Canavan disease
|
||||
disease ontology identifier for sitosterolemia is doid:0090019,sitosterolemia
|
||||
Liver carcinoma associates Gene TP53,liver carcinoma
|
||||
Variant rs2476601 associates Rheumatoid Arthritis,rheumatoid arthritis
|
||||
Osteosarcoma is not associated with Gene TP53,osteosarcoma
|
||||
EPISODIC ATAXIA TYPE 2 (DISORDER) IS NOT ASSOCIATED WITH GENE CACNA1A,episodic ataxia type 2
|
||||
lesch-nyhan syndrome associates gene hprt1,Lesch-Nyhan syndrome
|
||||
DISEASE ONTOLOGY IDENTIFIER FOR WISKOTT-ALDRICH SYNDROME IS DOID:9169,Wiskott-Aldrich syndrome
|
||||
Alstrom syndrome is a ciliopathy,Alstrom syndrome
|
||||
Carney Complex is not associated with Gene PRKAR1A,Carney complex
|
||||
DISEASE ONTOLOGY IDENTIFIER FOR CONGENITAL GENERALIZED LIPODYSTROPHY TYPE 2 IS DOID:10588,congenital generalized lipodystrophy type 2
|
||||
brachydactyly type c is a brachydactyly,brachydactyly type C
|
||||
noonan syndrome is a multiple congenital anomalies/dysmorphic syndrome-variable intellectual disability syndrome,Noonan syndrome
|
||||
Disease ontology identifier for Nance-Horan syndrome is DOID:0050771,Nance-Horan syndrome
|
||||
Carney complex is a autosomal dominant disease,Carney complex
|
||||
immune checkpoint inhibitor treats melanoma,melanoma
|
||||
antineoplastic agents treats osteosarcoma,osteosarcoma
|
||||
timothy syndrome associates gene cacna1c,Timothy syndrome
|
||||
piebaldism is a autosomal dominant disease,piebaldism
|
||||
Disease ontology identifier for Loeys-Dietz syndrome is DOID:0060745,Loeys-Dietz syndrome
|
||||
NOONAN SYNDROME ASSOCIATES GENE PTPN11,Noonan syndrome
|
||||
|
6307
data/disease_name_with_id.csv
Normal file
@@ -1,69 +0,0 @@
|
||||
,disease_in_question,refDisease,compoundGroundTruth,text
|
||||
0,atypical hemolytic-uremic syndrome,hemolytic-uremic syndrome,"['ECULIZUMAB', 'GALASOMITE', 'RAVULIZUMAB']","If atypical hemolytic-uremic syndrome resembles hemolytic-uremic syndrome, what compounds that treat hemolytic-uremic syndrome can be repurposed to treat atypical hemolytic-uremic syndrome?"
|
||||
1,dengue hemorrhagic fever,hemophagocytic lymphohistiocytosis,"['Methylprednisolone', 'Ruxolitinib', 'GLOBULIN, IMMUNE', 'Zanubrutinib', 'cyclosporin A', 'Dexamethasone', 'PEGASPARGASE', 'Doxorubicin', 'Etoposide', 'EMAPALUMAB']","If dengue hemorrhagic fever resembles hemophagocytic lymphohistiocytosis, what compounds that treat hemophagocytic lymphohistiocytosis can be repurposed to treat dengue hemorrhagic fever?"
|
||||
2,gastrointestinal system cancer,hepatobiliary disease,"['Dexmedetomidine', 'Oxyphencyclimine', 'Otilonium', 'Pipenzolate', 'Propantheline', 'Hyoscyamine', 'Methylhomatropine', 'Trimebutine', 'Glycopyrronium bromide', 'Clidinium', 'BELLADONNA', 'Methantheline', 'Isometheptene', 'Isopropamide', 'Metoclopramide', 'Alverine', 'Azithromycin', 'Dicyclomine', 'Ciprofloxacin', 'Mosapride', 'Butylscopolamine', 'Propulsid', 'Oxyphenonium', 'Cimetropium', 'Mepenzolate', 'Fibrin', 'Piperidolate', 'CHOLERA VACCINE', '[1-(Dimethylamino)-2-methylpropan-2-yl] 2-hydroxy-2,2-diphenylacetate', 'Cinitapride', 'Phloroglucinol', 'Tiropramide', 'Drotaverine', 'Hexocyclium', 'Itopride', 'Papaverine', 'Mebeverine', 'Clebopride', 'Domperidone', 'Alizapride', 'Methylatropine', 'Methscopolamine', 'Atropine', 'Foscarnet', 'ZINC ion', 'Tridihexethyl', 'Fenoverine', 'Bromopride', 'Alosetron', 'Poldine', 'Pinaverium', 'Esomeprazole', 'Diphemanil', 'Imipramine']","If gastrointestinal system cancer resembles hepatobiliary disease, what compounds that treat hepatobiliary disease can be repurposed to treat gastrointestinal system cancer?"
|
||||
3,angiodysplasia,hereditary hemorrhagic telangiectasia,"['BEVACIZUMAB', 'Propranolol', 'Mupirocin', 'Sodium Chloride', 'Tranexamic acid']","If angiodysplasia resembles hereditary hemorrhagic telangiectasia, what compounds that treat hereditary hemorrhagic telangiectasia can be repurposed to treat angiodysplasia?"
|
||||
4,post-thrombotic syndrome,hereditary lymphedema I,"['ZINC hydrate', 'Fibrin']","If post-thrombotic syndrome resembles hereditary lymphedema I, what compounds that treat hereditary lymphedema I can be repurposed to treat post-thrombotic syndrome?"
|
||||
5,beta thalassemia,hypogonadism,"['GONADOTROPIN, CHORIONIC', 'Estradiol cypionate', 'Methyltestosterone', 'Dehydroepiandrosterone', 'Bromocriptine', 'CORIFOLLITROPIN ALFA', 'Equilin sulfate', 'Estradiol', 'Norethindrone acetate', 'MENOTROPINS', 'Testosterone undecanoate', 'CHORIOGONADOTROPIN ALFA', 'Dutasteride', 'Fluoxymesterone', 'ESTROGENS, ESTERIFIED', 'Testosterone', 'Testosterone enanthate', 'FOLLITROPIN', 'Estrone sulfate', 'Cholecalciferol', 'Letrozole', 'Estradiol valerate', '2-[4-(2-chloro-1,2-diphenylethenyl)phenoxy]-N,N-diethylethanamine 2-hydroxypropane-1,2,3-tricarboxylate', 'Testosterone cypionate', 'insulin', 'Gonadorelin hydrochloride']","If beta thalassemia resembles hypogonadism, what compounds that treat hypogonadism can be repurposed to treat beta thalassemia?"
|
||||
6,nephrogenic diabetes insipidus,hypokalemic periodic paralysis,['Dichlorphenamide'],"If nephrogenic diabetes insipidus resembles hypokalemic periodic paralysis, what compounds that treat hypokalemic periodic paralysis can be repurposed to treat nephrogenic diabetes insipidus?"
|
||||
7,secondary hyperparathyroidism,hypophosphatemia,"['BUROSUMAB', 'Potassium dihydrogen phosphate']","If secondary hyperparathyroidism resembles hypophosphatemia, what compounds that treat hypophosphatemia can be repurposed to treat secondary hyperparathyroidism?"
|
||||
8,empty sella syndrome,hypopituitarism,['SOMATROPIN'],"If empty sella syndrome resembles hypopituitarism, what compounds that treat hypopituitarism can be repurposed to treat empty sella syndrome?"
|
||||
9,colitis,inflammatory bowel disease,"['IRON ISOMALTOSIDE 1000', 'Methane', 'Cholecalciferol']","If colitis resembles inflammatory bowel disease, what compounds that treat inflammatory bowel disease can be repurposed to treat colitis?"
|
||||
10,erythropoietic protoporphyria,intrahepatic cholestasis,"['S-adenosylmethionine', 'Odevixibat', 'Ursodeoxycholic acid']","If erythropoietic protoporphyria resembles intrahepatic cholestasis, what compounds that treat intrahepatic cholestasis can be repurposed to treat erythropoietic protoporphyria?"
|
||||
11,Noonan syndrome,isolated growth hormone deficiency,"['SOMATROGON', 'ALBUSOMATROPIN', 'SOMATROPIN', 'Arginine', 'LONAPEGSOMATROPIN', 'Atropine', 'SOMAVARATAN']","If Noonan syndrome resembles isolated growth hormone deficiency, what compounds that treat isolated growth hormone deficiency can be repurposed to treat Noonan syndrome?"
|
||||
12,presbyopia,keratoconus,"['Riboflavin', 'Flavin mononucleotide']","If presbyopia resembles keratoconus, what compounds that treat keratoconus can be repurposed to treat presbyopia?"
|
||||
13,functional colonic disease,lactose intolerance,['LACTASE'],"If functional colonic disease resembles lactose intolerance, what compounds that treat lactose intolerance can be repurposed to treat functional colonic disease?"
|
||||
14,lymphopenia,leukopenia,"['Fluconazole', 'Posaconazole']","If lymphopenia resembles leukopenia, what compounds that treat leukopenia can be repurposed to treat lymphopenia?"
|
||||
15,epidermolysis bullosa simplex,limb-girdle muscular dystrophy,['Deflazacort'],"If epidermolysis bullosa simplex resembles limb-girdle muscular dystrophy, what compounds that treat limb-girdle muscular dystrophy can be repurposed to treat epidermolysis bullosa simplex?"
|
||||
16,hepatic encephalopathy,liver disease,"['FIBRINOGEN, HUMAN', ""Dimethyl [1,1'-biphenyl]-4,4'-dicarboxylate"", 'Fentanyl', 'Hydromorphone', 'Pioglitazone', 'Cholic acid', 'Tenofovir disoproxil', 'METRELEPTIN', 'Entecavir', 'D-Glucose', 'Gabexate', 'Caloxetic acid', 'Cysteine', 'Alpha-Tocopherol', 'FILGRASTIM', 'Bupivacaine', 'Methionine', 'Avatrombopag', 'Ursodeoxycholic acid']","If hepatic encephalopathy resembles liver disease, what compounds that treat liver disease can be repurposed to treat hepatic encephalopathy?"
|
||||
17,prosopagnosia,migraine with aura,"['CID 4105431', 'Rizatriptan benzoate', 'Dihydroergotamine', 'Rizatriptan', 'Sumatriptan', 'Caffeine', 'Promethazine', 'Eletriptan', 'Tizanidine']","If prosopagnosia resembles migraine with aura, what compounds that treat migraine with aura can be repurposed to treat prosopagnosia?"
|
||||
18,malignant hyperthermia,mitochondrial myopathy,['Elamipretide'],"If malignant hyperthermia resembles mitochondrial myopathy, what compounds that treat mitochondrial myopathy can be repurposed to treat malignant hyperthermia?"
|
||||
19,mucopolysaccharidosis type IIID,mucopolysaccharidosis I,['LARONIDASE'],"If mucopolysaccharidosis type IIID resembles mucopolysaccharidosis I, what compounds that treat mucopolysaccharidosis I can be repurposed to treat mucopolysaccharidosis type IIID?"
|
||||
20,mucopolysaccharidosis type IIIC,mucopolysaccharidosis II,"['IDURSULFASE', 'PABINAFUSP ALFA', 'IDURSULFASE BETA']","If mucopolysaccharidosis type IIIC resembles mucopolysaccharidosis II, what compounds that treat mucopolysaccharidosis II can be repurposed to treat mucopolysaccharidosis type IIIC?"
|
||||
21,COVID-19,multiple sclerosis,"['Tetranabinex', 'ALEMTUZUMAB', 'Dantrolene', 'Prednisolone phosphate', 'OFATUMUMAB', 'INFLUENZA VIRUS VACCINE', '(2S)-2-[[4-[(2-amino-4-oxo-3H-pteridin-6-yl)methylamino]benzoyl]amino]-3-[4-[(6E)-2-[(E)-2-[3,3-dimethyl-5-sulfo-1-(4-sulfobutyl)indol-1-ium-2-yl]ethenyl]-6-[2-[3,3-dimethyl-5-sulfo-1-(4-sulfobutyl)indol-2-ylidene]ethylidene]cyclohexen-1-yl]oxyphenyl]propanoic acid', 'Acetaminophen', 'Ozanimod', 'Triamcinolone Acetonide', 'NATALIZUMAB', 'Water', 'Diroximel fumarate', 'Cyclophosphamide', 'Methylprednisolone', 'Biotin', 'Methylprednisolone hemisuccinate', 'Dexamethasone', 'Methylphenidate', 'Dextromethorphan', 'ONABOTULINUMTOXINA', 'Tolebrutinib', 'TETANUS TOXOID', 'Ibuprofen', 'Naproxen', 'Acyclovir', 'UBLITUXIMAB', 'Simvastatin', 'Clemastine', 'Laquinimod', 'INTERFERON BETA', 'Cladribine', 'Teriflunomide', 'Ranitidine', 'PEGINTERFERON BETA-1A', 'Masitinib', 'Ergocalciferol', 'Methotrexate', 'Amantadine', 'Methane', 'Minocycline', 'Ponesimod', 'GLOBULIN, IMMUNE', 'Prednicarbate', 'Prednisolone', 'Monomethyl fumarate', 'Estradiol', '4-Aminopyridine', 'Evobrutinib', 'INTERFERON BETA-1A', 'Prednisolone acetate', 'Arbaclofen placarbil', 'Modafinil', 'Terfenadine', 'Leflunomide', 'RITUXIMAB', 'Vidofludimus', 'Nomegestrol acetate', 'Corticotropin', 'Fingolimod', 'Baclofen', 'Donepezil', 'Fenebrutinib', 'Quinidine', 'Isopropyl Alcohol', 'Mycophenolic acid', 'Memantine', 'D-Glucose', 'Cetirizine', 'Siponimod', 'Remibrutinib', 'Naltrexone', 'Dimethyl Fumarate', 'DACLIZUMAB', 'Lincomycin', '(3-Carboxy-2-(R)-hydroxy-propyl)-trimethyl-ammonium', 'Dexchlorpheniramine', 'Aspirin', 'OCRELIZUMAB', 'Cannabinol', '3,4-Diaminopyridine', 'Interferon beta-1b', 'Prednisone']","If COVID-19 resembles multiple sclerosis, what compounds that treat multiple sclerosis can be repurposed to treat COVID-19?"
|
||||
22,ocular motility disease,multiple system atrophy,"['Droxidopa', 'Epigallocatechin Gallate', 'Verdiperstat', 'Riluzole', 'Ioflupane I-123', 'Rifampicin', 'Ampreloxetine']","If ocular motility disease resembles multiple system atrophy, what compounds that treat multiple system atrophy can be repurposed to treat ocular motility disease?"
|
||||
23,restless legs syndrome,myotonic disease,['Dichlorphenamide'],"If restless legs syndrome resembles myotonic disease, what compounds that treat myotonic disease can be repurposed to treat restless legs syndrome?"
|
||||
24,periodic limb movement disorder,narcolepsy,"['Pitolisant', 'Dextroamphetamine', '4-Hydroxybutanoic acid', 'Armodafinil', 'bis{(2S)-1-phenylpropan-2-amine} sulfate', 'Methylphenidate', 'Solriamfetol', 'Amphedrine', 'Modafinil', 'Dextroamphetamine monosaccharate']","If periodic limb movement disorder resembles narcolepsy, what compounds that treat narcolepsy can be repurposed to treat periodic limb movement disorder?"
|
||||
25,hepatoblastoma,nephroblastoma,"['Vincristine', 'Doxorubicin', 'Etoposide', 'Cyclophosphamide', 'Dactinomycin']","If hepatoblastoma resembles nephroblastoma, what compounds that treat nephroblastoma can be repurposed to treat hepatoblastoma?"
|
||||
26,iris cancer,neurofibromatosis,"['Sirolimus', 'Selumetinib']","If iris cancer resembles neurofibromatosis, what compounds that treat neurofibromatosis can be repurposed to treat iris cancer?"
|
||||
27,Sheehan syndrome,neurohypophyseal diabetes insipidus,['Desmopressin'],"If Sheehan syndrome resembles neurohypophyseal diabetes insipidus, what compounds that treat neurohypophyseal diabetes insipidus can be repurposed to treat Sheehan syndrome?"
|
||||
28,dentatorubral-pallidoluysian atrophy,neuronal ceroid lipofuscinosis,['CERLIPONASE ALFA'],"If dentatorubral-pallidoluysian atrophy resembles neuronal ceroid lipofuscinosis, what compounds that treat neuronal ceroid lipofuscinosis can be repurposed to treat dentatorubral-pallidoluysian atrophy?"
|
||||
29,Reye syndrome,ornithine carbamoyltransferase deficiency,['Acetic Acid'],"If Reye syndrome resembles ornithine carbamoyltransferase deficiency, what compounds that treat ornithine carbamoyltransferase deficiency can be repurposed to treat Reye syndrome?"
|
||||
30,X-linked dominant hypophosphatemic rickets,osteogenesis imperfecta,"['SOMATROPIN', 'Risedronic acid', 'Zoledronic acid', 'DENOSUMAB', 'Pamidronic acid']","If X-linked dominant hypophosphatemic rickets resembles osteogenesis imperfecta, what compounds that treat osteogenesis imperfecta can be repurposed to treat X-linked dominant hypophosphatemic rickets?"
|
||||
31,optic atrophy,osteopetrosis,"['Calcitriol', 'Interferon gamma-1b']","If optic atrophy resembles osteopetrosis, what compounds that treat osteopetrosis can be repurposed to treat optic atrophy?"
|
||||
32,nail disease,pachyonychia congenita,['Sirolimus'],"If nail disease resembles pachyonychia congenita, what compounds that treat pachyonychia congenita can be repurposed to treat nail disease?"
|
||||
33,spinal cancer,paraganglioma,['Iobenguane (131I)'],"If spinal cancer resembles paraganglioma, what compounds that treat paraganglioma can be repurposed to treat spinal cancer?"
|
||||
34,myotonic dystrophy type 1,paramyotonia congenita of Von Eulenburg,['Dichlorphenamide'],"If myotonic dystrophy type 1 resembles paramyotonia congenita of Von Eulenburg, what compounds that treat paramyotonia congenita of Von Eulenburg can be repurposed to treat myotonic dystrophy type 1?"
|
||||
35,scimitar syndrome,patent ductus arteriosus,"['Ibuprofen', 'Indomethacin', 'Ibuprofen lysine', 'Alprostadil', 'Acetaminophen']","If scimitar syndrome resembles patent ductus arteriosus, what compounds that treat patent ductus arteriosus can be repurposed to treat scimitar syndrome?"
|
||||
36,epulis,pemphigus,"['RITUXIMAB', 'Dexamethasone phosphate', 'Mycophenolate mofetil', 'Triamcinolone Acetonide', 'Rilzabrutinib', 'Cetirizine', 'Dexamethasone', 'OFATUMUMAB', 'Prednisolone', 'Cyclophosphamide', 'Prednisone', 'Acetaminophen']","If epulis resembles pemphigus, what compounds that treat pemphigus can be repurposed to treat epulis?"
|
||||
37,Leber congenital amaurosis,peroxisomal disease,['Cholic acid'],"If Leber congenital amaurosis resembles peroxisomal disease, what compounds that treat peroxisomal disease can be repurposed to treat Leber congenital amaurosis?"
|
||||
38,galactose epimerase deficiency,phenylketonuria,['Pegvaliase'],"If galactose epimerase deficiency resembles phenylketonuria, what compounds that treat phenylketonuria can be repurposed to treat galactose epimerase deficiency?"
|
||||
39,adrenal gland cancer,pheochromocytoma,"['FILGRASTIM', 'Iobenguane (131I)', 'Phenoxybenzamine', 'Metyrosine', 'Doxorubicin', 'Ifosfamide', 'Phentolamine']","If adrenal gland cancer resembles pheochromocytoma, what compounds that treat pheochromocytoma can be repurposed to treat adrenal gland cancer?"
|
||||
40,papillary craniopharyngioma,pituitary adenoma,"['Lanreotide acetate', 'Cabergoline', 'Iopamidol']","If papillary craniopharyngioma resembles pituitary adenoma, what compounds that treat pituitary adenoma can be repurposed to treat papillary craniopharyngioma?"
|
||||
41,myelofibrosis,polycythemia vera,"['Ruxolitinib', 'Aspirin', 'Pacritinib', 'ROPEGINTERFERON ALFA-2B', 'Pipobroman', 'PEGINTERFERON ALFA-2A', 'Hydroxyurea', 'PEGINTERFERON ALFA-2B', 'INTERFERON ALFA', 'Anagrelide']","If myelofibrosis resembles polycythemia vera, what compounds that treat polycythemia vera can be repurposed to treat myelofibrosis?"
|
||||
42,Sezary's disease,primary cutaneous T-cell non-Hodgkin lymphoma,"['Vorinostat', 'Hypericin', 'Romidepsin', 'DENILEUKIN DIFTITOX', 'MOGAMULIZUMAB', 'Bexarotene', 'Mechlorethamine']","If Sezary's disease resembles primary cutaneous T-cell non-Hodgkin lymphoma, what compounds that treat primary cutaneous T-cell non-Hodgkin lymphoma can be repurposed to treat Sezary's disease?"
|
||||
43,thymus cancer,primary hyperaldosteronism,"['Mifepristone', 'Relacorilant', 'Ketoconazole', 'XL550', 'Metyrapone', 'Triamterene']","If thymus cancer resembles primary hyperaldosteronism, what compounds that treat primary hyperaldosteronism can be repurposed to treat thymus cancer?"
|
||||
44,vascular skin disease,primary hyperoxaluria,"['Losartan', 'LUMASIRAN', 'Lisinopril', 'RELOXALIASE', 'LUMASIRAN SODIUM']","If vascular skin disease resembles primary hyperoxaluria, what compounds that treat primary hyperoxaluria can be repurposed to treat vascular skin disease?"
|
||||
45,blepharophimosis,primary ovarian insufficiency,"['FILGRASTIM', 'CHORIOGONADOTROPIN ALFA', 'Estradiol cypionate', 'Estradiol valerate', 'ESTROGENS, ESTERIFIED', 'Equilin sulfate', 'Estradiol', 'Norethindrone acetate', 'FOLLITROPIN', 'Estrone sulfate']","If blepharophimosis resembles primary ovarian insufficiency, what compounds that treat primary ovarian insufficiency can be repurposed to treat blepharophimosis?"
|
||||
46,entropion,progeria,['Lonafarnib'],"If entropion resembles progeria, what compounds that treat progeria can be repurposed to treat entropion?"
|
||||
47,breast cancer,prostate cancer,"['Flutamide', 'Rucaparib camsylate', 'Medroxyprogesterone acetate', 'Choline C-11', 'Histrelin', 'Apalutamide', 'Fluciclovine (18F)', 'Risedronic acid', 'Buserelin', 'Relugolix', 'Atrasentan', 'Isopropyl Alcohol', 'LUTETIUM LU 177 VIPIVOTIDE TETRAXETAN', 'Nilutamide', 'Dutasteride', 'Tamsulosin', 'Hydrocortisone', 'Tasquinimod', 'SIPULEUCEL-T', 'Cyproterone acetate', 'Meloxicam', 'Finasteride', 'Abiraterone']","If breast cancer resembles prostate cancer, what compounds that treat prostate cancer can be repurposed to treat breast cancer?"
|
||||
48,membranous glomerulonephritis,proteinuria,"['RITUXIMAB', 'Losartan', 'Silibinin', 'Amlodipine', 'Olmesartan medoxomil', 'Paricalcitol', 'Dextromethorphan', 'Enalapril', '(1E,4Z,6E)-5-hydroxy-1,7-bis(4-hydroxy-3-methoxyphenyl)hepta-1,4,6-trien-3-one', 'Candesartan cilexetil']","If membranous glomerulonephritis resembles proteinuria, what compounds that treat proteinuria can be repurposed to treat membranous glomerulonephritis?"
|
||||
49,dysgerminoma,pseudohermaphroditism,['Testosterone'],"If dysgerminoma resembles pseudohermaphroditism, what compounds that treat pseudohermaphroditism can be repurposed to treat dysgerminoma?"
|
||||
50,kidney cancer,renal cell carcinoma,"['BEMPEGALDESLEUKIN', 'DURVALUMAB', 'CM-082', 'HYALURONIDASE (HUMAN RECOMBINANT)', 'TREMELIMUMAB', 'ROCAPULDENCEL-T', 'Tivozanib', 'Savolitinib', 'VITESPEN', 'AVELUMAB', 'QUAVONLIMAB', 'Epacadostat', 'Abexinostat', 'Belzutifan', 'DENOSUMAB', 'Dovitinib']","If kidney cancer resembles renal cell carcinoma, what compounds that treat renal cell carcinoma can be repurposed to treat kidney cancer?"
|
||||
51,pica disease,restless legs syndrome,"['Gabapentin', 'Pregabalin', 'Rotigotine', 'Cabergoline', 'Gabapentin enacarbil', 'Levodopa', 'Ropinirole', 'Lisuride', 'Benserazide', 'Pramipexole', 'Naloxone', 'Oxycodone']","If pica disease resembles restless legs syndrome, what compounds that treat restless legs syndrome can be repurposed to treat pica disease?"
|
||||
52,nephroblastoma,retinoblastoma,"['FILGRASTIM', 'azane;dichloroplatinum', 'Thiotepa', '1,1-Cyclobutanedicarboxylic acid', 'Topotecan', 'Vincristine', 'Etoposide', 'Cyclophosphamide']","If nephroblastoma resembles retinoblastoma, what compounds that treat retinoblastoma can be repurposed to treat nephroblastoma?"
|
||||
53,lymphedema,rosacea,"['Isotretinoin', 'Tretinoin', 'Minocycline', 'Doxycycline', 'Brimonidine', 'Alphagan', 'Metronidazole', 'Oxymetazoline', 'Azelaic Acid', 'Omiganan', 'Ivermectine 100 microg/mL in Acetonitrile']","If lymphedema resembles rosacea, what compounds that treat rosacea can be repurposed to treat lymphedema?"
|
||||
54,skin disease,skin benign neoplasm,"['Linrodostat', 'azane;dichloroplatinum', 'NIVOLUMAB', 'ALDESLEUKIN', 'Titanium Dioxide', 'DIMETHICONE', 'INTERFERON ALFA', 'Salicylic Acid']","If skin disease resembles skin benign neoplasm, what compounds that treat skin benign neoplasm can be repurposed to treat skin disease?"
|
||||
55,skin disease,skin cancer,"['Avobenzone', 'Vinblastine', 'Linrodostat', 'azane;dichloroplatinum', 'Octyl methoxycinnamate', 'Dacarbazine', 'NIVOLUMAB', 'ZINC hydrate', 'Sirolimus', 'ALDESLEUKIN', 'cyclosporin A', 'Titanium Dioxide', 'Tacrolimus', 'DIMETHICONE', 'Everolimus', 'INTERFERON ALFA', 'Salicylic Acid']","If skin disease resembles skin cancer, what compounds that treat skin cancer can be repurposed to treat skin disease?"
|
||||
56,ectodermal dysplasia,skin disease,"['Halcinonide', 'Ceftobiprole medocaril sodium salt', 'Fluocinolone acetonide', 'Iclaprim', 'Triamcinolone', 'Tedizolid phosphate', 'Diflorasone diacetate', 'Betamethasone valerate', 'Dexpanthenol', 'Flucloxacillin', 'Moxifloxacin', 'Fluocinonide', 'Desoximetasone', 'Triamcinolone Acetonide', 'Linezolid', 'Tigecycline', 'Hydrocortisone probutate', 'Prednicarbate', 'Tazidime', ""1-[(4-Chlorophenyl)(phenyl)methyl]-4-[2-(2-hydroxyethoxy)ethyl]piperazinediium 4,4'-methylenebis(3-hydroxynaphthalene-2-carboxylate)"", 'Fluticasone Propionate', 'Clobetasol Propionate', 'Hydrocortisone butyrate', 'Aztreonam', 'Daptomycin', 'Hydrocortisone acetate', 'Betamethasone dipropionate', 'Cephalexin', 'Vancomycin', 'Alclometasone dipropionate', 'Clindamycin', 'Levofloxacin', 'Omadacycline', 'Cefazolin', 'Flurandrenolide', 'Desonide', 'Metronidazole', 'Halobetasol propionate', 'Mometasone furoate', 'Salicylic Acid']","If ectodermal dysplasia resembles skin disease, what compounds that treat skin disease can be repurposed to treat ectodermal dysplasia?"
|
||||
57,trachea leiomyoma,squamous cell carcinoma,"['RETIFANLIMAB', 'CEMIPLIMAB', 'Lenvatinib', 'Podofilox', 'Afatinib', 'DURVALUMAB', 'Erlotinib', 'PEMBROLIZUMAB', 'Tirapazamine', 'Hydroxyurea', 'Methotrexate', 'Etoposide', 'CETUXIMAB', 'NIMOTUZUMAB', 'ATEZOLIZUMAB', 'Gemcitabine', 'CAMRELIZUMAB', 'IPILIMUMAB', 'PELAREOREP', 'Fluorouracil', 'azane;dichloroplatinum', 'ZALUTUMUMAB', 'Amifostine', 'Tretinoin', '1,1-Cyclobutanedicarboxylic acid', 'Nimorazole', 'FINOTONLIMAB', 'HAFNIUM OXIDE', 'PALIFERMIN', 'Iniparib', 'PENPULIMAB', 'Xevinapant', 'Cyclophosphamide', 'FIGITUMUMAB', 'TECHNETIUM TC 99M TILMANOCEPT', 'Paclitaxel', 'Capecitabine', 'Bleomycin a2', 'NIVOLUMAB', 'TREMELIMUMAB', 'Gefitinib', 'AVELUMAB', 'PANITUMUMAB', 'MONALIZUMAB', 'Aspirin', 'Raltitrexed', 'Palbociclib', 'Docetaxel']","If trachea leiomyoma resembles squamous cell carcinoma, what compounds that treat squamous cell carcinoma can be repurposed to treat trachea leiomyoma?"
|
||||
58,neurohypophyseal diabetes insipidus,syndrome,"['Diltiazem', 'Bivalirudin', 'Furosemide']","If neurohypophyseal diabetes insipidus resembles syndrome, what compounds that treat syndrome can be repurposed to treat neurohypophyseal diabetes insipidus?"
|
||||
59,mast-cell sarcoma,systemic mastocytosis,"['Midostaurin', 'Masitinib']","If mast-cell sarcoma resembles systemic mastocytosis, what compounds that treat systemic mastocytosis can be repurposed to treat mast-cell sarcoma?"
|
||||
60,mixed connective tissue disease,thrombotic thrombocytopenic purpura,"['RITUXIMAB', 'cyclosporin A', 'APADAMTASE ALFA', 'Prednisolone', 'Prednisone', 'Magnesium Sulfate', 'CAPLACIZUMAB']","If mixed connective tissue disease resembles thrombotic thrombocytopenic purpura, what compounds that treat thrombotic thrombocytopenic purpura can be repurposed to treat mixed connective tissue disease?"
|
||||
61,thyroid gland papillary carcinoma,thyroid gland carcinoma,"['Dabrafenib', 'Lenvatinib', 'Apatinib', 'Sodium iodide I 131', 'Selumetinib', 'Fosbretabulin', 'Sorafenib', '1,1-Cyclobutanedicarboxylic acid', 'Fibrin', 'Metformin', 'THYROTROPIN ALFA', 'Vandetanib', 'Iodine', 'Trametinib', 'Sodium iodide I 123', 'Paclitaxel', 'THYROID', 'Levothyroxine', 'Selpercatinib', 'Liothyronine', 'Cabozantinib', 'Donafenib']","If thyroid gland papillary carcinoma resembles thyroid gland carcinoma, what compounds that treat thyroid gland carcinoma can be repurposed to treat thyroid gland papillary carcinoma?"
|
||||
62,diabetic polyneuropathy,type 2 diabetes mellitus,"['soybean oil', 'INSULIN EFSITORA ALFA', 'Balaglitazone', '(2R,3S,4R,5R,6S)-2-[(2R,3S,4S,5S)-2,5-bis(chloromethyl)-3,4-dihydroxyoxolan-2-yl]oxy-5-chloro-6-(hydroxymethyl)oxane-3,4-diol', 'Lobeglitazone', 'INSULIN SUSP ISOPHANE RECOMBINANT HUMAN', 'Miglitol', 'Retagliptin', 'heparin', 'Levemir', 'INSULIN DEGLUDEC', 'Chiglitazar', 'Diltiazem', 'Saxagliptin', 'Evogliptin', 'ALBIGLUTIDE', 'Valsartan', 'Allopurinol', 'Rivaroxaban', 'Pramlintide', 'Nateglinide', 'INSULIN PEGLISPRO', 'Azilsartan', 'Biotin', 'Ertugliflozin', 'Canagliflozin', 'INSULIN PORK', 'Hydralazine', 'Terazosin', 'Chlorthalidone', 'MITIGLINIDE CALCIUM DIHYDRATE', 'Esomeprazole', 'insulin', 'Rosiglitazone', 'Lovaza', 'Folic Acid', '2,4-Thiazolidinedione', 'Amlodipine', 'Precose', '(2S,4S)-1-(2-((1,1-Dimethyl-3-oxo-3-(1-pyrrolidinyl)propyl)amino)acetyl)-4-fluoro-2-pyrrolidinecarbonitrile', 'Avexitide', 'DULAGLUTIDE', 'Fenofibric acid', 'Fenofibrate', 'Repaglinide', 'Bromocriptine', 'Pyridoxine', 'Pioglitazone', 'Semaglutide', 'Omarigliptin', '2-Methoxy-5-(2,4-dioxo-5-thiazolidinyl)-N-((4-(trifluoromethyl)phenyl)methyl)benzamide', 'Taranabant', 'Lapaquistat acetate', 'Pitavastatin', 'Trelagliptin', 'Tirzepatide', 'Candesartan cilexetil', 'Ranolazine', 'Simvastatin', 'Benazepril', 'Ezetimibe', 'beta-Lactose', 'Dapagliflozin', 'Exenatide Synthetic', 'Bosentan', 'Ipragliflozin', 'Triamterene', 'Chlorpropamide', 'Linagliptin', 'Ursodeoxycholic acid', 'Anagliptin', 'Ergocalciferol', 'Tyrosine', 'INSULIN ASPART', 'Gliclazide', 'Bexagliflozin', 'Perindopril', 'Nicotinic acid', 'Metformin', 'Alogliptin', 'Berberine', 'Carvedilol', 'Irbesartan', 'Gosogliptin', 'EFPEGLENATIDE', 'Sodium Chloride', '2,3-dihydroxybutanedioic acid;[(2R)-1-[2-[[(3R)-pyrrolidin-3-yl]amino]acetyl]pyrrolidin-2-yl]boronic acid', '2-(((R)-2,3-Dihydroxypropyl)phosphoryloxy)-N,N,N-trimethylethanaminium', 'Gemigliptin', 'Empagliflozin', 'colesevelam hydrochloride', 'Dorzagliatin', 'Telmisartan', 'Glipizide', 'INSULIN SUSP ISOPHANE SEMISYNTHETIC PURIFIED HUMAN', 'Lixisenatide', 'Muraglitazar', 'Liraglutide', 'Biguanide', 'Tolazamide', 'Vildagliptin', 'INSULIN SUSP ISOPHANE BEEF', 'Fasiglifam', 'Cholecalciferol', 'INSULIN GLULISINE', 'Lisinopril', 'Topiramate', 'Furosemide', 'Laropiprant', 'Ticagrelor', 'Indapamide', 'Rimonabant', 'Sotagliflozin', 'Candesartan', 'Chlorothiazide', 'Reserpine', 'Henagliflozin', 'Voglibose', 'Hydrochlorothiazide', 'Metoprolol', 'Sitagliptin', 'Urea', 'Dutogliptin', 'Aleglitazar', '(3S,4S,5R)-1,3,4,5,6-pentahydroxyhexan-2-one', 'Mitiglinide', 'Rivoglitazone', 'Tolbutamide', 'Teneligliptin', 'INSULIN LISPRO', 'Glimepiride', 'Magnesium Oxide', 'Felodipine', 'Aspirin', 'Ramipril', 'INSULIN GLARGINE', 'Tesaglitazar', 'Atorvastatin', 'Glyburide']","If diabetic polyneuropathy resembles type 2 diabetes mellitus, what compounds that treat type 2 diabetes mellitus can be repurposed to treat diabetic polyneuropathy?"
|
||||
63,citrullinemia,urea cycle disorder,"['4-Phenylbutyric acid', 'Glycerol phenylbutyrate']","If citrullinemia resembles urea cycle disorder, what compounds that treat urea cycle disorder can be repurposed to treat citrullinemia?"
|
||||
64,transitional cell carcinoma,urinary bladder cancer,"['Valrubicin', 'Vinblastine', 'Lenvatinib', 'SASANLIMAB', 'CETRELIMAB', 'DURVALUMAB', 'Uracil', 'PEMBROLIZUMAB', 'Selenium disulfide', 'Doxorubicin', 'Methotrexate', 'Tegafur', 'TORIPALIMAB', 'Gemcitabine', 'Fluorouracil', 'Ciprofloxacin', 'Infigratinib', 'azane;dichloroplatinum', 'Fenretinide', '1,1-Cyclobutanedicarboxylic acid', 'OPORTUZUMAB MONATOX', 'Clavulanic Acid', 'Meropenem', 'Apaziquone', 'Eflornithine', '3-deoxy-D-ribHexNAc(b1-4)b-GlcA', 'Alvimopan', 'NADOFARAGENE FIRADENOVEC', 'INTERFERON ALFA', 'Paclitaxel', 'ENFORTUMAB VEDOTIN', 'NIVOLUMAB', 'Sirolimus', 'TREMELIMUMAB', 'Gefitinib', 'BCG VACCINE', 'Nicotinamide', 'TISLELIZUMAB', 'Cephalexin', 'Epirubicin', 'Alpha-Tocopherol', 'Larotaxel', 'BEMPEGALDESLEUKIN', 'FILGRASTIM', 'Diclofenac', 'RAMUCIRUMAB', 'Hexaminolevulinate', 'Amoxicillin', 'SARGRAMOSTIM']","If transitional cell carcinoma resembles urinary bladder cancer, what compounds that treat urinary bladder cancer can be repurposed to treat transitional cell carcinoma?"
|
||||
65,anterior spinal artery syndrome,vascular disease,"['Clopidogrel', 'Oxygen', 'Aspirin', 'Ambrisentan']","If anterior spinal artery syndrome resembles vascular disease, what compounds that treat vascular disease can be repurposed to treat anterior spinal artery syndrome?"
|
||||
66,louping ill,viral infectious disease,"['Abacavir', 'Podofilox', 'Amenamevir', 'Faldaprevir', 'Sofosbuvir', 'Tecovirimat', 'Remdesivir', 'Emtricitabine', 'Nelfinavir', 'Oseltamivir', 'Elvitegravir', 'Valacyclovir', 'Telbivudine', 'Maribavir', 'Darunavir', 'Lenacapavir', 'Ganciclovir', 'Ritonavir', 'Baloxavir marboxil', 'Adefovir dipivoxil', 'Foscarnet', 'Famciclovir', 'Enisamium', 'Clevudine', 'Arbidol', 'POLIOVIRUS VACCINE INACTIVATED', 'Tipranavir', 'Stavudine', 'Daclatasvir', 'Efavirenz', 'Zalcitabine', 'Valganciclovir', 'Tenofovir alafenamide', 'Grazoprevir', 'Zidovudine', 'Nevirapine', 'Fostemsavir', 'Tenofovir disoproxil', 'Amprenavir', 'Acyclovir', 'Ribavirin', 'Indinavir', 'Rilpivirine', 'Saquinavir', 'SINECATECHINS', 'Lamivudine', 'Inosine', 'Boceprevir', 'Elbasvir', 'BULEVIRTIDE', 'Fosamprenavir', 'Peramivir', 'Didanosine', 'Atazanavir', 'Dolutegravir', 'Dasabuvir', 'Letermovir', 'Entecavir', 'Delavirdine', 'Brincidofovir', 'Cabotegravir', 'Enfuvirtide', 'Cidofovir', 'Asunaprevir', 'Penciclovir', 'Etravirine', 'Favipiravir', 'Imiquimod', 'Docosanol', 'Zanamivir', 'Vidarabine', 'IBALIZUMAB', 'Idoxuridine', 'Doravirine', 'Telaprevir', 'Rimantadine', 'Inosine pranobex', 'Simeprevir', 'Raltegravir', 'Maraviroc']","If louping ill resembles viral infectious disease, what compounds that treat viral infectious disease can be repurposed to treat louping ill?"
|
||||
67,factor XIII deficiency,von Willebrand's disease,"['VONICOG ALFA', 'HUMAN COAGULATION FACTOR VIII/VON WILLEBRAND FACTOR COMPLEX', 'Desmopressin', 'VON WILLEBRAND FACTOR HUMAN', 'ANTIHEMOPHILIC FACTOR']","If factor XIII deficiency resembles von Willebrand's disease, what compounds that treat von Willebrand's disease can be repurposed to treat factor XIII deficiency?"
|
||||
|
101
data/rag_comparison_data.csv
Normal file
@@ -0,0 +1,101 @@
|
||||
disease_name,gene_name,gwas_pvalue,question,question_perturbed
|
||||
childhood-onset asthma,RORA,2e-37,What is the GWAS p-value for the association between childhood-onset asthma and RORA?,What is the GWAS p-value for the association between childhood-onset asthma and rora?
|
||||
skin benign neoplasm,SHANK2,5e-08,What is the GWAS p-value for the association between SHANK2 and skin benign neoplasm?,What is the GWAS p-value for the association between shank2 and skin benign neoplasm?
|
||||
hypertrophic cardiomyopathy,AMBRA1,1e-16,Is hypertrophic cardiomyopathy associated with AMBRA1?,Is hypertrophic cardiomyopathy associated with ambra1?
|
||||
lung adenocarcinoma,CYP2A6,8e-11,What is the GWAS p-value for the association between CYP2A6 and lung adenocarcinoma?,What is the GWAS p-value for the association between cyp2a6 and lung adenocarcinoma?
|
||||
idiopathic generalized epilepsy,RYR2,3e-09,Is idiopathic generalized epilepsy associated with RYR2?,Is idiopathic generalized epilepsy associated with ryr2?
|
||||
gastric fundus cancer,PLCE1,2e-22,What is the GWAS p-value for the association between PLCE1 and gastric fundus cancer?,What is the GWAS p-value for the association between plce1 and gastric fundus cancer?
|
||||
hypertrophic cardiomyopathy,VTI1A,4e-12,Is VTI1A associated with hypertrophic cardiomyopathy?,Is vti1a associated with hypertrophic cardiomyopathy?
|
||||
peptic ulcer disease,TTC33,5e-25,Is peptic ulcer disease associated with TTC33?,Is peptic ulcer disease associated with ttc33?
|
||||
multiple sclerosis,TSPAN31,2e-09,Is multiple sclerosis associated with TSPAN31?,Is multiple sclerosis associated with tspan31?
|
||||
large intestine cancer,ABHD12B,7e-09,What is the GWAS p-value for the association between ABHD12B and large intestine cancer?,What is the GWAS p-value for the association between abhd12b and large intestine cancer?
|
||||
prostate carcinoma,ESR2,7e-12,What is the GWAS p-value for the association between ESR2 and prostate carcinoma?,What is the GWAS p-value for the association between esr2 and prostate carcinoma?
|
||||
inflammatory bowel disease,SH2B3,1e-09,What is the GWAS p-value for the association between inflammatory bowel disease and SH2B3?,What is the GWAS p-value for the association between inflammatory bowel disease and sh2b3?
|
||||
mastocytosis,FTCD,1e-09,What is the GWAS p-value for the association between mastocytosis and FTCD?,What is the GWAS p-value for the association between mastocytosis and ftcd?
|
||||
major depressive disorder,FURIN,3e-19,What is the GWAS p-value for the association between FURIN and major depressive disorder?,What is the GWAS p-value for the association between furin and major depressive disorder?
|
||||
testicular cancer,TERT,8e-15,Is testicular cancer associated with TERT?,Is testicular cancer associated with tert?
|
||||
type 2 diabetes mellitus,SLC24A3,3e-17,Is SLC24A3 associated with type 2 diabetes mellitus?,Is slc24a3 associated with type 2 diabetes mellitus?
|
||||
celiac disease,PLEK,8e-09,Is celiac disease associated with PLEK?,Is celiac disease associated with plek?
|
||||
endometrial carcinoma,CPVL,2e-08,What is the GWAS p-value for the association between endometrial carcinoma and CPVL?,What is the GWAS p-value for the association between endometrial carcinoma and cpvl?
|
||||
allergic disease,ZNF652,1e-15,Is allergic disease associated with ZNF652?,Is allergic disease associated with znf652?
|
||||
systemic lupus erythematosus,ELF3,4e-09,What is the GWAS p-value for the association between systemic lupus erythematosus and ELF3?,What is the GWAS p-value for the association between systemic lupus erythematosus and elf3?
|
||||
hemorrhoid,GMDS,2e-31,Is GMDS associated with hemorrhoid?,Is gmds associated with hemorrhoid?
|
||||
rheumatoid arthritis,DPP4,2e-21,What is the GWAS p-value for the association between rheumatoid arthritis and DPP4?,What is the GWAS p-value for the association between rheumatoid arthritis and dpp4?
|
||||
colon carcinoma,SMAD7,3e-08,What is the GWAS p-value for the association between SMAD7 and colon carcinoma?,What is the GWAS p-value for the association between smad7 and colon carcinoma?
|
||||
pulmonary hypertension,PKIA,2e-09,What is the GWAS p-value for the association between PKIA and pulmonary hypertension?,What is the GWAS p-value for the association between pkia and pulmonary hypertension?
|
||||
autoimmune thyroiditis,TNFRSF14,2e-11,What is the GWAS p-value for the association between autoimmune thyroiditis and TNFRSF14?,What is the GWAS p-value for the association between autoimmune thyroiditis and tnfrsf14?
|
||||
psoriatic arthritis,CNTNAP2,5e-28,Is psoriatic arthritis associated with CNTNAP2?,Is psoriatic arthritis associated with cntnap2?
|
||||
primary biliary cholangitis,CCDC88B,1e-10,Is primary biliary cholangitis associated with CCDC88B?,Is primary biliary cholangitis associated with ccdc88b?
|
||||
otosclerosis,MARK3,3e-18,Is MARK3 associated with otosclerosis?,Is mark3 associated with otosclerosis?
|
||||
large intestine cancer,RHPN2,4e-41,What is the GWAS p-value for the association between RHPN2 and large intestine cancer?,What is the GWAS p-value for the association between rhpn2 and large intestine cancer?
|
||||
anxiety disorder,NTRK2,7e-09,Is anxiety disorder associated with NTRK2?,Is anxiety disorder associated with ntrk2?
|
||||
atopic dermatitis,RERE,6e-16,Is atopic dermatitis associated with RERE?,Is atopic dermatitis associated with rere?
|
||||
asthma,PRR5L,6e-12,Is PRR5L associated with asthma?,Is prr5l associated with asthma?
|
||||
gastric fundus cancer,GON4L,1e-15,What is the GWAS p-value for the association between gastric fundus cancer and GON4L?,What is the GWAS p-value for the association between gastric fundus cancer and gon4l?
|
||||
type 2 diabetes mellitus,DNAH1,7e-21,Is type 2 diabetes mellitus associated with DNAH1?,Is type 2 diabetes mellitus associated with dnah1?
|
||||
schizophrenia,SLC17A3,3e-20,What is the GWAS p-value for the association between schizophrenia and SLC17A3?,What is the GWAS p-value for the association between schizophrenia and slc17a3?
|
||||
inflammatory bowel disease,FADS2,2e-15,What is the GWAS p-value for the association between inflammatory bowel disease and FADS2?,What is the GWAS p-value for the association between inflammatory bowel disease and fads2?
|
||||
opiate dependence,ADGRV1,2e-09,Is opiate dependence associated with ADGRV1?,Is opiate dependence associated with adgrv1?
|
||||
attention deficit hyperactivity disorder,ST3GAL3,8e-14,What is the GWAS p-value for the association between attention deficit hyperactivity disorder and ST3GAL3?,What is the GWAS p-value for the association between attention deficit hyperactivity disorder and st3gal3?
|
||||
cataract,C3orf49,2e-11,Is C3orf49 associated with cataract?,Is c3orf49 associated with cataract?
|
||||
duodenal ulcer,PLD1,5e-08,What is the GWAS p-value for the association between PLD1 and duodenal ulcer?,What is the GWAS p-value for the association between pld1 and duodenal ulcer?
|
||||
chronic obstructive pulmonary disease,CHRNA3,5e-28,What is the GWAS p-value for the association between CHRNA3 and chronic obstructive pulmonary disease?,What is the GWAS p-value for the association between chrna3 and chronic obstructive pulmonary disease?
|
||||
pancreatic carcinoma,CCDC68,5e-09,What is the GWAS p-value for the association between pancreatic carcinoma and CCDC68?,What is the GWAS p-value for the association between pancreatic carcinoma and ccdc68?
|
||||
primary biliary cholangitis,HLA-DPB1,2e-22,Is HLA-DPB1 associated with primary biliary cholangitis?,Is hla-dpb1 associated with primary biliary cholangitis?
|
||||
atopic dermatitis,GABPB2,2e-88,Is atopic dermatitis associated with GABPB2?,Is atopic dermatitis associated with gabpb2?
|
||||
systemic lupus erythematosus,HIP1,6e-62,What is the GWAS p-value for the association between HIP1 and systemic lupus erythematosus?,What is the GWAS p-value for the association between hip1 and systemic lupus erythematosus?
|
||||
hypothyroidism,TIMMDC1,3e-09,Is hypothyroidism associated with TIMMDC1?,Is hypothyroidism associated with timmdc1?
|
||||
degenerative myopia,MIPEP,2e-16,What is the GWAS p-value for the association between degenerative myopia and MIPEP?,What is the GWAS p-value for the association between degenerative myopia and mipep?
|
||||
alcoholic pancreatitis,CASP9,6e-09,Is alcoholic pancreatitis associated with CASP9?,Is alcoholic pancreatitis associated with casp9?
|
||||
lung squamous cell carcinoma,PDS5B,9e-12,Is lung squamous cell carcinoma associated with PDS5B?,Is lung squamous cell carcinoma associated with pds5b?
|
||||
common variable immunodeficiency,CLEC16A,2e-09,What is the GWAS p-value for the association between CLEC16A and common variable immunodeficiency?,What is the GWAS p-value for the association between clec16a and common variable immunodeficiency?
|
||||
lung non-small cell carcinoma,TERT,1e-42,Is TERT associated with lung non-small cell carcinoma?,Is tert associated with lung non-small cell carcinoma?
|
||||
cardiovascular system disease,PSMD3,1e-20,Is PSMD3 associated with cardiovascular system disease?,Is psmd3 associated with cardiovascular system disease?
|
||||
gestational diabetes,CCND2,3e-12,What is the GWAS p-value for the association between gestational diabetes and CCND2?,What is the GWAS p-value for the association between gestational diabetes and ccnd2?
|
||||
major depressive disorder,TMEM106B,8e-24,Is TMEM106B associated with major depressive disorder?,Is tmem106b associated with major depressive disorder?
|
||||
keratoconus,COL6A1,9e-12,What is the GWAS p-value for the association between COL6A1 and keratoconus?,What is the GWAS p-value for the association between col6a1 and keratoconus?
|
||||
chronic lymphocytic leukemia,RREB1,1e-08,Is chronic lymphocytic leukemia associated with RREB1?,Is chronic lymphocytic leukemia associated with rreb1?
|
||||
prostate carcinoma,PARPBP,3e-13,Is PARPBP associated with prostate carcinoma?,Is parpbp associated with prostate carcinoma?
|
||||
testicular germ cell cancer,ZFP64,3e-12,What is the GWAS p-value for the association between testicular germ cell cancer and ZFP64?,What is the GWAS p-value for the association between testicular germ cell cancer and zfp64?
|
||||
psoriasis,KLF13,9e-10,What is the GWAS p-value for the association between KLF13 and psoriasis?,What is the GWAS p-value for the association between klf13 and psoriasis?
|
||||
coronary artery disease,ADGRL3,3e-23,Is coronary artery disease associated with ADGRL3?,Is coronary artery disease associated with adgrl3?
|
||||
abdominal obesity-metabolic syndrome 1,JMJD1C,2e-14,What is the GWAS p-value for the association between abdominal obesity-metabolic syndrome 1 and JMJD1C?,What is the GWAS p-value for the association between abdominal obesity-metabolic syndrome 1 and jmjd1c?
|
||||
type 1 diabetes mellitus,CUX2,1e-16,Is CUX2 associated with type 1 diabetes mellitus?,Is cux2 associated with type 1 diabetes mellitus?
|
||||
type 2 diabetes mellitus,KCNK16,4e-17,What is the GWAS p-value for the association between KCNK16 and type 2 diabetes mellitus?,What is the GWAS p-value for the association between kcnk16 and type 2 diabetes mellitus?
|
||||
type 1 diabetes mellitus,DGKQ,6e-09,Is type 1 diabetes mellitus associated with DGKQ?,Is type 1 diabetes mellitus associated with dgkq?
|
||||
refractive error,SIX6,2e-16,What is the GWAS p-value for the association between SIX6 and refractive error?,What is the GWAS p-value for the association between six6 and refractive error?
|
||||
Parkinson's disease,MAP4K4,8e-13,What is the GWAS p-value for the association between MAP4K4 and Parkinson's disease?,What is the GWAS p-value for the association between map4k4 and parkinson's disease?
|
||||
autism spectrum disorder,DCC,3e-08,Is autism spectrum disorder associated with DCC?,Is autism spectrum disorder associated with dcc?
|
||||
multiple sclerosis,NR1D1,9e-14,Is multiple sclerosis associated with NR1D1?,Is multiple sclerosis associated with nr1d1?
|
||||
coronary artery disease,SMAD3,1e-19,Is coronary artery disease associated with SMAD3?,Is coronary artery disease associated with smad3?
|
||||
prostate carcinoma,ANO7,8e-43,What is the GWAS p-value for the association between ANO7 and prostate carcinoma?,What is the GWAS p-value for the association between ano7 and prostate carcinoma?
|
||||
ovarian carcinoma,FGFR2,4e-254,What is the GWAS p-value for the association between FGFR2 and ovarian carcinoma?,What is the GWAS p-value for the association between fgfr2 and ovarian carcinoma?
|
||||
lymphoid leukemia,BMF,1e-10,What is the GWAS p-value for the association between BMF and lymphoid leukemia?,What is the GWAS p-value for the association between bmf and lymphoid leukemia?
|
||||
skin melanoma,CYP1B1,3e-16,Is skin melanoma associated with CYP1B1?,Is skin melanoma associated with cyp1b1?
|
||||
myositis,ATP6V1G2,6e-49,What is the GWAS p-value for the association between myositis and ATP6V1G2?,What is the GWAS p-value for the association between myositis and atp6v1g2?
|
||||
melanoma,SPG7,9e-26,What is the GWAS p-value for the association between SPG7 and melanoma?,What is the GWAS p-value for the association between spg7 and melanoma?
|
||||
type 2 diabetes mellitus,EYA2,6e-19,Is EYA2 associated with type 2 diabetes mellitus?,Is eya2 associated with type 2 diabetes mellitus?
|
||||
carpal tunnel syndrome,SERPINA1,3e-24,What is the GWAS p-value for the association between SERPINA1 and carpal tunnel syndrome?,What is the GWAS p-value for the association between serpina1 and carpal tunnel syndrome?
|
||||
substance-related disorder,FUT2,3e-19,What is the GWAS p-value for the association between substance-related disorder and FUT2?,What is the GWAS p-value for the association between substance-related disorder and fut2?
|
||||
open-angle glaucoma,PLEKHA7,9e-15,Is open-angle glaucoma associated with PLEKHA7?,Is open-angle glaucoma associated with plekha7?
|
||||
myocardial infarction,ZNF831,1e-08,What is the GWAS p-value for the association between myocardial infarction and ZNF831?,What is the GWAS p-value for the association between myocardial infarction and znf831?
|
||||
squamous cell carcinoma,IRF4,1e-169,Is IRF4 associated with squamous cell carcinoma?,Is irf4 associated with squamous cell carcinoma?
|
||||
Parkinson's disease,WDHD1,4e-16,What is the GWAS p-value for the association between WDHD1 and Parkinson's disease?,What is the GWAS p-value for the association between wdhd1 and parkinson's disease?
|
||||
cataract,TOP1,1e-11,Is cataract associated with TOP1?,Is cataract associated with top1?
|
||||
atrial fibrillation,AGBL4,3e-09,What is the GWAS p-value for the association between atrial fibrillation and AGBL4?,What is the GWAS p-value for the association between atrial fibrillation and agbl4?
|
||||
otosclerosis,SEMA4D,4e-09,What is the GWAS p-value for the association between otosclerosis and SEMA4D?,What is the GWAS p-value for the association between otosclerosis and sema4d?
|
||||
hypothyroidism,RAD51B,2e-11,What is the GWAS p-value for the association between hypothyroidism and RAD51B?,What is the GWAS p-value for the association between hypothyroidism and rad51b?
|
||||
childhood-onset asthma,SPSB1,4e-18,What is the GWAS p-value for the association between SPSB1 and childhood-onset asthma?,What is the GWAS p-value for the association between spsb1 and childhood-onset asthma?
|
||||
major depressive disorder,ATG7,5e-08,Is major depressive disorder associated with ATG7?,Is major depressive disorder associated with atg7?
|
||||
alopecia,WNT10A,2e-16,Is WNT10A associated with alopecia?,Is wnt10a associated with alopecia?
|
||||
inflammatory bowel disease,IL27,1e-21,Is inflammatory bowel disease associated with IL27?,Is inflammatory bowel disease associated with il27?
|
||||
tonsillitis,TNFRSF13B,8e-26,What is the GWAS p-value for the association between tonsillitis and TNFRSF13B?,What is the GWAS p-value for the association between tonsillitis and tnfrsf13b?
|
||||
cleft lip,SFI1,3e-08,What is the GWAS p-value for the association between cleft lip and SFI1?,What is the GWAS p-value for the association between cleft lip and sfi1?
|
||||
multiple sclerosis,INAVA,6e-21,What is the GWAS p-value for the association between multiple sclerosis and INAVA?,What is the GWAS p-value for the association between multiple sclerosis and inava?
|
||||
esophageal carcinoma,CASP8,1e-08,Is esophageal carcinoma associated with CASP8?,Is esophageal carcinoma associated with casp8?
|
||||
skin melanoma,GPRC5A,8e-15,Is skin melanoma associated with GPRC5A?,Is skin melanoma associated with gprc5a?
|
||||
lung squamous cell carcinoma,BRCA2,1e-15,Is lung squamous cell carcinoma associated with BRCA2?,Is lung squamous cell carcinoma associated with brca2?
|
||||
systemic lupus erythematosus,HLA-DRA,2e-60,What is the GWAS p-value for the association between HLA-DRA and systemic lupus erythematosus?,What is the GWAS p-value for the association between hla-dra and systemic lupus erythematosus?
|
||||
type 2 diabetes mellitus,UBE2E2,2e-42,Is type 2 diabetes mellitus associated with UBE2E2?,Is type 2 diabetes mellitus associated with ube2e2?
|
||||
allergic rhinitis,HLA-DQA1,1e-43,What is the GWAS p-value for the association between HLA-DQA1 and allergic rhinitis?,What is the GWAS p-value for the association between hla-dqa1 and allergic rhinitis?
|
||||
systemic lupus erythematosus,HLA-DQA1,1e-54,What is the GWAS p-value for the association between systemic lupus erythematosus and HLA-DQA1?,What is the GWAS p-value for the association between systemic lupus erythematosus and hla-dqa1?
|
||||
|
101
data/results/cypher_rag_output.csv
Normal file
@@ -0,0 +1,101 @@
|
||||
disease_name,gene_name,gwas_pvalue,question,question_perturbed,neo4j_rag_answer,total_tokens_used,neo4j_rag_answer_perturbed,total_tokens_used_perturbed
|
||||
childhood-onset asthma,RORA,2e-37,What is the GWAS p-value for the association between childhood-onset asthma and RORA?,What is the GWAS p-value for the association between childhood-onset asthma and rora?,The GWAS p-value for the association between childhood-onset asthma and RORA is 2e-37.,8021,"I'm sorry, but I don't have the information to answer that question.",8001
|
||||
skin benign neoplasm,SHANK2,5e-08,What is the GWAS p-value for the association between SHANK2 and skin benign neoplasm?,What is the GWAS p-value for the association between shank2 and skin benign neoplasm?,The GWAS p-value for the association between SHANK2 and skin benign neoplasm is 5e-08.,8028,"I'm sorry, but I don't know the answer.",8010
|
||||
hypertrophic cardiomyopathy,AMBRA1,1e-16,Is hypertrophic cardiomyopathy associated with AMBRA1?,Is hypertrophic cardiomyopathy associated with ambra1?,"Yes, hypertrophic cardiomyopathy is associated with AMBRA1.",8002,"I'm sorry, but I don't have the information to answer that question.",7994
|
||||
lung adenocarcinoma,CYP2A6,8e-11,What is the GWAS p-value for the association between CYP2A6 and lung adenocarcinoma?,What is the GWAS p-value for the association between cyp2a6 and lung adenocarcinoma?,The GWAS p-value for the association between CYP2A6 and lung adenocarcinoma is 8e-11.,8040,"I'm sorry, but I don't have the information to answer that question.",8023
|
||||
idiopathic generalized epilepsy,RYR2,3e-09,Is idiopathic generalized epilepsy associated with RYR2?,Is idiopathic generalized epilepsy associated with ryr2?,"Yes, idiopathic generalized epilepsy is associated with RYR2.",7997,"I'm sorry, but I don't have the information to answer that question.",7991
|
||||
gastric fundus cancer,PLCE1,2e-22,What is the GWAS p-value for the association between PLCE1 and gastric fundus cancer?,What is the GWAS p-value for the association between plce1 and gastric fundus cancer?,The GWAS p-value for the association between PLCE1 and gastric fundus cancer is 2e-22.,8026,"I'm sorry, but I don't have the information to answer that question.",8005
|
||||
hypertrophic cardiomyopathy,VTI1A,4e-12,Is VTI1A associated with hypertrophic cardiomyopathy?,Is vti1a associated with hypertrophic cardiomyopathy?,"I'm sorry, but I don't have the information to answer that question.",7989,"I'm sorry, but I don't have the information to answer that question.",7989
|
||||
peptic ulcer disease,TTC33,5e-25,Is peptic ulcer disease associated with TTC33?,Is peptic ulcer disease associated with ttc33?,"Yes, peptic ulcer disease is associated with TTC33.",7992,"I'm sorry, but I don't have the information to answer that question.",7991
|
||||
multiple sclerosis,TSPAN31,2e-09,Is multiple sclerosis associated with TSPAN31?,Is multiple sclerosis associated with tspan31?,"Yes, multiple sclerosis is associated with TSPAN31.",7987,"I'm sorry, but I don't have the information to answer that question.",7985
|
||||
large intestine cancer,ABHD12B,7e-09,What is the GWAS p-value for the association between ABHD12B and large intestine cancer?,What is the GWAS p-value for the association between abhd12b and large intestine cancer?,The GWAS p-value for the association between ABHD12B and large intestine cancer is 7e-09.,8024,"I'm sorry, but I don't have the information to answer that question.",8009
|
||||
prostate carcinoma,ESR2,7e-12,What is the GWAS p-value for the association between ESR2 and prostate carcinoma?,What is the GWAS p-value for the association between esr2 and prostate carcinoma?,The GWAS p-value for the association between ESR2 and prostate carcinoma is 7e-12.,8017,"I'm sorry, but I don't have the information to answer that question.",7998
|
||||
inflammatory bowel disease,SH2B3,1e-09,What is the GWAS p-value for the association between inflammatory bowel disease and SH2B3?,What is the GWAS p-value for the association between inflammatory bowel disease and sh2b3?,The GWAS p-value for the association between inflammatory bowel disease and SH2B3 is 1e-09.,8025,"I'm sorry, but I don't know the answer.",8008
|
||||
mastocytosis,FTCD,1e-09,What is the GWAS p-value for the association between mastocytosis and FTCD?,What is the GWAS p-value for the association between mastocytosis and ftcd?,The GWAS p-value for the association between mastocytosis and FTCD is 1e-09.,8020,"I'm sorry, but I don't know the answer.",7996
|
||||
major depressive disorder,FURIN,3e-19,What is the GWAS p-value for the association between FURIN and major depressive disorder?,What is the GWAS p-value for the association between furin and major depressive disorder?,The GWAS p-value for the association between FURIN and major depressive disorder is 3e-19.,8020,"I'm sorry, but I don't have the information to answer that question.",7997
|
||||
testicular cancer,TERT,8e-15,Is testicular cancer associated with TERT?,Is testicular cancer associated with tert?,"Yes, there is an association between testicular cancer and TERT.",7988,"I'm sorry, but I don't have the information to answer that question.",7983
|
||||
type 2 diabetes mellitus,SLC24A3,3e-17,Is SLC24A3 associated with type 2 diabetes mellitus?,Is slc24a3 associated with type 2 diabetes mellitus?,"Yes, the gene SLC24A3, also known as solute carrier family 24 member 3, located on chromosome 20, is associated with type 2 diabetes mellitus.",8198,"I'm sorry, but I don't have the information to answer that question.",7994
|
||||
celiac disease,PLEK,8e-09,Is celiac disease associated with PLEK?,Is celiac disease associated with plek?,"Yes, celiac disease is associated with PLEK. PLEK, or pleckstrin, is a gene located on chromosome 2. This association is based on data from the Disease Ontology and Entrez Gene sources.",8418,"I'm sorry, but I don't have the information to answer that question.",7979
|
||||
endometrial carcinoma,CPVL,2e-08,What is the GWAS p-value for the association between endometrial carcinoma and CPVL?,What is the GWAS p-value for the association between endometrial carcinoma and cpvl?,,7855,,7855
|
||||
allergic disease,ZNF652,1e-15,Is allergic disease associated with ZNF652?,Is allergic disease associated with znf652?,"Yes, the allergic disease is associated with ZNF652, which is a zinc finger protein.",8298,"I'm sorry, but I don't have the information to answer that question.",7980
|
||||
systemic lupus erythematosus,ELF3,4e-09,What is the GWAS p-value for the association between systemic lupus erythematosus and ELF3?,What is the GWAS p-value for the association between systemic lupus erythematosus and elf3?,The GWAS p-value for the association between systemic lupus erythematosus and ELF3 is 4e-09.,8034,"I'm sorry, but I don't have the information to answer that question.",8010
|
||||
hemorrhoid,GMDS,2e-31,Is GMDS associated with hemorrhoid?,Is gmds associated with hemorrhoid?,"No, GMDS is not associated with hemorrhoids.",7985,"I'm sorry, but I don't have the information to answer that question.",7985
|
||||
rheumatoid arthritis,DPP4,2e-21,What is the GWAS p-value for the association between rheumatoid arthritis and DPP4?,What is the GWAS p-value for the association between rheumatoid arthritis and dpp4?,The GWAS p-value for the association between rheumatoid arthritis and DPP4 is 2e-21.,8025,"I'm sorry, but I don't have the information to answer that question.",8004
|
||||
colon carcinoma,SMAD7,3e-08,What is the GWAS p-value for the association between SMAD7 and colon carcinoma?,What is the GWAS p-value for the association between smad7 and colon carcinoma?,The GWAS p-value for the association between SMAD7 and colon carcinoma is 3e-08.,8016,,7859
|
||||
pulmonary hypertension,PKIA,2e-09,What is the GWAS p-value for the association between PKIA and pulmonary hypertension?,What is the GWAS p-value for the association between pkia and pulmonary hypertension?,"I'm sorry, but I don't have the information to answer that question.",7996,"I'm sorry, but I don't know the answer.",7992
|
||||
autoimmune thyroiditis,TNFRSF14,2e-11,What is the GWAS p-value for the association between autoimmune thyroiditis and TNFRSF14?,What is the GWAS p-value for the association between autoimmune thyroiditis and tnfrsf14?,The GWAS p-value for the association between autoimmune thyroiditis and TNFRSF14 is 2e-11.,8025,"I'm sorry, but I don't have the information to answer that question.",8004
|
||||
psoriatic arthritis,CNTNAP2,5e-28,Is psoriatic arthritis associated with CNTNAP2?,Is psoriatic arthritis associated with cntnap2?,"Yes, psoriatic arthritis is associated with CNTNAP2.",8002,"I'm sorry, but I don't have the information to answer that question.",7989
|
||||
primary biliary cholangitis,CCDC88B,1e-10,Is primary biliary cholangitis associated with CCDC88B?,Is primary biliary cholangitis associated with ccdc88b?,"Yes, primary biliary cholangitis is associated with CCDC88B.",8006,"I'm sorry, but I don't have the information to answer that question.",7999
|
||||
otosclerosis,MARK3,3e-18,Is MARK3 associated with otosclerosis?,Is mark3 associated with otosclerosis?,"I'm sorry, but I don't have the information to answer that question.",7975,"I'm sorry, but I don't have the information to answer that question.",7975
|
||||
large intestine cancer,RHPN2,4e-41,What is the GWAS p-value for the association between RHPN2 and large intestine cancer?,What is the GWAS p-value for the association between rhpn2 and large intestine cancer?,The GWAS p-value for the association between RHPN2 and large intestine cancer is 4e-41.,8024,,7861
|
||||
anxiety disorder,NTRK2,7e-09,Is anxiety disorder associated with NTRK2?,Is anxiety disorder associated with ntrk2?,"Yes, anxiety disorder is associated with NTRK2.",7992,"I'm sorry, but I don't have the information to answer that question.",7989
|
||||
atopic dermatitis,RERE,6e-16,Is atopic dermatitis associated with RERE?,Is atopic dermatitis associated with rere?,"Yes, atopic dermatitis is associated with RERE.",7991,"I'm sorry, but I don't have the information to answer that question.",7988
|
||||
asthma,PRR5L,6e-12,Is PRR5L associated with asthma?,Is prr5l associated with asthma?,"I'm sorry, but I don't have the information to answer that question.",7977,"I'm sorry, but I don't have the information to answer that question.",7977
|
||||
gastric fundus cancer,GON4L,1e-15,What is the GWAS p-value for the association between gastric fundus cancer and GON4L?,What is the GWAS p-value for the association between gastric fundus cancer and gon4l?,The GWAS p-value for the association between gastric fundus cancer and GON4L is 1e-15.,8030,"I'm sorry, but I don't have the information to answer that question.",8005
|
||||
type 2 diabetes mellitus,DNAH1,7e-21,Is type 2 diabetes mellitus associated with DNAH1?,Is type 2 diabetes mellitus associated with dnah1?,"Yes, type 2 diabetes mellitus is associated with DNAH1.",8001,"I'm sorry, but I don't have the information to answer that question.",7995
|
||||
schizophrenia,SLC17A3,3e-20,What is the GWAS p-value for the association between schizophrenia and SLC17A3?,What is the GWAS p-value for the association between schizophrenia and slc17a3?,The GWAS p-value for the association between schizophrenia and SLC17A3 is 3e-20.,8022,"I'm sorry, but I don't know the answer.",7998
|
||||
inflammatory bowel disease,FADS2,2e-15,What is the GWAS p-value for the association between inflammatory bowel disease and FADS2?,What is the GWAS p-value for the association between inflammatory bowel disease and fads2?,The GWAS p-value for the association between inflammatory bowel disease and FADS2 is 2e-15.,8021,"I'm sorry, but I don't have the information to answer that question.",8001
|
||||
opiate dependence,ADGRV1,2e-09,Is opiate dependence associated with ADGRV1?,Is opiate dependence associated with adgrv1?,"Yes, opiate dependence is associated with ADGRV1.",7994,"I'm sorry, but I don't have the information to answer that question.",7992
|
||||
attention deficit hyperactivity disorder,ST3GAL3,8e-14,What is the GWAS p-value for the association between attention deficit hyperactivity disorder and ST3GAL3?,What is the GWAS p-value for the association between attention deficit hyperactivity disorder and st3gal3?,The GWAS p-value for the association between attention deficit hyperactivity disorder and ST3GAL3 is 8e-14.,8036,"I'm sorry, but I don't have the information to answer that question.",8009
|
||||
cataract,C3orf49,2e-11,Is C3orf49 associated with cataract?,Is c3orf49 associated with cataract?,"Yes, the gene C3orf49, also known as chromosome 3 open reading frame 49, is associated with the disease cataract.",8155,"I'm sorry, but I don't have the information to answer that question.",7982
|
||||
duodenal ulcer,PLD1,5e-08,What is the GWAS p-value for the association between PLD1 and duodenal ulcer?,What is the GWAS p-value for the association between pld1 and duodenal ulcer?,The GWAS p-value for the association between PLD1 and duodenal ulcer is 5e-08.,8024,"I'm sorry, but I don't have the information to answer that question.",8003
|
||||
chronic obstructive pulmonary disease,CHRNA3,5e-28,What is the GWAS p-value for the association between CHRNA3 and chronic obstructive pulmonary disease?,What is the GWAS p-value for the association between chrna3 and chronic obstructive pulmonary disease?,The GWAS p-value for the association between CHRNA3 and chronic obstructive pulmonary disease is 5e-28.,8033,"I'm sorry, but I don't know the answer.",8003
|
||||
pancreatic carcinoma,CCDC68,5e-09,What is the GWAS p-value for the association between pancreatic carcinoma and CCDC68?,What is the GWAS p-value for the association between pancreatic carcinoma and ccdc68?,,7855,,7855
|
||||
primary biliary cholangitis,HLA-DPB1,2e-22,Is HLA-DPB1 associated with primary biliary cholangitis?,Is hla-dpb1 associated with primary biliary cholangitis?,"I'm sorry, but I don't have the information to answer that question.",7994,"I'm sorry, but I don't have the information to answer that question.",8002
|
||||
atopic dermatitis,GABPB2,2.0000000000000001e-88,Is atopic dermatitis associated with GABPB2?,Is atopic dermatitis associated with gabpb2?,"Yes, atopic dermatitis is associated with GABPB2.",7999,"I'm sorry, but I don't have the information to answer that question.",7991
|
||||
systemic lupus erythematosus,HIP1,5.999999999999999e-62,What is the GWAS p-value for the association between HIP1 and systemic lupus erythematosus?,What is the GWAS p-value for the association between hip1 and systemic lupus erythematosus?,The GWAS p-value for the association between HIP1 and systemic lupus erythematosus is 6e-62.,8033,"I'm sorry, but I don't have the information to answer that question.",8010
|
||||
hypothyroidism,TIMMDC1,3e-09,Is hypothyroidism associated with TIMMDC1?,Is hypothyroidism associated with timmdc1?,"Yes, hypothyroidism is associated with TIMMDC1.",7999,"I'm sorry, but I don't have the information to answer that question.",7994
|
||||
degenerative myopia,MIPEP,2e-16,What is the GWAS p-value for the association between degenerative myopia and MIPEP?,What is the GWAS p-value for the association between degenerative myopia and mipep?,,7857,"I'm sorry, but I don't have the information to answer that question.",8004
|
||||
alcoholic pancreatitis,CASP9,6e-09,Is alcoholic pancreatitis associated with CASP9?,Is alcoholic pancreatitis associated with casp9?,"Yes, alcoholic pancreatitis is associated with CASP9.",7989,"I'm sorry, but I don't have the information to answer that question.",7988
|
||||
lung squamous cell carcinoma,PDS5B,9e-12,Is lung squamous cell carcinoma associated with PDS5B?,Is lung squamous cell carcinoma associated with pds5b?,"Yes, lung squamous cell carcinoma is associated with PDS5B.",8002,"I'm sorry, but I don't have the information to answer that question.",7996
|
||||
common variable immunodeficiency,CLEC16A,2e-09,What is the GWAS p-value for the association between CLEC16A and common variable immunodeficiency?,What is the GWAS p-value for the association between clec16a and common variable immunodeficiency?,The GWAS p-value for the association between CLEC16A and common variable immunodeficiency is 2e-09.,8032,"I'm sorry, but I don't know the answer.",8005
|
||||
lung non-small cell carcinoma,TERT,9.999999999999999e-43,Is TERT associated with lung non-small cell carcinoma?,Is tert associated with lung non-small cell carcinoma?,"No, TERT is not associated with lung non-small cell carcinoma.",7994,"I'm sorry, but I don't have the information to answer that question.",7989
|
||||
cardiovascular system disease,PSMD3,1e-20,Is PSMD3 associated with cardiovascular system disease?,Is psmd3 associated with cardiovascular system disease?,"I'm sorry, but I don't have the information to answer that question.",7981,"I'm sorry, but I don't have the information to answer that question.",7981
|
||||
gestational diabetes,CCND2,3e-12,What is the GWAS p-value for the association between gestational diabetes and CCND2?,What is the GWAS p-value for the association between gestational diabetes and ccnd2?,The GWAS p-value for the association between gestational diabetes and CCND2 is 3e-12.,8020,"I'm sorry, but I don't know the answer.",7996
|
||||
major depressive disorder,TMEM106B,8.000000000000001e-24,Is TMEM106B associated with major depressive disorder?,Is tmem106b associated with major depressive disorder?,"I'm sorry, but I don't have the information to answer that question.",7982,"I'm sorry, but I don't have the information to answer that question.",7982
|
||||
keratoconus,COL6A1,9e-12,What is the GWAS p-value for the association between COL6A1 and keratoconus?,What is the GWAS p-value for the association between col6a1 and keratoconus?,The GWAS p-value for the association between COL6A1 and keratoconus is 9e-12.,8028,"I'm sorry, but I don't have the information to answer that question.",8006
|
||||
chronic lymphocytic leukemia,RREB1,1e-08,Is chronic lymphocytic leukemia associated with RREB1?,Is chronic lymphocytic leukemia associated with rreb1?,"Yes, there is an association between chronic lymphocytic leukemia and RREB1.",8004,"I'm sorry, but I don't have the information to answer that question.",7994
|
||||
prostate carcinoma,PARPBP,3e-13,Is PARPBP associated with prostate carcinoma?,Is parpbp associated with prostate carcinoma?,"I'm sorry, but I don't have the information to answer that question.",7977,"I'm sorry, but I don't have the information to answer that question.",7986
|
||||
testicular germ cell cancer,ZFP64,3e-12,What is the GWAS p-value for the association between testicular germ cell cancer and ZFP64?,What is the GWAS p-value for the association between testicular germ cell cancer and zfp64?,The GWAS p-value for the association between testicular germ cell cancer and ZFP64 is 3e-12.,8028,"I'm sorry, but I don't know the answer.",8002
|
||||
psoriasis,KLF13,9e-10,What is the GWAS p-value for the association between KLF13 and psoriasis?,What is the GWAS p-value for the association between klf13 and psoriasis?,"I'm sorry, but I don't have the information to answer that question.",7997,"I'm sorry, but I don't have the information to answer that question.",7997
|
||||
coronary artery disease,ADGRL3,3e-23,Is coronary artery disease associated with ADGRL3?,Is coronary artery disease associated with adgrl3?,"Yes, coronary artery disease is associated with ADGRL3.",7996,"I'm sorry, but I don't have the information to answer that question.",7993
|
||||
abdominal obesity-metabolic syndrome 1,JMJD1C,2e-14,What is the GWAS p-value for the association between abdominal obesity-metabolic syndrome 1 and JMJD1C?,What is the GWAS p-value for the association between abdominal obesity-metabolic syndrome 1 and jmjd1c?,The GWAS p-value for the association between abdominal obesity-metabolic syndrome 1 and JMJD1C is 2e-14.,8046,"I'm sorry, but I don't know the answer.",8016
|
||||
type 1 diabetes mellitus,CUX2,1e-16,Is CUX2 associated with type 1 diabetes mellitus?,Is cux2 associated with type 1 diabetes mellitus?,"Yes, the gene CUX2 (cut like homeobox 2) located on chromosome 12 is associated with type 1 diabetes mellitus.",8162,"I'm sorry, but I don't have the information to answer that question.",7988
|
||||
type 2 diabetes mellitus,KCNK16,4e-17,What is the GWAS p-value for the association between KCNK16 and type 2 diabetes mellitus?,What is the GWAS p-value for the association between kcnk16 and type 2 diabetes mellitus?,The GWAS p-value for the association between KCNK16 and type 2 diabetes mellitus is 4e-17.,8033,"I'm sorry, but I don't have the information to answer that question.",8012
|
||||
type 1 diabetes mellitus,DGKQ,6e-09,Is type 1 diabetes mellitus associated with DGKQ?,Is type 1 diabetes mellitus associated with dgkq?,"Yes, type 1 diabetes mellitus is associated with DGKQ, which is a diacylglycerol kinase theta.",8330,"I'm sorry, but I don't have the information to answer that question.",7995
|
||||
refractive error,SIX6,2e-16,What is the GWAS p-value for the association between SIX6 and refractive error?,What is the GWAS p-value for the association between six6 and refractive error?,"I'm sorry, but I don't have the information to answer that question.",7999,"I'm sorry, but I don't have the information to answer that question.",7998
|
||||
Parkinson's disease,MAP4K4,8e-13,What is the GWAS p-value for the association between MAP4K4 and Parkinson's disease?,What is the GWAS p-value for the association between map4k4 and parkinson's disease?,The GWAS p-value for the association between MAP4K4 and Parkinson's disease is 8e-13.,8025,"I'm sorry, but I don't know the answer.",8003
|
||||
autism spectrum disorder,DCC,3e-08,Is autism spectrum disorder associated with DCC?,Is autism spectrum disorder associated with dcc?,"Yes, autism spectrum disorder is associated with DCC.",7987,"I'm sorry, but I don't have the information to answer that question.",7982
|
||||
multiple sclerosis,NR1D1,9e-14,Is multiple sclerosis associated with NR1D1?,Is multiple sclerosis associated with nr1d1?,"Yes, multiple sclerosis is associated with NR1D1.",7991,"I'm sorry, but I don't have the information to answer that question.",7988
|
||||
coronary artery disease,SMAD3,1e-19,Is coronary artery disease associated with SMAD3?,Is coronary artery disease associated with smad3?,"Yes, coronary artery disease is associated with SMAD3.",7993,"I'm sorry, but I don't have the information to answer that question.",7990
|
||||
prostate carcinoma,ANO7,8e-43,What is the GWAS p-value for the association between ANO7 and prostate carcinoma?,What is the GWAS p-value for the association between ano7 and prostate carcinoma?,"I'm sorry, but I don't have the information to answer that question.",7997,"I'm sorry, but I don't have the information to answer that question.",7997
|
||||
ovarian carcinoma,FGFR2,4.0000000000000004e-254,What is the GWAS p-value for the association between FGFR2 and ovarian carcinoma?,What is the GWAS p-value for the association between fgfr2 and ovarian carcinoma?,The GWAS p-value for the association between FGFR2 and ovarian carcinoma is 4e-254.,8017,"I'm sorry, but I don't have the information to answer that question.",7998
|
||||
lymphoid leukemia,BMF,1e-10,What is the GWAS p-value for the association between BMF and lymphoid leukemia?,What is the GWAS p-value for the association between bmf and lymphoid leukemia?,"I'm sorry, but the GWAS p-value for the association between BMF and lymphoid leukemia is not available.",8011,"I'm sorry, but I don't have the information to answer that question.",7994
|
||||
skin melanoma,CYP1B1,3e-16,Is skin melanoma associated with CYP1B1?,Is skin melanoma associated with cyp1b1?,"I'm sorry, but I don't have the information to answer that question.",7989,"I'm sorry, but I don't have the information to answer that question.",7989
|
||||
myositis,ATP6V1G2,6e-49,What is the GWAS p-value for the association between myositis and ATP6V1G2?,What is the GWAS p-value for the association between myositis and atp6v1g2?,The GWAS p-value for the association between myositis and ATP6V1G2 is 6e-49.,8033,"I'm sorry, but I don't have the information to answer that question.",8012
|
||||
melanoma,SPG7,9e-26,What is the GWAS p-value for the association between SPG7 and melanoma?,What is the GWAS p-value for the association between spg7 and melanoma?,The GWAS p-value for the association between SPG7 and melanoma is 9e-26.,8017,"I'm sorry, but I don't have the information to answer that question.",7998
|
||||
type 2 diabetes mellitus,EYA2,6e-19,Is EYA2 associated with type 2 diabetes mellitus?,Is eya2 associated with type 2 diabetes mellitus?,"I'm sorry, but I don't have the information to answer that question.",7988,"I'm sorry, but I don't have the information to answer that question.",7994
|
||||
carpal tunnel syndrome,SERPINA1,3e-24,What is the GWAS p-value for the association between SERPINA1 and carpal tunnel syndrome?,What is the GWAS p-value for the association between serpina1 and carpal tunnel syndrome?,The GWAS p-value for the association between SERPINA1 and carpal tunnel syndrome is 3e-24.,8028,"I'm sorry, but I don't have the information to answer that question.",8006
|
||||
substance-related disorder,FUT2,3e-19,What is the GWAS p-value for the association between substance-related disorder and FUT2?,What is the GWAS p-value for the association between substance-related disorder and fut2?,The GWAS p-value for the association between substance-related disorder and FUT2 is 3e-19.,8021,"I'm sorry, but I don't have the information to answer that question.",7999
|
||||
open-angle glaucoma,PLEKHA7,9e-15,Is open-angle glaucoma associated with PLEKHA7?,Is open-angle glaucoma associated with plekha7?,"Yes, open-angle glaucoma is associated with PLEKHA7.",8004,"I'm sorry, but I don't have the information to answer that question.",7996
|
||||
myocardial infarction,ZNF831,1e-08,What is the GWAS p-value for the association between myocardial infarction and ZNF831?,What is the GWAS p-value for the association between myocardial infarction and znf831?,The GWAS p-value for the association between myocardial infarction and ZNF831 is 1e-08.,8029,"I'm sorry, but I don't have the information to answer that question.",8007
|
||||
squamous cell carcinoma,IRF4,1e-169,Is IRF4 associated with squamous cell carcinoma?,Is irf4 associated with squamous cell carcinoma?,"I'm sorry, but I don't have the information to answer that question.",7982,"I'm sorry, but I don't have the information to answer that question.",7982
|
||||
Parkinson's disease,WDHD1,4e-16,What is the GWAS p-value for the association between WDHD1 and Parkinson's disease?,What is the GWAS p-value for the association between wdhd1 and parkinson's disease?,The GWAS p-value for the association between WDHD1 and Parkinson's disease is 4e-16.,8021,"I'm sorry, but I don't have the information to answer that question.",8004
|
||||
cataract,TOP1,1e-11,Is cataract associated with TOP1?,Is cataract associated with top1?,"Yes, cataract is associated with TOP1.",7986,"I'm sorry, but I don't have the information to answer that question.",7984
|
||||
atrial fibrillation,AGBL4,3e-09,What is the GWAS p-value for the association between atrial fibrillation and AGBL4?,What is the GWAS p-value for the association between atrial fibrillation and agbl4?,The GWAS p-value for the association between atrial fibrillation and AGBL4 is 3e-09.,8027,"I'm sorry, but I don't have the information to answer that question.",8003
|
||||
otosclerosis,SEMA4D,4e-09,What is the GWAS p-value for the association between otosclerosis and SEMA4D?,What is the GWAS p-value for the association between otosclerosis and sema4d?,The GWAS p-value for the association between otosclerosis and SEMA4D is 4e-09.,8023,"I'm sorry, but I don't know the answer.",7998
|
||||
hypothyroidism,RAD51B,2e-11,What is the GWAS p-value for the association between hypothyroidism and RAD51B?,What is the GWAS p-value for the association between hypothyroidism and rad51b?,The GWAS p-value for the association between hypothyroidism and RAD51B is 2e-11.,8024,"I'm sorry, but I don't know the answer.",7999
|
||||
childhood-onset asthma,SPSB1,4e-18,What is the GWAS p-value for the association between SPSB1 and childhood-onset asthma?,What is the GWAS p-value for the association between spsb1 and childhood-onset asthma?,"I'm sorry, but I don't know the answer.",8002,"I'm sorry, but I don't have the information to answer that question.",8005
|
||||
major depressive disorder,ATG7,5e-08,Is major depressive disorder associated with ATG7?,Is major depressive disorder associated with atg7?,"Yes, major depressive disorder is associated with ATG7.",7991,"I'm sorry, but I don't have the information to answer that question.",7988
|
||||
alopecia,WNT10A,2e-16,Is WNT10A associated with alopecia?,Is wnt10a associated with alopecia?,"Yes, the gene WNT10A is associated with the condition alopecia.",8135,"I'm sorry, but I don't have the information to answer that question.",7979
|
||||
inflammatory bowel disease,IL27,1e-21,Is inflammatory bowel disease associated with IL27?,Is inflammatory bowel disease associated with il27?,"Yes, inflammatory bowel disease is associated with IL27.",7987,"I'm sorry, but I don't have the information to answer that question.",7985
|
||||
tonsillitis,TNFRSF13B,7.999999999999999e-26,What is the GWAS p-value for the association between tonsillitis and TNFRSF13B?,What is the GWAS p-value for the association between tonsillitis and tnfrsf13b?,The GWAS p-value for the association between tonsillitis and TNFRSF13B is 8e-26.,8028,"I'm sorry, but I don't know the answer.",8002
|
||||
cleft lip,SFI1,3e-08,What is the GWAS p-value for the association between cleft lip and SFI1?,What is the GWAS p-value for the association between cleft lip and sfi1?,The GWAS p-value for the association between cleft lip and SFI1 is 3e-08.,8020,"I'm sorry, but I don't have the information to answer that question.",8000
|
||||
multiple sclerosis,INAVA,6e-21,What is the GWAS p-value for the association between multiple sclerosis and INAVA?,What is the GWAS p-value for the association between multiple sclerosis and inava?,The GWAS p-value for the association between multiple sclerosis and INAVA is 6e-21.,8012,"I'm sorry, but I don't know the answer.",7990
|
||||
esophageal carcinoma,CASP8,1e-08,Is esophageal carcinoma associated with CASP8?,Is esophageal carcinoma associated with casp8?,"Yes, esophageal carcinoma is associated with CASP8.",7994,"I'm sorry, but I don't have the information to answer that question.",7990
|
||||
skin melanoma,GPRC5A,8e-15,Is skin melanoma associated with GPRC5A?,Is skin melanoma associated with gprc5a?,"I'm sorry, but I don't have the information to answer that question.",7989,"I'm sorry, but I don't have the information to answer that question.",7989
|
||||
lung squamous cell carcinoma,BRCA2,1e-15,Is lung squamous cell carcinoma associated with BRCA2?,Is lung squamous cell carcinoma associated with brca2?,"Yes, lung squamous cell carcinoma is associated with BRCA2.",7998,"I'm sorry, but I don't have the information to answer that question.",7994
|
||||
systemic lupus erythematosus,HLA-DRA,2.0000000000000002e-60,What is the GWAS p-value for the association between HLA-DRA and systemic lupus erythematosus?,What is the GWAS p-value for the association between hla-dra and systemic lupus erythematosus?,The GWAS p-value for the association between HLA-DRA and systemic lupus erythematosus is 2e-60.,8041,"I'm sorry, but I don't have the specific information to answer that question.",8017
|
||||
type 2 diabetes mellitus,UBE2E2,1.9999999999999998e-42,Is type 2 diabetes mellitus associated with UBE2E2?,Is type 2 diabetes mellitus associated with ube2e2?,"Yes, type 2 diabetes mellitus is associated with UBE2E2.",8010,"I'm sorry, but I don't have the information to answer that question.",8001
|
||||
allergic rhinitis,HLA-DQA1,1e-43,What is the GWAS p-value for the association between HLA-DQA1 and allergic rhinitis?,What is the GWAS p-value for the association between hla-dqa1 and allergic rhinitis?,The GWAS p-value for the association between HLA-DQA1 and allergic rhinitis is 1e-43.,8033,"I'm sorry, but I don't know the answer.",8006
|
||||
systemic lupus erythematosus,HLA-DQA1,9.999999999999999e-55,What is the GWAS p-value for the association between systemic lupus erythematosus and HLA-DQA1?,What is the GWAS p-value for the association between systemic lupus erythematosus and hla-dqa1?,The GWAS p-value for the association between systemic lupus erythematosus and HLA-DQA1 is 1e-54.,8045,"I'm sorry, but I don't know the answer.",8015
|
||||
|
2008
data/results/figures/gpt_35_mcq.svg
Normal file
|
After Width: | Height: | Size: 48 KiB |
1886
data/results/figures/gpt_35_true_false.svg
Normal file
|
After Width: | Height: | Size: 45 KiB |
1991
data/results/figures/gpt_4_mcq.svg
Normal file
|
After Width: | Height: | Size: 47 KiB |
1886
data/results/figures/gpt_4_true_false.svg
Normal file
|
After Width: | Height: | Size: 45 KiB |
1991
data/results/figures/llama_mcq.svg
Normal file
|
After Width: | Height: | Size: 47 KiB |
1838
data/results/figures/llama_true_false.svg
Normal file
|
After Width: | Height: | Size: 44 KiB |
932
data/results/figures/retrieval_accuracy_comparison.svg
Normal file
@@ -0,0 +1,932 @@
|
||||
<?xml version="1.0" encoding="utf-8" standalone="no"?>
|
||||
<!DOCTYPE svg PUBLIC "-//W3C//DTD SVG 1.1//EN"
|
||||
"http://www.w3.org/Graphics/SVG/1.1/DTD/svg11.dtd">
|
||||
<svg xmlns:xlink="http://www.w3.org/1999/xlink" width="280.52pt" height="208.054596pt" viewBox="0 0 280.52 208.054596" xmlns="http://www.w3.org/2000/svg" version="1.1">
|
||||
<metadata>
|
||||
<rdf:RDF xmlns:dc="http://purl.org/dc/elements/1.1/" xmlns:cc="http://creativecommons.org/ns#" xmlns:rdf="http://www.w3.org/1999/02/22-rdf-syntax-ns#">
|
||||
<cc:Work>
|
||||
<dc:type rdf:resource="http://purl.org/dc/dcmitype/StillImage"/>
|
||||
<dc:date>2024-03-22T16:17:02.365880</dc:date>
|
||||
<dc:format>image/svg+xml</dc:format>
|
||||
<dc:creator>
|
||||
<cc:Agent>
|
||||
<dc:title>Matplotlib v3.8.3, https://matplotlib.org/</dc:title>
|
||||
</cc:Agent>
|
||||
</dc:creator>
|
||||
</cc:Work>
|
||||
</rdf:RDF>
|
||||
</metadata>
|
||||
<defs>
|
||||
<style type="text/css">*{stroke-linejoin: round; stroke-linecap: butt}</style>
|
||||
</defs>
|
||||
<g id="figure_1">
|
||||
<g id="patch_1">
|
||||
<path d="M 0 208.054596
|
||||
L 280.52 208.054596
|
||||
L 280.52 0
|
||||
L 0 0
|
||||
z
|
||||
" style="fill: #ffffff"/>
|
||||
</g>
|
||||
<g id="axes_1">
|
||||
<g id="patch_2">
|
||||
<path d="M 46.965625 184.176471
|
||||
L 172.535625 184.176471
|
||||
L 172.535625 7.79544
|
||||
L 46.965625 7.79544
|
||||
z
|
||||
" style="fill: #ffffff"/>
|
||||
</g>
|
||||
<g id="patch_3">
|
||||
<path d="M 52.673352 184.176471
|
||||
L 76.175759 184.176471
|
||||
L 76.175759 54.293532
|
||||
L 52.673352 54.293532
|
||||
z
|
||||
" clip-path="url(#p0f6b7638f8)" style="fill: #ff0000"/>
|
||||
</g>
|
||||
<g id="patch_4">
|
||||
<path d="M 119.823085 184.176471
|
||||
L 143.325491 184.176471
|
||||
L 143.325491 184.176471
|
||||
L 119.823085 184.176471
|
||||
z
|
||||
" clip-path="url(#p0f6b7638f8)" style="fill: #ff0000"/>
|
||||
</g>
|
||||
<g id="patch_5">
|
||||
<path d="M 76.175759 184.176471
|
||||
L 99.678165 184.176471
|
||||
L 99.678165 16.194536
|
||||
L 76.175759 16.194536
|
||||
z
|
||||
" clip-path="url(#p0f6b7638f8)" style="fill: #008000"/>
|
||||
</g>
|
||||
<g id="patch_6">
|
||||
<path d="M 143.325491 184.176471
|
||||
L 166.827898 184.176471
|
||||
L 166.827898 16.194536
|
||||
L 143.325491 16.194536
|
||||
z
|
||||
" clip-path="url(#p0f6b7638f8)" style="fill: #008000"/>
|
||||
</g>
|
||||
<g id="matplotlib.axis_1">
|
||||
<g id="xtick_1">
|
||||
<g id="line2d_1">
|
||||
<defs>
|
||||
<path id="ma46c360897" d="M 0 0
|
||||
L 0 3.5
|
||||
" style="stroke: #000000; stroke-width: 0.8"/>
|
||||
</defs>
|
||||
<g>
|
||||
<use xlink:href="#ma46c360897" x="76.175759" y="184.176471" style="stroke: #000000; stroke-width: 0.8"/>
|
||||
</g>
|
||||
</g>
|
||||
<g id="text_1">
|
||||
<!-- Unperturbed -->
|
||||
<g transform="translate(44.432009 198.774908) scale(0.1 -0.1)">
|
||||
<defs>
|
||||
<path id="DejaVuSans-55" d="M 556 4666
|
||||
L 1191 4666
|
||||
L 1191 1831
|
||||
Q 1191 1081 1462 751
|
||||
Q 1734 422 2344 422
|
||||
Q 2950 422 3222 751
|
||||
Q 3494 1081 3494 1831
|
||||
L 3494 4666
|
||||
L 4128 4666
|
||||
L 4128 1753
|
||||
Q 4128 841 3676 375
|
||||
Q 3225 -91 2344 -91
|
||||
Q 1459 -91 1007 375
|
||||
Q 556 841 556 1753
|
||||
L 556 4666
|
||||
z
|
||||
" transform="scale(0.015625)"/>
|
||||
<path id="DejaVuSans-6e" d="M 3513 2113
|
||||
L 3513 0
|
||||
L 2938 0
|
||||
L 2938 2094
|
||||
Q 2938 2591 2744 2837
|
||||
Q 2550 3084 2163 3084
|
||||
Q 1697 3084 1428 2787
|
||||
Q 1159 2491 1159 1978
|
||||
L 1159 0
|
||||
L 581 0
|
||||
L 581 3500
|
||||
L 1159 3500
|
||||
L 1159 2956
|
||||
Q 1366 3272 1645 3428
|
||||
Q 1925 3584 2291 3584
|
||||
Q 2894 3584 3203 3211
|
||||
Q 3513 2838 3513 2113
|
||||
z
|
||||
" transform="scale(0.015625)"/>
|
||||
<path id="DejaVuSans-70" d="M 1159 525
|
||||
L 1159 -1331
|
||||
L 581 -1331
|
||||
L 581 3500
|
||||
L 1159 3500
|
||||
L 1159 2969
|
||||
Q 1341 3281 1617 3432
|
||||
Q 1894 3584 2278 3584
|
||||
Q 2916 3584 3314 3078
|
||||
Q 3713 2572 3713 1747
|
||||
Q 3713 922 3314 415
|
||||
Q 2916 -91 2278 -91
|
||||
Q 1894 -91 1617 61
|
||||
Q 1341 213 1159 525
|
||||
z
|
||||
M 3116 1747
|
||||
Q 3116 2381 2855 2742
|
||||
Q 2594 3103 2138 3103
|
||||
Q 1681 3103 1420 2742
|
||||
Q 1159 2381 1159 1747
|
||||
Q 1159 1113 1420 752
|
||||
Q 1681 391 2138 391
|
||||
Q 2594 391 2855 752
|
||||
Q 3116 1113 3116 1747
|
||||
z
|
||||
" transform="scale(0.015625)"/>
|
||||
<path id="DejaVuSans-65" d="M 3597 1894
|
||||
L 3597 1613
|
||||
L 953 1613
|
||||
Q 991 1019 1311 708
|
||||
Q 1631 397 2203 397
|
||||
Q 2534 397 2845 478
|
||||
Q 3156 559 3463 722
|
||||
L 3463 178
|
||||
Q 3153 47 2828 -22
|
||||
Q 2503 -91 2169 -91
|
||||
Q 1331 -91 842 396
|
||||
Q 353 884 353 1716
|
||||
Q 353 2575 817 3079
|
||||
Q 1281 3584 2069 3584
|
||||
Q 2775 3584 3186 3129
|
||||
Q 3597 2675 3597 1894
|
||||
z
|
||||
M 3022 2063
|
||||
Q 3016 2534 2758 2815
|
||||
Q 2500 3097 2075 3097
|
||||
Q 1594 3097 1305 2825
|
||||
Q 1016 2553 972 2059
|
||||
L 3022 2063
|
||||
z
|
||||
" transform="scale(0.015625)"/>
|
||||
<path id="DejaVuSans-72" d="M 2631 2963
|
||||
Q 2534 3019 2420 3045
|
||||
Q 2306 3072 2169 3072
|
||||
Q 1681 3072 1420 2755
|
||||
Q 1159 2438 1159 1844
|
||||
L 1159 0
|
||||
L 581 0
|
||||
L 581 3500
|
||||
L 1159 3500
|
||||
L 1159 2956
|
||||
Q 1341 3275 1631 3429
|
||||
Q 1922 3584 2338 3584
|
||||
Q 2397 3584 2469 3576
|
||||
Q 2541 3569 2628 3553
|
||||
L 2631 2963
|
||||
z
|
||||
" transform="scale(0.015625)"/>
|
||||
<path id="DejaVuSans-74" d="M 1172 4494
|
||||
L 1172 3500
|
||||
L 2356 3500
|
||||
L 2356 3053
|
||||
L 1172 3053
|
||||
L 1172 1153
|
||||
Q 1172 725 1289 603
|
||||
Q 1406 481 1766 481
|
||||
L 2356 481
|
||||
L 2356 0
|
||||
L 1766 0
|
||||
Q 1100 0 847 248
|
||||
Q 594 497 594 1153
|
||||
L 594 3053
|
||||
L 172 3053
|
||||
L 172 3500
|
||||
L 594 3500
|
||||
L 594 4494
|
||||
L 1172 4494
|
||||
z
|
||||
" transform="scale(0.015625)"/>
|
||||
<path id="DejaVuSans-75" d="M 544 1381
|
||||
L 544 3500
|
||||
L 1119 3500
|
||||
L 1119 1403
|
||||
Q 1119 906 1312 657
|
||||
Q 1506 409 1894 409
|
||||
Q 2359 409 2629 706
|
||||
Q 2900 1003 2900 1516
|
||||
L 2900 3500
|
||||
L 3475 3500
|
||||
L 3475 0
|
||||
L 2900 0
|
||||
L 2900 538
|
||||
Q 2691 219 2414 64
|
||||
Q 2138 -91 1772 -91
|
||||
Q 1169 -91 856 284
|
||||
Q 544 659 544 1381
|
||||
z
|
||||
M 1991 3584
|
||||
L 1991 3584
|
||||
z
|
||||
" transform="scale(0.015625)"/>
|
||||
<path id="DejaVuSans-62" d="M 3116 1747
|
||||
Q 3116 2381 2855 2742
|
||||
Q 2594 3103 2138 3103
|
||||
Q 1681 3103 1420 2742
|
||||
Q 1159 2381 1159 1747
|
||||
Q 1159 1113 1420 752
|
||||
Q 1681 391 2138 391
|
||||
Q 2594 391 2855 752
|
||||
Q 3116 1113 3116 1747
|
||||
z
|
||||
M 1159 2969
|
||||
Q 1341 3281 1617 3432
|
||||
Q 1894 3584 2278 3584
|
||||
Q 2916 3584 3314 3078
|
||||
Q 3713 2572 3713 1747
|
||||
Q 3713 922 3314 415
|
||||
Q 2916 -91 2278 -91
|
||||
Q 1894 -91 1617 61
|
||||
Q 1341 213 1159 525
|
||||
L 1159 0
|
||||
L 581 0
|
||||
L 581 4863
|
||||
L 1159 4863
|
||||
L 1159 2969
|
||||
z
|
||||
" transform="scale(0.015625)"/>
|
||||
<path id="DejaVuSans-64" d="M 2906 2969
|
||||
L 2906 4863
|
||||
L 3481 4863
|
||||
L 3481 0
|
||||
L 2906 0
|
||||
L 2906 525
|
||||
Q 2725 213 2448 61
|
||||
Q 2172 -91 1784 -91
|
||||
Q 1150 -91 751 415
|
||||
Q 353 922 353 1747
|
||||
Q 353 2572 751 3078
|
||||
Q 1150 3584 1784 3584
|
||||
Q 2172 3584 2448 3432
|
||||
Q 2725 3281 2906 2969
|
||||
z
|
||||
M 947 1747
|
||||
Q 947 1113 1208 752
|
||||
Q 1469 391 1925 391
|
||||
Q 2381 391 2643 752
|
||||
Q 2906 1113 2906 1747
|
||||
Q 2906 2381 2643 2742
|
||||
Q 2381 3103 1925 3103
|
||||
Q 1469 3103 1208 2742
|
||||
Q 947 2381 947 1747
|
||||
z
|
||||
" transform="scale(0.015625)"/>
|
||||
</defs>
|
||||
<use xlink:href="#DejaVuSans-55"/>
|
||||
<use xlink:href="#DejaVuSans-6e" x="73.193359"/>
|
||||
<use xlink:href="#DejaVuSans-70" x="136.572266"/>
|
||||
<use xlink:href="#DejaVuSans-65" x="200.048828"/>
|
||||
<use xlink:href="#DejaVuSans-72" x="261.572266"/>
|
||||
<use xlink:href="#DejaVuSans-74" x="302.685547"/>
|
||||
<use xlink:href="#DejaVuSans-75" x="341.894531"/>
|
||||
<use xlink:href="#DejaVuSans-72" x="405.273438"/>
|
||||
<use xlink:href="#DejaVuSans-62" x="446.386719"/>
|
||||
<use xlink:href="#DejaVuSans-65" x="509.863281"/>
|
||||
<use xlink:href="#DejaVuSans-64" x="571.386719"/>
|
||||
</g>
|
||||
</g>
|
||||
</g>
|
||||
<g id="xtick_2">
|
||||
<g id="line2d_2">
|
||||
<g>
|
||||
<use xlink:href="#ma46c360897" x="143.325491" y="184.176471" style="stroke: #000000; stroke-width: 0.8"/>
|
||||
</g>
|
||||
</g>
|
||||
<g id="text_2">
|
||||
<!-- Perturbed -->
|
||||
<g transform="translate(118.750491 198.774908) scale(0.1 -0.1)">
|
||||
<defs>
|
||||
<path id="DejaVuSans-50" d="M 1259 4147
|
||||
L 1259 2394
|
||||
L 2053 2394
|
||||
Q 2494 2394 2734 2622
|
||||
Q 2975 2850 2975 3272
|
||||
Q 2975 3691 2734 3919
|
||||
Q 2494 4147 2053 4147
|
||||
L 1259 4147
|
||||
z
|
||||
M 628 4666
|
||||
L 2053 4666
|
||||
Q 2838 4666 3239 4311
|
||||
Q 3641 3956 3641 3272
|
||||
Q 3641 2581 3239 2228
|
||||
Q 2838 1875 2053 1875
|
||||
L 1259 1875
|
||||
L 1259 0
|
||||
L 628 0
|
||||
L 628 4666
|
||||
z
|
||||
" transform="scale(0.015625)"/>
|
||||
</defs>
|
||||
<use xlink:href="#DejaVuSans-50"/>
|
||||
<use xlink:href="#DejaVuSans-65" x="56.677734"/>
|
||||
<use xlink:href="#DejaVuSans-72" x="118.201172"/>
|
||||
<use xlink:href="#DejaVuSans-74" x="159.314453"/>
|
||||
<use xlink:href="#DejaVuSans-75" x="198.523438"/>
|
||||
<use xlink:href="#DejaVuSans-72" x="261.902344"/>
|
||||
<use xlink:href="#DejaVuSans-62" x="303.015625"/>
|
||||
<use xlink:href="#DejaVuSans-65" x="366.492188"/>
|
||||
<use xlink:href="#DejaVuSans-64" x="428.015625"/>
|
||||
</g>
|
||||
</g>
|
||||
</g>
|
||||
</g>
|
||||
<g id="matplotlib.axis_2">
|
||||
<g id="ytick_1">
|
||||
<g id="line2d_3">
|
||||
<defs>
|
||||
<path id="mf5a61746d4" d="M 0 0
|
||||
L -3.5 0
|
||||
" style="stroke: #000000; stroke-width: 0.8"/>
|
||||
</defs>
|
||||
<g>
|
||||
<use xlink:href="#mf5a61746d4" x="46.965625" y="184.176471" style="stroke: #000000; stroke-width: 0.8"/>
|
||||
</g>
|
||||
</g>
|
||||
<g id="text_3">
|
||||
<!-- 0 -->
|
||||
<g transform="translate(33.603125 187.975689) scale(0.1 -0.1)">
|
||||
<defs>
|
||||
<path id="DejaVuSans-30" d="M 2034 4250
|
||||
Q 1547 4250 1301 3770
|
||||
Q 1056 3291 1056 2328
|
||||
Q 1056 1369 1301 889
|
||||
Q 1547 409 2034 409
|
||||
Q 2525 409 2770 889
|
||||
Q 3016 1369 3016 2328
|
||||
Q 3016 3291 2770 3770
|
||||
Q 2525 4250 2034 4250
|
||||
z
|
||||
M 2034 4750
|
||||
Q 2819 4750 3233 4129
|
||||
Q 3647 3509 3647 2328
|
||||
Q 3647 1150 3233 529
|
||||
Q 2819 -91 2034 -91
|
||||
Q 1250 -91 836 529
|
||||
Q 422 1150 422 2328
|
||||
Q 422 3509 836 4129
|
||||
Q 1250 4750 2034 4750
|
||||
z
|
||||
" transform="scale(0.015625)"/>
|
||||
</defs>
|
||||
<use xlink:href="#DejaVuSans-30"/>
|
||||
</g>
|
||||
</g>
|
||||
</g>
|
||||
<g id="ytick_2">
|
||||
<g id="line2d_4">
|
||||
<g>
|
||||
<use xlink:href="#mf5a61746d4" x="46.965625" y="149.54102" style="stroke: #000000; stroke-width: 0.8"/>
|
||||
</g>
|
||||
</g>
|
||||
<g id="text_4">
|
||||
<!-- 20 -->
|
||||
<g transform="translate(27.240625 153.340239) scale(0.1 -0.1)">
|
||||
<defs>
|
||||
<path id="DejaVuSans-32" d="M 1228 531
|
||||
L 3431 531
|
||||
L 3431 0
|
||||
L 469 0
|
||||
L 469 531
|
||||
Q 828 903 1448 1529
|
||||
Q 2069 2156 2228 2338
|
||||
Q 2531 2678 2651 2914
|
||||
Q 2772 3150 2772 3378
|
||||
Q 2772 3750 2511 3984
|
||||
Q 2250 4219 1831 4219
|
||||
Q 1534 4219 1204 4116
|
||||
Q 875 4013 500 3803
|
||||
L 500 4441
|
||||
Q 881 4594 1212 4672
|
||||
Q 1544 4750 1819 4750
|
||||
Q 2544 4750 2975 4387
|
||||
Q 3406 4025 3406 3419
|
||||
Q 3406 3131 3298 2873
|
||||
Q 3191 2616 2906 2266
|
||||
Q 2828 2175 2409 1742
|
||||
Q 1991 1309 1228 531
|
||||
z
|
||||
" transform="scale(0.015625)"/>
|
||||
</defs>
|
||||
<use xlink:href="#DejaVuSans-32"/>
|
||||
<use xlink:href="#DejaVuSans-30" x="63.623047"/>
|
||||
</g>
|
||||
</g>
|
||||
</g>
|
||||
<g id="ytick_3">
|
||||
<g id="line2d_5">
|
||||
<g>
|
||||
<use xlink:href="#mf5a61746d4" x="46.965625" y="114.90557" style="stroke: #000000; stroke-width: 0.8"/>
|
||||
</g>
|
||||
</g>
|
||||
<g id="text_5">
|
||||
<!-- 40 -->
|
||||
<g transform="translate(27.240625 118.704789) scale(0.1 -0.1)">
|
||||
<defs>
|
||||
<path id="DejaVuSans-34" d="M 2419 4116
|
||||
L 825 1625
|
||||
L 2419 1625
|
||||
L 2419 4116
|
||||
z
|
||||
M 2253 4666
|
||||
L 3047 4666
|
||||
L 3047 1625
|
||||
L 3713 1625
|
||||
L 3713 1100
|
||||
L 3047 1100
|
||||
L 3047 0
|
||||
L 2419 0
|
||||
L 2419 1100
|
||||
L 313 1100
|
||||
L 313 1709
|
||||
L 2253 4666
|
||||
z
|
||||
" transform="scale(0.015625)"/>
|
||||
</defs>
|
||||
<use xlink:href="#DejaVuSans-34"/>
|
||||
<use xlink:href="#DejaVuSans-30" x="63.623047"/>
|
||||
</g>
|
||||
</g>
|
||||
</g>
|
||||
<g id="ytick_4">
|
||||
<g id="line2d_6">
|
||||
<g>
|
||||
<use xlink:href="#mf5a61746d4" x="46.965625" y="80.270119" style="stroke: #000000; stroke-width: 0.8"/>
|
||||
</g>
|
||||
</g>
|
||||
<g id="text_6">
|
||||
<!-- 60 -->
|
||||
<g transform="translate(27.240625 84.069338) scale(0.1 -0.1)">
|
||||
<defs>
|
||||
<path id="DejaVuSans-36" d="M 2113 2584
|
||||
Q 1688 2584 1439 2293
|
||||
Q 1191 2003 1191 1497
|
||||
Q 1191 994 1439 701
|
||||
Q 1688 409 2113 409
|
||||
Q 2538 409 2786 701
|
||||
Q 3034 994 3034 1497
|
||||
Q 3034 2003 2786 2293
|
||||
Q 2538 2584 2113 2584
|
||||
z
|
||||
M 3366 4563
|
||||
L 3366 3988
|
||||
Q 3128 4100 2886 4159
|
||||
Q 2644 4219 2406 4219
|
||||
Q 1781 4219 1451 3797
|
||||
Q 1122 3375 1075 2522
|
||||
Q 1259 2794 1537 2939
|
||||
Q 1816 3084 2150 3084
|
||||
Q 2853 3084 3261 2657
|
||||
Q 3669 2231 3669 1497
|
||||
Q 3669 778 3244 343
|
||||
Q 2819 -91 2113 -91
|
||||
Q 1303 -91 875 529
|
||||
Q 447 1150 447 2328
|
||||
Q 447 3434 972 4092
|
||||
Q 1497 4750 2381 4750
|
||||
Q 2619 4750 2861 4703
|
||||
Q 3103 4656 3366 4563
|
||||
z
|
||||
" transform="scale(0.015625)"/>
|
||||
</defs>
|
||||
<use xlink:href="#DejaVuSans-36"/>
|
||||
<use xlink:href="#DejaVuSans-30" x="63.623047"/>
|
||||
</g>
|
||||
</g>
|
||||
</g>
|
||||
<g id="ytick_5">
|
||||
<g id="line2d_7">
|
||||
<g>
|
||||
<use xlink:href="#mf5a61746d4" x="46.965625" y="45.634669" style="stroke: #000000; stroke-width: 0.8"/>
|
||||
</g>
|
||||
</g>
|
||||
<g id="text_7">
|
||||
<!-- 80 -->
|
||||
<g transform="translate(27.240625 49.433888) scale(0.1 -0.1)">
|
||||
<defs>
|
||||
<path id="DejaVuSans-38" d="M 2034 2216
|
||||
Q 1584 2216 1326 1975
|
||||
Q 1069 1734 1069 1313
|
||||
Q 1069 891 1326 650
|
||||
Q 1584 409 2034 409
|
||||
Q 2484 409 2743 651
|
||||
Q 3003 894 3003 1313
|
||||
Q 3003 1734 2745 1975
|
||||
Q 2488 2216 2034 2216
|
||||
z
|
||||
M 1403 2484
|
||||
Q 997 2584 770 2862
|
||||
Q 544 3141 544 3541
|
||||
Q 544 4100 942 4425
|
||||
Q 1341 4750 2034 4750
|
||||
Q 2731 4750 3128 4425
|
||||
Q 3525 4100 3525 3541
|
||||
Q 3525 3141 3298 2862
|
||||
Q 3072 2584 2669 2484
|
||||
Q 3125 2378 3379 2068
|
||||
Q 3634 1759 3634 1313
|
||||
Q 3634 634 3220 271
|
||||
Q 2806 -91 2034 -91
|
||||
Q 1263 -91 848 271
|
||||
Q 434 634 434 1313
|
||||
Q 434 1759 690 2068
|
||||
Q 947 2378 1403 2484
|
||||
z
|
||||
M 1172 3481
|
||||
Q 1172 3119 1398 2916
|
||||
Q 1625 2713 2034 2713
|
||||
Q 2441 2713 2670 2916
|
||||
Q 2900 3119 2900 3481
|
||||
Q 2900 3844 2670 4047
|
||||
Q 2441 4250 2034 4250
|
||||
Q 1625 4250 1398 4047
|
||||
Q 1172 3844 1172 3481
|
||||
z
|
||||
" transform="scale(0.015625)"/>
|
||||
</defs>
|
||||
<use xlink:href="#DejaVuSans-38"/>
|
||||
<use xlink:href="#DejaVuSans-30" x="63.623047"/>
|
||||
</g>
|
||||
</g>
|
||||
</g>
|
||||
<g id="ytick_6">
|
||||
<g id="line2d_8">
|
||||
<g>
|
||||
<use xlink:href="#mf5a61746d4" x="46.965625" y="10.999219" style="stroke: #000000; stroke-width: 0.8"/>
|
||||
</g>
|
||||
</g>
|
||||
<g id="text_8">
|
||||
<!-- 100 -->
|
||||
<g transform="translate(20.878125 14.798437) scale(0.1 -0.1)">
|
||||
<defs>
|
||||
<path id="DejaVuSans-31" d="M 794 531
|
||||
L 1825 531
|
||||
L 1825 4091
|
||||
L 703 3866
|
||||
L 703 4441
|
||||
L 1819 4666
|
||||
L 2450 4666
|
||||
L 2450 531
|
||||
L 3481 531
|
||||
L 3481 0
|
||||
L 794 0
|
||||
L 794 531
|
||||
z
|
||||
" transform="scale(0.015625)"/>
|
||||
</defs>
|
||||
<use xlink:href="#DejaVuSans-31"/>
|
||||
<use xlink:href="#DejaVuSans-30" x="63.623047"/>
|
||||
<use xlink:href="#DejaVuSans-30" x="127.246094"/>
|
||||
</g>
|
||||
</g>
|
||||
</g>
|
||||
<g id="text_9">
|
||||
<!-- Retrieval accuracy -->
|
||||
<g transform="translate(14.798438 142.353924) rotate(-90) scale(0.1 -0.1)">
|
||||
<defs>
|
||||
<path id="DejaVuSans-52" d="M 2841 2188
|
||||
Q 3044 2119 3236 1894
|
||||
Q 3428 1669 3622 1275
|
||||
L 4263 0
|
||||
L 3584 0
|
||||
L 2988 1197
|
||||
Q 2756 1666 2539 1819
|
||||
Q 2322 1972 1947 1972
|
||||
L 1259 1972
|
||||
L 1259 0
|
||||
L 628 0
|
||||
L 628 4666
|
||||
L 2053 4666
|
||||
Q 2853 4666 3247 4331
|
||||
Q 3641 3997 3641 3322
|
||||
Q 3641 2881 3436 2590
|
||||
Q 3231 2300 2841 2188
|
||||
z
|
||||
M 1259 4147
|
||||
L 1259 2491
|
||||
L 2053 2491
|
||||
Q 2509 2491 2742 2702
|
||||
Q 2975 2913 2975 3322
|
||||
Q 2975 3731 2742 3939
|
||||
Q 2509 4147 2053 4147
|
||||
L 1259 4147
|
||||
z
|
||||
" transform="scale(0.015625)"/>
|
||||
<path id="DejaVuSans-69" d="M 603 3500
|
||||
L 1178 3500
|
||||
L 1178 0
|
||||
L 603 0
|
||||
L 603 3500
|
||||
z
|
||||
M 603 4863
|
||||
L 1178 4863
|
||||
L 1178 4134
|
||||
L 603 4134
|
||||
L 603 4863
|
||||
z
|
||||
" transform="scale(0.015625)"/>
|
||||
<path id="DejaVuSans-76" d="M 191 3500
|
||||
L 800 3500
|
||||
L 1894 563
|
||||
L 2988 3500
|
||||
L 3597 3500
|
||||
L 2284 0
|
||||
L 1503 0
|
||||
L 191 3500
|
||||
z
|
||||
" transform="scale(0.015625)"/>
|
||||
<path id="DejaVuSans-61" d="M 2194 1759
|
||||
Q 1497 1759 1228 1600
|
||||
Q 959 1441 959 1056
|
||||
Q 959 750 1161 570
|
||||
Q 1363 391 1709 391
|
||||
Q 2188 391 2477 730
|
||||
Q 2766 1069 2766 1631
|
||||
L 2766 1759
|
||||
L 2194 1759
|
||||
z
|
||||
M 3341 1997
|
||||
L 3341 0
|
||||
L 2766 0
|
||||
L 2766 531
|
||||
Q 2569 213 2275 61
|
||||
Q 1981 -91 1556 -91
|
||||
Q 1019 -91 701 211
|
||||
Q 384 513 384 1019
|
||||
Q 384 1609 779 1909
|
||||
Q 1175 2209 1959 2209
|
||||
L 2766 2209
|
||||
L 2766 2266
|
||||
Q 2766 2663 2505 2880
|
||||
Q 2244 3097 1772 3097
|
||||
Q 1472 3097 1187 3025
|
||||
Q 903 2953 641 2809
|
||||
L 641 3341
|
||||
Q 956 3463 1253 3523
|
||||
Q 1550 3584 1831 3584
|
||||
Q 2591 3584 2966 3190
|
||||
Q 3341 2797 3341 1997
|
||||
z
|
||||
" transform="scale(0.015625)"/>
|
||||
<path id="DejaVuSans-6c" d="M 603 4863
|
||||
L 1178 4863
|
||||
L 1178 0
|
||||
L 603 0
|
||||
L 603 4863
|
||||
z
|
||||
" transform="scale(0.015625)"/>
|
||||
<path id="DejaVuSans-20" transform="scale(0.015625)"/>
|
||||
<path id="DejaVuSans-63" d="M 3122 3366
|
||||
L 3122 2828
|
||||
Q 2878 2963 2633 3030
|
||||
Q 2388 3097 2138 3097
|
||||
Q 1578 3097 1268 2742
|
||||
Q 959 2388 959 1747
|
||||
Q 959 1106 1268 751
|
||||
Q 1578 397 2138 397
|
||||
Q 2388 397 2633 464
|
||||
Q 2878 531 3122 666
|
||||
L 3122 134
|
||||
Q 2881 22 2623 -34
|
||||
Q 2366 -91 2075 -91
|
||||
Q 1284 -91 818 406
|
||||
Q 353 903 353 1747
|
||||
Q 353 2603 823 3093
|
||||
Q 1294 3584 2113 3584
|
||||
Q 2378 3584 2631 3529
|
||||
Q 2884 3475 3122 3366
|
||||
z
|
||||
" transform="scale(0.015625)"/>
|
||||
<path id="DejaVuSans-79" d="M 2059 -325
|
||||
Q 1816 -950 1584 -1140
|
||||
Q 1353 -1331 966 -1331
|
||||
L 506 -1331
|
||||
L 506 -850
|
||||
L 844 -850
|
||||
Q 1081 -850 1212 -737
|
||||
Q 1344 -625 1503 -206
|
||||
L 1606 56
|
||||
L 191 3500
|
||||
L 800 3500
|
||||
L 1894 763
|
||||
L 2988 3500
|
||||
L 3597 3500
|
||||
L 2059 -325
|
||||
z
|
||||
" transform="scale(0.015625)"/>
|
||||
</defs>
|
||||
<use xlink:href="#DejaVuSans-52"/>
|
||||
<use xlink:href="#DejaVuSans-65" x="64.982422"/>
|
||||
<use xlink:href="#DejaVuSans-74" x="126.505859"/>
|
||||
<use xlink:href="#DejaVuSans-72" x="165.714844"/>
|
||||
<use xlink:href="#DejaVuSans-69" x="206.828125"/>
|
||||
<use xlink:href="#DejaVuSans-65" x="234.611328"/>
|
||||
<use xlink:href="#DejaVuSans-76" x="296.134766"/>
|
||||
<use xlink:href="#DejaVuSans-61" x="355.314453"/>
|
||||
<use xlink:href="#DejaVuSans-6c" x="416.59375"/>
|
||||
<use xlink:href="#DejaVuSans-20" x="444.376953"/>
|
||||
<use xlink:href="#DejaVuSans-61" x="476.164062"/>
|
||||
<use xlink:href="#DejaVuSans-63" x="537.443359"/>
|
||||
<use xlink:href="#DejaVuSans-63" x="592.423828"/>
|
||||
<use xlink:href="#DejaVuSans-75" x="647.404297"/>
|
||||
<use xlink:href="#DejaVuSans-72" x="710.783203"/>
|
||||
<use xlink:href="#DejaVuSans-61" x="751.896484"/>
|
||||
<use xlink:href="#DejaVuSans-63" x="813.175781"/>
|
||||
<use xlink:href="#DejaVuSans-79" x="868.15625"/>
|
||||
</g>
|
||||
</g>
|
||||
</g>
|
||||
<g id="patch_7">
|
||||
<path d="M 46.965625 184.176471
|
||||
L 46.965625 7.79544
|
||||
" style="fill: none; stroke: #000000; stroke-width: 0.8; stroke-linejoin: miter; stroke-linecap: square"/>
|
||||
</g>
|
||||
<g id="patch_8">
|
||||
<path d="M 46.965625 184.176471
|
||||
L 172.535625 184.176471
|
||||
" style="fill: none; stroke: #000000; stroke-width: 0.8; stroke-linejoin: miter; stroke-linecap: square"/>
|
||||
</g>
|
||||
<g id="legend_1">
|
||||
<g id="patch_9">
|
||||
<path d="M 179.535625 41.611668
|
||||
L 271.32 41.611668
|
||||
Q 273.32 41.611668 273.32 39.611668
|
||||
L 273.32 11.255418
|
||||
Q 273.32 9.255418 271.32 9.255418
|
||||
L 179.535625 9.255418
|
||||
Q 177.535625 9.255418 177.535625 11.255418
|
||||
L 177.535625 39.611668
|
||||
Q 177.535625 41.611668 179.535625 41.611668
|
||||
z
|
||||
" style="fill: #ffffff; opacity: 0.8; stroke: #cccccc; stroke-linejoin: miter"/>
|
||||
</g>
|
||||
<g id="patch_10">
|
||||
<path d="M 181.535625 20.853855
|
||||
L 201.535625 20.853855
|
||||
L 201.535625 13.853855
|
||||
L 181.535625 13.853855
|
||||
z
|
||||
" style="fill: #ff0000"/>
|
||||
</g>
|
||||
<g id="text_10">
|
||||
<!-- Cypher-RAG -->
|
||||
<g transform="translate(209.535625 20.853855) scale(0.1 -0.1)">
|
||||
<defs>
|
||||
<path id="DejaVuSans-43" d="M 4122 4306
|
||||
L 4122 3641
|
||||
Q 3803 3938 3442 4084
|
||||
Q 3081 4231 2675 4231
|
||||
Q 1875 4231 1450 3742
|
||||
Q 1025 3253 1025 2328
|
||||
Q 1025 1406 1450 917
|
||||
Q 1875 428 2675 428
|
||||
Q 3081 428 3442 575
|
||||
Q 3803 722 4122 1019
|
||||
L 4122 359
|
||||
Q 3791 134 3420 21
|
||||
Q 3050 -91 2638 -91
|
||||
Q 1578 -91 968 557
|
||||
Q 359 1206 359 2328
|
||||
Q 359 3453 968 4101
|
||||
Q 1578 4750 2638 4750
|
||||
Q 3056 4750 3426 4639
|
||||
Q 3797 4528 4122 4306
|
||||
z
|
||||
" transform="scale(0.015625)"/>
|
||||
<path id="DejaVuSans-68" d="M 3513 2113
|
||||
L 3513 0
|
||||
L 2938 0
|
||||
L 2938 2094
|
||||
Q 2938 2591 2744 2837
|
||||
Q 2550 3084 2163 3084
|
||||
Q 1697 3084 1428 2787
|
||||
Q 1159 2491 1159 1978
|
||||
L 1159 0
|
||||
L 581 0
|
||||
L 581 4863
|
||||
L 1159 4863
|
||||
L 1159 2956
|
||||
Q 1366 3272 1645 3428
|
||||
Q 1925 3584 2291 3584
|
||||
Q 2894 3584 3203 3211
|
||||
Q 3513 2838 3513 2113
|
||||
z
|
||||
" transform="scale(0.015625)"/>
|
||||
<path id="DejaVuSans-2d" d="M 313 2009
|
||||
L 1997 2009
|
||||
L 1997 1497
|
||||
L 313 1497
|
||||
L 313 2009
|
||||
z
|
||||
" transform="scale(0.015625)"/>
|
||||
<path id="DejaVuSans-41" d="M 2188 4044
|
||||
L 1331 1722
|
||||
L 3047 1722
|
||||
L 2188 4044
|
||||
z
|
||||
M 1831 4666
|
||||
L 2547 4666
|
||||
L 4325 0
|
||||
L 3669 0
|
||||
L 3244 1197
|
||||
L 1141 1197
|
||||
L 716 0
|
||||
L 50 0
|
||||
L 1831 4666
|
||||
z
|
||||
" transform="scale(0.015625)"/>
|
||||
<path id="DejaVuSans-47" d="M 3809 666
|
||||
L 3809 1919
|
||||
L 2778 1919
|
||||
L 2778 2438
|
||||
L 4434 2438
|
||||
L 4434 434
|
||||
Q 4069 175 3628 42
|
||||
Q 3188 -91 2688 -91
|
||||
Q 1594 -91 976 548
|
||||
Q 359 1188 359 2328
|
||||
Q 359 3472 976 4111
|
||||
Q 1594 4750 2688 4750
|
||||
Q 3144 4750 3555 4637
|
||||
Q 3966 4525 4313 4306
|
||||
L 4313 3634
|
||||
Q 3963 3931 3569 4081
|
||||
Q 3175 4231 2741 4231
|
||||
Q 1884 4231 1454 3753
|
||||
Q 1025 3275 1025 2328
|
||||
Q 1025 1384 1454 906
|
||||
Q 1884 428 2741 428
|
||||
Q 3075 428 3337 486
|
||||
Q 3600 544 3809 666
|
||||
z
|
||||
" transform="scale(0.015625)"/>
|
||||
</defs>
|
||||
<use xlink:href="#DejaVuSans-43"/>
|
||||
<use xlink:href="#DejaVuSans-79" x="69.824219"/>
|
||||
<use xlink:href="#DejaVuSans-70" x="129.003906"/>
|
||||
<use xlink:href="#DejaVuSans-68" x="192.480469"/>
|
||||
<use xlink:href="#DejaVuSans-65" x="255.859375"/>
|
||||
<use xlink:href="#DejaVuSans-72" x="317.382812"/>
|
||||
<use xlink:href="#DejaVuSans-2d" x="352.121094"/>
|
||||
<use xlink:href="#DejaVuSans-52" x="388.205078"/>
|
||||
<use xlink:href="#DejaVuSans-41" x="453.6875"/>
|
||||
<use xlink:href="#DejaVuSans-47" x="520.345703"/>
|
||||
</g>
|
||||
</g>
|
||||
<g id="patch_11">
|
||||
<path d="M 181.535625 35.53198
|
||||
L 201.535625 35.53198
|
||||
L 201.535625 28.53198
|
||||
L 181.535625 28.53198
|
||||
z
|
||||
" style="fill: #008000"/>
|
||||
</g>
|
||||
<g id="text_11">
|
||||
<!-- KG-RAG -->
|
||||
<g transform="translate(209.535625 35.53198) scale(0.1 -0.1)">
|
||||
<defs>
|
||||
<path id="DejaVuSans-4b" d="M 628 4666
|
||||
L 1259 4666
|
||||
L 1259 2694
|
||||
L 3353 4666
|
||||
L 4166 4666
|
||||
L 1850 2491
|
||||
L 4331 0
|
||||
L 3500 0
|
||||
L 1259 2247
|
||||
L 1259 0
|
||||
L 628 0
|
||||
L 628 4666
|
||||
z
|
||||
" transform="scale(0.015625)"/>
|
||||
</defs>
|
||||
<use xlink:href="#DejaVuSans-4b"/>
|
||||
<use xlink:href="#DejaVuSans-47" x="65.576172"/>
|
||||
<use xlink:href="#DejaVuSans-2d" x="143.066406"/>
|
||||
<use xlink:href="#DejaVuSans-52" x="179.150391"/>
|
||||
<use xlink:href="#DejaVuSans-41" x="244.632812"/>
|
||||
<use xlink:href="#DejaVuSans-47" x="311.291016"/>
|
||||
</g>
|
||||
</g>
|
||||
</g>
|
||||
</g>
|
||||
</g>
|
||||
<defs>
|
||||
<clipPath id="p0f6b7638f8">
|
||||
<rect x="46.965625" y="7.79544" width="125.57" height="176.381031"/>
|
||||
</clipPath>
|
||||
</defs>
|
||||
</svg>
|
||||
|
After Width: | Height: | Size: 21 KiB |
890
data/results/figures/token_usage_comparison.svg
Normal file
@@ -0,0 +1,890 @@
|
||||
<?xml version="1.0" encoding="utf-8" standalone="no"?>
|
||||
<!DOCTYPE svg PUBLIC "-//W3C//DTD SVG 1.1//EN"
|
||||
"http://www.w3.org/Graphics/SVG/1.1/DTD/svg11.dtd">
|
||||
<svg xmlns:xlink="http://www.w3.org/1999/xlink" width="261.7525pt" height="197.398125pt" viewBox="0 0 261.7525 197.398125" xmlns="http://www.w3.org/2000/svg" version="1.1">
|
||||
<metadata>
|
||||
<rdf:RDF xmlns:dc="http://purl.org/dc/elements/1.1/" xmlns:cc="http://creativecommons.org/ns#" xmlns:rdf="http://www.w3.org/1999/02/22-rdf-syntax-ns#">
|
||||
<cc:Work>
|
||||
<dc:type rdf:resource="http://purl.org/dc/dcmitype/StillImage"/>
|
||||
<dc:date>2024-03-22T16:17:02.078892</dc:date>
|
||||
<dc:format>image/svg+xml</dc:format>
|
||||
<dc:creator>
|
||||
<cc:Agent>
|
||||
<dc:title>Matplotlib v3.8.3, https://matplotlib.org/</dc:title>
|
||||
</cc:Agent>
|
||||
</dc:creator>
|
||||
</cc:Work>
|
||||
</rdf:RDF>
|
||||
</metadata>
|
||||
<defs>
|
||||
<style type="text/css">*{stroke-linejoin: round; stroke-linecap: butt}</style>
|
||||
</defs>
|
||||
<g id="figure_1">
|
||||
<g id="patch_1">
|
||||
<path d="M 0 197.398125
|
||||
L 261.7525 197.398125
|
||||
L 261.7525 0
|
||||
L 0 0
|
||||
z
|
||||
" style="fill: #ffffff"/>
|
||||
</g>
|
||||
<g id="axes_1">
|
||||
<g id="patch_2">
|
||||
<path d="M 53.328125 173.52
|
||||
L 220.728125 173.52
|
||||
L 220.728125 7.2
|
||||
L 53.328125 7.2
|
||||
z
|
||||
" style="fill: #ffffff"/>
|
||||
</g>
|
||||
<g id="patch_3">
|
||||
<path d="M 60.937216 173.52
|
||||
L 128.57358 173.52
|
||||
L 128.57358 15.203416
|
||||
L 60.937216 15.203416
|
||||
z
|
||||
" clip-path="url(#pcf4b9c146f)" style="fill: #ff0000"/>
|
||||
</g>
|
||||
<g id="patch_4">
|
||||
<path d="M 145.48267 173.52
|
||||
L 213.119034 173.52
|
||||
L 213.119034 100.492289
|
||||
L 145.48267 100.492289
|
||||
z
|
||||
" clip-path="url(#pcf4b9c146f)" style="fill: #008000"/>
|
||||
</g>
|
||||
<g id="matplotlib.axis_1">
|
||||
<g id="xtick_1">
|
||||
<g id="line2d_1">
|
||||
<defs>
|
||||
<path id="mb1c94fc2bd" d="M 0 0
|
||||
L 0 3.5
|
||||
" style="stroke: #000000; stroke-width: 0.8"/>
|
||||
</defs>
|
||||
<g>
|
||||
<use xlink:href="#mb1c94fc2bd" x="94.755398" y="173.52" style="stroke: #000000; stroke-width: 0.8"/>
|
||||
</g>
|
||||
</g>
|
||||
<g id="text_1">
|
||||
<!-- Cypher-RAG -->
|
||||
<g transform="translate(64.86321 188.118438) scale(0.1 -0.1)">
|
||||
<defs>
|
||||
<path id="DejaVuSans-43" d="M 4122 4306
|
||||
L 4122 3641
|
||||
Q 3803 3938 3442 4084
|
||||
Q 3081 4231 2675 4231
|
||||
Q 1875 4231 1450 3742
|
||||
Q 1025 3253 1025 2328
|
||||
Q 1025 1406 1450 917
|
||||
Q 1875 428 2675 428
|
||||
Q 3081 428 3442 575
|
||||
Q 3803 722 4122 1019
|
||||
L 4122 359
|
||||
Q 3791 134 3420 21
|
||||
Q 3050 -91 2638 -91
|
||||
Q 1578 -91 968 557
|
||||
Q 359 1206 359 2328
|
||||
Q 359 3453 968 4101
|
||||
Q 1578 4750 2638 4750
|
||||
Q 3056 4750 3426 4639
|
||||
Q 3797 4528 4122 4306
|
||||
z
|
||||
" transform="scale(0.015625)"/>
|
||||
<path id="DejaVuSans-79" d="M 2059 -325
|
||||
Q 1816 -950 1584 -1140
|
||||
Q 1353 -1331 966 -1331
|
||||
L 506 -1331
|
||||
L 506 -850
|
||||
L 844 -850
|
||||
Q 1081 -850 1212 -737
|
||||
Q 1344 -625 1503 -206
|
||||
L 1606 56
|
||||
L 191 3500
|
||||
L 800 3500
|
||||
L 1894 763
|
||||
L 2988 3500
|
||||
L 3597 3500
|
||||
L 2059 -325
|
||||
z
|
||||
" transform="scale(0.015625)"/>
|
||||
<path id="DejaVuSans-70" d="M 1159 525
|
||||
L 1159 -1331
|
||||
L 581 -1331
|
||||
L 581 3500
|
||||
L 1159 3500
|
||||
L 1159 2969
|
||||
Q 1341 3281 1617 3432
|
||||
Q 1894 3584 2278 3584
|
||||
Q 2916 3584 3314 3078
|
||||
Q 3713 2572 3713 1747
|
||||
Q 3713 922 3314 415
|
||||
Q 2916 -91 2278 -91
|
||||
Q 1894 -91 1617 61
|
||||
Q 1341 213 1159 525
|
||||
z
|
||||
M 3116 1747
|
||||
Q 3116 2381 2855 2742
|
||||
Q 2594 3103 2138 3103
|
||||
Q 1681 3103 1420 2742
|
||||
Q 1159 2381 1159 1747
|
||||
Q 1159 1113 1420 752
|
||||
Q 1681 391 2138 391
|
||||
Q 2594 391 2855 752
|
||||
Q 3116 1113 3116 1747
|
||||
z
|
||||
" transform="scale(0.015625)"/>
|
||||
<path id="DejaVuSans-68" d="M 3513 2113
|
||||
L 3513 0
|
||||
L 2938 0
|
||||
L 2938 2094
|
||||
Q 2938 2591 2744 2837
|
||||
Q 2550 3084 2163 3084
|
||||
Q 1697 3084 1428 2787
|
||||
Q 1159 2491 1159 1978
|
||||
L 1159 0
|
||||
L 581 0
|
||||
L 581 4863
|
||||
L 1159 4863
|
||||
L 1159 2956
|
||||
Q 1366 3272 1645 3428
|
||||
Q 1925 3584 2291 3584
|
||||
Q 2894 3584 3203 3211
|
||||
Q 3513 2838 3513 2113
|
||||
z
|
||||
" transform="scale(0.015625)"/>
|
||||
<path id="DejaVuSans-65" d="M 3597 1894
|
||||
L 3597 1613
|
||||
L 953 1613
|
||||
Q 991 1019 1311 708
|
||||
Q 1631 397 2203 397
|
||||
Q 2534 397 2845 478
|
||||
Q 3156 559 3463 722
|
||||
L 3463 178
|
||||
Q 3153 47 2828 -22
|
||||
Q 2503 -91 2169 -91
|
||||
Q 1331 -91 842 396
|
||||
Q 353 884 353 1716
|
||||
Q 353 2575 817 3079
|
||||
Q 1281 3584 2069 3584
|
||||
Q 2775 3584 3186 3129
|
||||
Q 3597 2675 3597 1894
|
||||
z
|
||||
M 3022 2063
|
||||
Q 3016 2534 2758 2815
|
||||
Q 2500 3097 2075 3097
|
||||
Q 1594 3097 1305 2825
|
||||
Q 1016 2553 972 2059
|
||||
L 3022 2063
|
||||
z
|
||||
" transform="scale(0.015625)"/>
|
||||
<path id="DejaVuSans-72" d="M 2631 2963
|
||||
Q 2534 3019 2420 3045
|
||||
Q 2306 3072 2169 3072
|
||||
Q 1681 3072 1420 2755
|
||||
Q 1159 2438 1159 1844
|
||||
L 1159 0
|
||||
L 581 0
|
||||
L 581 3500
|
||||
L 1159 3500
|
||||
L 1159 2956
|
||||
Q 1341 3275 1631 3429
|
||||
Q 1922 3584 2338 3584
|
||||
Q 2397 3584 2469 3576
|
||||
Q 2541 3569 2628 3553
|
||||
L 2631 2963
|
||||
z
|
||||
" transform="scale(0.015625)"/>
|
||||
<path id="DejaVuSans-2d" d="M 313 2009
|
||||
L 1997 2009
|
||||
L 1997 1497
|
||||
L 313 1497
|
||||
L 313 2009
|
||||
z
|
||||
" transform="scale(0.015625)"/>
|
||||
<path id="DejaVuSans-52" d="M 2841 2188
|
||||
Q 3044 2119 3236 1894
|
||||
Q 3428 1669 3622 1275
|
||||
L 4263 0
|
||||
L 3584 0
|
||||
L 2988 1197
|
||||
Q 2756 1666 2539 1819
|
||||
Q 2322 1972 1947 1972
|
||||
L 1259 1972
|
||||
L 1259 0
|
||||
L 628 0
|
||||
L 628 4666
|
||||
L 2053 4666
|
||||
Q 2853 4666 3247 4331
|
||||
Q 3641 3997 3641 3322
|
||||
Q 3641 2881 3436 2590
|
||||
Q 3231 2300 2841 2188
|
||||
z
|
||||
M 1259 4147
|
||||
L 1259 2491
|
||||
L 2053 2491
|
||||
Q 2509 2491 2742 2702
|
||||
Q 2975 2913 2975 3322
|
||||
Q 2975 3731 2742 3939
|
||||
Q 2509 4147 2053 4147
|
||||
L 1259 4147
|
||||
z
|
||||
" transform="scale(0.015625)"/>
|
||||
<path id="DejaVuSans-41" d="M 2188 4044
|
||||
L 1331 1722
|
||||
L 3047 1722
|
||||
L 2188 4044
|
||||
z
|
||||
M 1831 4666
|
||||
L 2547 4666
|
||||
L 4325 0
|
||||
L 3669 0
|
||||
L 3244 1197
|
||||
L 1141 1197
|
||||
L 716 0
|
||||
L 50 0
|
||||
L 1831 4666
|
||||
z
|
||||
" transform="scale(0.015625)"/>
|
||||
<path id="DejaVuSans-47" d="M 3809 666
|
||||
L 3809 1919
|
||||
L 2778 1919
|
||||
L 2778 2438
|
||||
L 4434 2438
|
||||
L 4434 434
|
||||
Q 4069 175 3628 42
|
||||
Q 3188 -91 2688 -91
|
||||
Q 1594 -91 976 548
|
||||
Q 359 1188 359 2328
|
||||
Q 359 3472 976 4111
|
||||
Q 1594 4750 2688 4750
|
||||
Q 3144 4750 3555 4637
|
||||
Q 3966 4525 4313 4306
|
||||
L 4313 3634
|
||||
Q 3963 3931 3569 4081
|
||||
Q 3175 4231 2741 4231
|
||||
Q 1884 4231 1454 3753
|
||||
Q 1025 3275 1025 2328
|
||||
Q 1025 1384 1454 906
|
||||
Q 1884 428 2741 428
|
||||
Q 3075 428 3337 486
|
||||
Q 3600 544 3809 666
|
||||
z
|
||||
" transform="scale(0.015625)"/>
|
||||
</defs>
|
||||
<use xlink:href="#DejaVuSans-43"/>
|
||||
<use xlink:href="#DejaVuSans-79" x="69.824219"/>
|
||||
<use xlink:href="#DejaVuSans-70" x="129.003906"/>
|
||||
<use xlink:href="#DejaVuSans-68" x="192.480469"/>
|
||||
<use xlink:href="#DejaVuSans-65" x="255.859375"/>
|
||||
<use xlink:href="#DejaVuSans-72" x="317.382812"/>
|
||||
<use xlink:href="#DejaVuSans-2d" x="352.121094"/>
|
||||
<use xlink:href="#DejaVuSans-52" x="388.205078"/>
|
||||
<use xlink:href="#DejaVuSans-41" x="453.6875"/>
|
||||
<use xlink:href="#DejaVuSans-47" x="520.345703"/>
|
||||
</g>
|
||||
</g>
|
||||
</g>
|
||||
<g id="xtick_2">
|
||||
<g id="line2d_2">
|
||||
<g>
|
||||
<use xlink:href="#mb1c94fc2bd" x="179.300852" y="173.52" style="stroke: #000000; stroke-width: 0.8"/>
|
||||
</g>
|
||||
</g>
|
||||
<g id="text_2">
|
||||
<!-- KG-RAG -->
|
||||
<g transform="translate(159.862571 188.118438) scale(0.1 -0.1)">
|
||||
<defs>
|
||||
<path id="DejaVuSans-4b" d="M 628 4666
|
||||
L 1259 4666
|
||||
L 1259 2694
|
||||
L 3353 4666
|
||||
L 4166 4666
|
||||
L 1850 2491
|
||||
L 4331 0
|
||||
L 3500 0
|
||||
L 1259 2247
|
||||
L 1259 0
|
||||
L 628 0
|
||||
L 628 4666
|
||||
z
|
||||
" transform="scale(0.015625)"/>
|
||||
</defs>
|
||||
<use xlink:href="#DejaVuSans-4b"/>
|
||||
<use xlink:href="#DejaVuSans-47" x="65.576172"/>
|
||||
<use xlink:href="#DejaVuSans-2d" x="143.066406"/>
|
||||
<use xlink:href="#DejaVuSans-52" x="179.150391"/>
|
||||
<use xlink:href="#DejaVuSans-41" x="244.632812"/>
|
||||
<use xlink:href="#DejaVuSans-47" x="311.291016"/>
|
||||
</g>
|
||||
</g>
|
||||
</g>
|
||||
</g>
|
||||
<g id="matplotlib.axis_2">
|
||||
<g id="ytick_1">
|
||||
<g id="line2d_3">
|
||||
<defs>
|
||||
<path id="m7c405a40ea" d="M 0 0
|
||||
L -3.5 0
|
||||
" style="stroke: #000000; stroke-width: 0.8"/>
|
||||
</defs>
|
||||
<g>
|
||||
<use xlink:href="#m7c405a40ea" x="53.328125" y="173.52" style="stroke: #000000; stroke-width: 0.8"/>
|
||||
</g>
|
||||
</g>
|
||||
<g id="text_3">
|
||||
<!-- 0 -->
|
||||
<g transform="translate(39.965625 177.319219) scale(0.1 -0.1)">
|
||||
<defs>
|
||||
<path id="DejaVuSans-30" d="M 2034 4250
|
||||
Q 1547 4250 1301 3770
|
||||
Q 1056 3291 1056 2328
|
||||
Q 1056 1369 1301 889
|
||||
Q 1547 409 2034 409
|
||||
Q 2525 409 2770 889
|
||||
Q 3016 1369 3016 2328
|
||||
Q 3016 3291 2770 3770
|
||||
Q 2525 4250 2034 4250
|
||||
z
|
||||
M 2034 4750
|
||||
Q 2819 4750 3233 4129
|
||||
Q 3647 3509 3647 2328
|
||||
Q 3647 1150 3233 529
|
||||
Q 2819 -91 2034 -91
|
||||
Q 1250 -91 836 529
|
||||
Q 422 1150 422 2328
|
||||
Q 422 3509 836 4129
|
||||
Q 1250 4750 2034 4750
|
||||
z
|
||||
" transform="scale(0.015625)"/>
|
||||
</defs>
|
||||
<use xlink:href="#DejaVuSans-30"/>
|
||||
</g>
|
||||
</g>
|
||||
</g>
|
||||
<g id="ytick_2">
|
||||
<g id="line2d_4">
|
||||
<g>
|
||||
<use xlink:href="#m7c405a40ea" x="53.328125" y="133.970417" style="stroke: #000000; stroke-width: 0.8"/>
|
||||
</g>
|
||||
</g>
|
||||
<g id="text_4">
|
||||
<!-- 2000 -->
|
||||
<g transform="translate(20.878125 137.769636) scale(0.1 -0.1)">
|
||||
<defs>
|
||||
<path id="DejaVuSans-32" d="M 1228 531
|
||||
L 3431 531
|
||||
L 3431 0
|
||||
L 469 0
|
||||
L 469 531
|
||||
Q 828 903 1448 1529
|
||||
Q 2069 2156 2228 2338
|
||||
Q 2531 2678 2651 2914
|
||||
Q 2772 3150 2772 3378
|
||||
Q 2772 3750 2511 3984
|
||||
Q 2250 4219 1831 4219
|
||||
Q 1534 4219 1204 4116
|
||||
Q 875 4013 500 3803
|
||||
L 500 4441
|
||||
Q 881 4594 1212 4672
|
||||
Q 1544 4750 1819 4750
|
||||
Q 2544 4750 2975 4387
|
||||
Q 3406 4025 3406 3419
|
||||
Q 3406 3131 3298 2873
|
||||
Q 3191 2616 2906 2266
|
||||
Q 2828 2175 2409 1742
|
||||
Q 1991 1309 1228 531
|
||||
z
|
||||
" transform="scale(0.015625)"/>
|
||||
</defs>
|
||||
<use xlink:href="#DejaVuSans-32"/>
|
||||
<use xlink:href="#DejaVuSans-30" x="63.623047"/>
|
||||
<use xlink:href="#DejaVuSans-30" x="127.246094"/>
|
||||
<use xlink:href="#DejaVuSans-30" x="190.869141"/>
|
||||
</g>
|
||||
</g>
|
||||
</g>
|
||||
<g id="ytick_3">
|
||||
<g id="line2d_5">
|
||||
<g>
|
||||
<use xlink:href="#m7c405a40ea" x="53.328125" y="94.420835" style="stroke: #000000; stroke-width: 0.8"/>
|
||||
</g>
|
||||
</g>
|
||||
<g id="text_5">
|
||||
<!-- 4000 -->
|
||||
<g transform="translate(20.878125 98.220054) scale(0.1 -0.1)">
|
||||
<defs>
|
||||
<path id="DejaVuSans-34" d="M 2419 4116
|
||||
L 825 1625
|
||||
L 2419 1625
|
||||
L 2419 4116
|
||||
z
|
||||
M 2253 4666
|
||||
L 3047 4666
|
||||
L 3047 1625
|
||||
L 3713 1625
|
||||
L 3713 1100
|
||||
L 3047 1100
|
||||
L 3047 0
|
||||
L 2419 0
|
||||
L 2419 1100
|
||||
L 313 1100
|
||||
L 313 1709
|
||||
L 2253 4666
|
||||
z
|
||||
" transform="scale(0.015625)"/>
|
||||
</defs>
|
||||
<use xlink:href="#DejaVuSans-34"/>
|
||||
<use xlink:href="#DejaVuSans-30" x="63.623047"/>
|
||||
<use xlink:href="#DejaVuSans-30" x="127.246094"/>
|
||||
<use xlink:href="#DejaVuSans-30" x="190.869141"/>
|
||||
</g>
|
||||
</g>
|
||||
</g>
|
||||
<g id="ytick_4">
|
||||
<g id="line2d_6">
|
||||
<g>
|
||||
<use xlink:href="#m7c405a40ea" x="53.328125" y="54.871252" style="stroke: #000000; stroke-width: 0.8"/>
|
||||
</g>
|
||||
</g>
|
||||
<g id="text_6">
|
||||
<!-- 6000 -->
|
||||
<g transform="translate(20.878125 58.670471) scale(0.1 -0.1)">
|
||||
<defs>
|
||||
<path id="DejaVuSans-36" d="M 2113 2584
|
||||
Q 1688 2584 1439 2293
|
||||
Q 1191 2003 1191 1497
|
||||
Q 1191 994 1439 701
|
||||
Q 1688 409 2113 409
|
||||
Q 2538 409 2786 701
|
||||
Q 3034 994 3034 1497
|
||||
Q 3034 2003 2786 2293
|
||||
Q 2538 2584 2113 2584
|
||||
z
|
||||
M 3366 4563
|
||||
L 3366 3988
|
||||
Q 3128 4100 2886 4159
|
||||
Q 2644 4219 2406 4219
|
||||
Q 1781 4219 1451 3797
|
||||
Q 1122 3375 1075 2522
|
||||
Q 1259 2794 1537 2939
|
||||
Q 1816 3084 2150 3084
|
||||
Q 2853 3084 3261 2657
|
||||
Q 3669 2231 3669 1497
|
||||
Q 3669 778 3244 343
|
||||
Q 2819 -91 2113 -91
|
||||
Q 1303 -91 875 529
|
||||
Q 447 1150 447 2328
|
||||
Q 447 3434 972 4092
|
||||
Q 1497 4750 2381 4750
|
||||
Q 2619 4750 2861 4703
|
||||
Q 3103 4656 3366 4563
|
||||
z
|
||||
" transform="scale(0.015625)"/>
|
||||
</defs>
|
||||
<use xlink:href="#DejaVuSans-36"/>
|
||||
<use xlink:href="#DejaVuSans-30" x="63.623047"/>
|
||||
<use xlink:href="#DejaVuSans-30" x="127.246094"/>
|
||||
<use xlink:href="#DejaVuSans-30" x="190.869141"/>
|
||||
</g>
|
||||
</g>
|
||||
</g>
|
||||
<g id="ytick_5">
|
||||
<g id="line2d_7">
|
||||
<g>
|
||||
<use xlink:href="#m7c405a40ea" x="53.328125" y="15.32167" style="stroke: #000000; stroke-width: 0.8"/>
|
||||
</g>
|
||||
</g>
|
||||
<g id="text_7">
|
||||
<!-- 8000 -->
|
||||
<g transform="translate(20.878125 19.120888) scale(0.1 -0.1)">
|
||||
<defs>
|
||||
<path id="DejaVuSans-38" d="M 2034 2216
|
||||
Q 1584 2216 1326 1975
|
||||
Q 1069 1734 1069 1313
|
||||
Q 1069 891 1326 650
|
||||
Q 1584 409 2034 409
|
||||
Q 2484 409 2743 651
|
||||
Q 3003 894 3003 1313
|
||||
Q 3003 1734 2745 1975
|
||||
Q 2488 2216 2034 2216
|
||||
z
|
||||
M 1403 2484
|
||||
Q 997 2584 770 2862
|
||||
Q 544 3141 544 3541
|
||||
Q 544 4100 942 4425
|
||||
Q 1341 4750 2034 4750
|
||||
Q 2731 4750 3128 4425
|
||||
Q 3525 4100 3525 3541
|
||||
Q 3525 3141 3298 2862
|
||||
Q 3072 2584 2669 2484
|
||||
Q 3125 2378 3379 2068
|
||||
Q 3634 1759 3634 1313
|
||||
Q 3634 634 3220 271
|
||||
Q 2806 -91 2034 -91
|
||||
Q 1263 -91 848 271
|
||||
Q 434 634 434 1313
|
||||
Q 434 1759 690 2068
|
||||
Q 947 2378 1403 2484
|
||||
z
|
||||
M 1172 3481
|
||||
Q 1172 3119 1398 2916
|
||||
Q 1625 2713 2034 2713
|
||||
Q 2441 2713 2670 2916
|
||||
Q 2900 3119 2900 3481
|
||||
Q 2900 3844 2670 4047
|
||||
Q 2441 4250 2034 4250
|
||||
Q 1625 4250 1398 4047
|
||||
Q 1172 3844 1172 3481
|
||||
z
|
||||
" transform="scale(0.015625)"/>
|
||||
</defs>
|
||||
<use xlink:href="#DejaVuSans-38"/>
|
||||
<use xlink:href="#DejaVuSans-30" x="63.623047"/>
|
||||
<use xlink:href="#DejaVuSans-30" x="127.246094"/>
|
||||
<use xlink:href="#DejaVuSans-30" x="190.869141"/>
|
||||
</g>
|
||||
</g>
|
||||
</g>
|
||||
<g id="text_8">
|
||||
<!-- Average token usage -->
|
||||
<g transform="translate(14.798438 143.138125) rotate(-90) scale(0.1 -0.1)">
|
||||
<defs>
|
||||
<path id="DejaVuSans-76" d="M 191 3500
|
||||
L 800 3500
|
||||
L 1894 563
|
||||
L 2988 3500
|
||||
L 3597 3500
|
||||
L 2284 0
|
||||
L 1503 0
|
||||
L 191 3500
|
||||
z
|
||||
" transform="scale(0.015625)"/>
|
||||
<path id="DejaVuSans-61" d="M 2194 1759
|
||||
Q 1497 1759 1228 1600
|
||||
Q 959 1441 959 1056
|
||||
Q 959 750 1161 570
|
||||
Q 1363 391 1709 391
|
||||
Q 2188 391 2477 730
|
||||
Q 2766 1069 2766 1631
|
||||
L 2766 1759
|
||||
L 2194 1759
|
||||
z
|
||||
M 3341 1997
|
||||
L 3341 0
|
||||
L 2766 0
|
||||
L 2766 531
|
||||
Q 2569 213 2275 61
|
||||
Q 1981 -91 1556 -91
|
||||
Q 1019 -91 701 211
|
||||
Q 384 513 384 1019
|
||||
Q 384 1609 779 1909
|
||||
Q 1175 2209 1959 2209
|
||||
L 2766 2209
|
||||
L 2766 2266
|
||||
Q 2766 2663 2505 2880
|
||||
Q 2244 3097 1772 3097
|
||||
Q 1472 3097 1187 3025
|
||||
Q 903 2953 641 2809
|
||||
L 641 3341
|
||||
Q 956 3463 1253 3523
|
||||
Q 1550 3584 1831 3584
|
||||
Q 2591 3584 2966 3190
|
||||
Q 3341 2797 3341 1997
|
||||
z
|
||||
" transform="scale(0.015625)"/>
|
||||
<path id="DejaVuSans-67" d="M 2906 1791
|
||||
Q 2906 2416 2648 2759
|
||||
Q 2391 3103 1925 3103
|
||||
Q 1463 3103 1205 2759
|
||||
Q 947 2416 947 1791
|
||||
Q 947 1169 1205 825
|
||||
Q 1463 481 1925 481
|
||||
Q 2391 481 2648 825
|
||||
Q 2906 1169 2906 1791
|
||||
z
|
||||
M 3481 434
|
||||
Q 3481 -459 3084 -895
|
||||
Q 2688 -1331 1869 -1331
|
||||
Q 1566 -1331 1297 -1286
|
||||
Q 1028 -1241 775 -1147
|
||||
L 775 -588
|
||||
Q 1028 -725 1275 -790
|
||||
Q 1522 -856 1778 -856
|
||||
Q 2344 -856 2625 -561
|
||||
Q 2906 -266 2906 331
|
||||
L 2906 616
|
||||
Q 2728 306 2450 153
|
||||
Q 2172 0 1784 0
|
||||
Q 1141 0 747 490
|
||||
Q 353 981 353 1791
|
||||
Q 353 2603 747 3093
|
||||
Q 1141 3584 1784 3584
|
||||
Q 2172 3584 2450 3431
|
||||
Q 2728 3278 2906 2969
|
||||
L 2906 3500
|
||||
L 3481 3500
|
||||
L 3481 434
|
||||
z
|
||||
" transform="scale(0.015625)"/>
|
||||
<path id="DejaVuSans-20" transform="scale(0.015625)"/>
|
||||
<path id="DejaVuSans-74" d="M 1172 4494
|
||||
L 1172 3500
|
||||
L 2356 3500
|
||||
L 2356 3053
|
||||
L 1172 3053
|
||||
L 1172 1153
|
||||
Q 1172 725 1289 603
|
||||
Q 1406 481 1766 481
|
||||
L 2356 481
|
||||
L 2356 0
|
||||
L 1766 0
|
||||
Q 1100 0 847 248
|
||||
Q 594 497 594 1153
|
||||
L 594 3053
|
||||
L 172 3053
|
||||
L 172 3500
|
||||
L 594 3500
|
||||
L 594 4494
|
||||
L 1172 4494
|
||||
z
|
||||
" transform="scale(0.015625)"/>
|
||||
<path id="DejaVuSans-6f" d="M 1959 3097
|
||||
Q 1497 3097 1228 2736
|
||||
Q 959 2375 959 1747
|
||||
Q 959 1119 1226 758
|
||||
Q 1494 397 1959 397
|
||||
Q 2419 397 2687 759
|
||||
Q 2956 1122 2956 1747
|
||||
Q 2956 2369 2687 2733
|
||||
Q 2419 3097 1959 3097
|
||||
z
|
||||
M 1959 3584
|
||||
Q 2709 3584 3137 3096
|
||||
Q 3566 2609 3566 1747
|
||||
Q 3566 888 3137 398
|
||||
Q 2709 -91 1959 -91
|
||||
Q 1206 -91 779 398
|
||||
Q 353 888 353 1747
|
||||
Q 353 2609 779 3096
|
||||
Q 1206 3584 1959 3584
|
||||
z
|
||||
" transform="scale(0.015625)"/>
|
||||
<path id="DejaVuSans-6b" d="M 581 4863
|
||||
L 1159 4863
|
||||
L 1159 1991
|
||||
L 2875 3500
|
||||
L 3609 3500
|
||||
L 1753 1863
|
||||
L 3688 0
|
||||
L 2938 0
|
||||
L 1159 1709
|
||||
L 1159 0
|
||||
L 581 0
|
||||
L 581 4863
|
||||
z
|
||||
" transform="scale(0.015625)"/>
|
||||
<path id="DejaVuSans-6e" d="M 3513 2113
|
||||
L 3513 0
|
||||
L 2938 0
|
||||
L 2938 2094
|
||||
Q 2938 2591 2744 2837
|
||||
Q 2550 3084 2163 3084
|
||||
Q 1697 3084 1428 2787
|
||||
Q 1159 2491 1159 1978
|
||||
L 1159 0
|
||||
L 581 0
|
||||
L 581 3500
|
||||
L 1159 3500
|
||||
L 1159 2956
|
||||
Q 1366 3272 1645 3428
|
||||
Q 1925 3584 2291 3584
|
||||
Q 2894 3584 3203 3211
|
||||
Q 3513 2838 3513 2113
|
||||
z
|
||||
" transform="scale(0.015625)"/>
|
||||
<path id="DejaVuSans-75" d="M 544 1381
|
||||
L 544 3500
|
||||
L 1119 3500
|
||||
L 1119 1403
|
||||
Q 1119 906 1312 657
|
||||
Q 1506 409 1894 409
|
||||
Q 2359 409 2629 706
|
||||
Q 2900 1003 2900 1516
|
||||
L 2900 3500
|
||||
L 3475 3500
|
||||
L 3475 0
|
||||
L 2900 0
|
||||
L 2900 538
|
||||
Q 2691 219 2414 64
|
||||
Q 2138 -91 1772 -91
|
||||
Q 1169 -91 856 284
|
||||
Q 544 659 544 1381
|
||||
z
|
||||
M 1991 3584
|
||||
L 1991 3584
|
||||
z
|
||||
" transform="scale(0.015625)"/>
|
||||
<path id="DejaVuSans-73" d="M 2834 3397
|
||||
L 2834 2853
|
||||
Q 2591 2978 2328 3040
|
||||
Q 2066 3103 1784 3103
|
||||
Q 1356 3103 1142 2972
|
||||
Q 928 2841 928 2578
|
||||
Q 928 2378 1081 2264
|
||||
Q 1234 2150 1697 2047
|
||||
L 1894 2003
|
||||
Q 2506 1872 2764 1633
|
||||
Q 3022 1394 3022 966
|
||||
Q 3022 478 2636 193
|
||||
Q 2250 -91 1575 -91
|
||||
Q 1294 -91 989 -36
|
||||
Q 684 19 347 128
|
||||
L 347 722
|
||||
Q 666 556 975 473
|
||||
Q 1284 391 1588 391
|
||||
Q 1994 391 2212 530
|
||||
Q 2431 669 2431 922
|
||||
Q 2431 1156 2273 1281
|
||||
Q 2116 1406 1581 1522
|
||||
L 1381 1569
|
||||
Q 847 1681 609 1914
|
||||
Q 372 2147 372 2553
|
||||
Q 372 3047 722 3315
|
||||
Q 1072 3584 1716 3584
|
||||
Q 2034 3584 2315 3537
|
||||
Q 2597 3491 2834 3397
|
||||
z
|
||||
" transform="scale(0.015625)"/>
|
||||
</defs>
|
||||
<use xlink:href="#DejaVuSans-41"/>
|
||||
<use xlink:href="#DejaVuSans-76" x="62.533203"/>
|
||||
<use xlink:href="#DejaVuSans-65" x="121.712891"/>
|
||||
<use xlink:href="#DejaVuSans-72" x="183.236328"/>
|
||||
<use xlink:href="#DejaVuSans-61" x="224.349609"/>
|
||||
<use xlink:href="#DejaVuSans-67" x="285.628906"/>
|
||||
<use xlink:href="#DejaVuSans-65" x="349.105469"/>
|
||||
<use xlink:href="#DejaVuSans-20" x="410.628906"/>
|
||||
<use xlink:href="#DejaVuSans-74" x="442.416016"/>
|
||||
<use xlink:href="#DejaVuSans-6f" x="481.625"/>
|
||||
<use xlink:href="#DejaVuSans-6b" x="542.806641"/>
|
||||
<use xlink:href="#DejaVuSans-65" x="597.091797"/>
|
||||
<use xlink:href="#DejaVuSans-6e" x="658.615234"/>
|
||||
<use xlink:href="#DejaVuSans-20" x="721.994141"/>
|
||||
<use xlink:href="#DejaVuSans-75" x="753.78125"/>
|
||||
<use xlink:href="#DejaVuSans-73" x="817.160156"/>
|
||||
<use xlink:href="#DejaVuSans-61" x="869.259766"/>
|
||||
<use xlink:href="#DejaVuSans-67" x="930.539062"/>
|
||||
<use xlink:href="#DejaVuSans-65" x="994.015625"/>
|
||||
</g>
|
||||
</g>
|
||||
</g>
|
||||
<g id="LineCollection_1">
|
||||
<path d="M 94.755398 15.286833
|
||||
L 94.755398 15.12
|
||||
" clip-path="url(#pcf4b9c146f)" style="fill: none; stroke: #000000; stroke-width: 1.5"/>
|
||||
</g>
|
||||
<g id="line2d_8">
|
||||
<defs>
|
||||
<path id="m4bf997ddda" d="M 5 0
|
||||
L -5 -0
|
||||
" style="stroke: #000000"/>
|
||||
</defs>
|
||||
<g clip-path="url(#pcf4b9c146f)">
|
||||
<use xlink:href="#m4bf997ddda" x="94.755398" y="15.286833" style="stroke: #000000"/>
|
||||
</g>
|
||||
</g>
|
||||
<g id="line2d_9">
|
||||
<g clip-path="url(#pcf4b9c146f)">
|
||||
<use xlink:href="#m4bf997ddda" x="94.755398" y="15.12" style="stroke: #000000"/>
|
||||
</g>
|
||||
</g>
|
||||
<g id="LineCollection_2">
|
||||
<path d="M 179.300852 106.250279
|
||||
L 179.300852 94.734299
|
||||
" clip-path="url(#pcf4b9c146f)" style="fill: none; stroke: #000000; stroke-width: 1.5"/>
|
||||
</g>
|
||||
<g id="line2d_10">
|
||||
<g clip-path="url(#pcf4b9c146f)">
|
||||
<use xlink:href="#m4bf997ddda" x="179.300852" y="106.250279" style="stroke: #000000"/>
|
||||
</g>
|
||||
</g>
|
||||
<g id="line2d_11">
|
||||
<g clip-path="url(#pcf4b9c146f)">
|
||||
<use xlink:href="#m4bf997ddda" x="179.300852" y="94.734299" style="stroke: #000000"/>
|
||||
</g>
|
||||
</g>
|
||||
<g id="patch_5">
|
||||
<path d="M 53.328125 173.52
|
||||
L 53.328125 7.2
|
||||
" style="fill: none; stroke: #000000; stroke-width: 0.8; stroke-linejoin: miter; stroke-linecap: square"/>
|
||||
</g>
|
||||
<g id="patch_6">
|
||||
<path d="M 53.328125 173.52
|
||||
L 220.728125 173.52
|
||||
" style="fill: none; stroke: #000000; stroke-width: 0.8; stroke-linejoin: miter; stroke-linecap: square"/>
|
||||
</g>
|
||||
<g id="legend_1">
|
||||
<g id="patch_7">
|
||||
<path d="M 160.768125 64.958125
|
||||
L 252.5525 64.958125
|
||||
Q 254.5525 64.958125 254.5525 62.958125
|
||||
L 254.5525 34.601875
|
||||
Q 254.5525 32.601875 252.5525 32.601875
|
||||
L 160.768125 32.601875
|
||||
Q 158.768125 32.601875 158.768125 34.601875
|
||||
L 158.768125 62.958125
|
||||
Q 158.768125 64.958125 160.768125 64.958125
|
||||
z
|
||||
" style="fill: #ffffff; opacity: 0.8; stroke: #cccccc; stroke-linejoin: miter"/>
|
||||
</g>
|
||||
<g id="patch_8">
|
||||
<path d="M 162.768125 44.200313
|
||||
L 182.768125 44.200313
|
||||
L 182.768125 37.200313
|
||||
L 162.768125 37.200313
|
||||
z
|
||||
" style="fill: #ff0000"/>
|
||||
</g>
|
||||
<g id="text_9">
|
||||
<!-- Cypher-RAG -->
|
||||
<g transform="translate(190.768125 44.200313) scale(0.1 -0.1)">
|
||||
<use xlink:href="#DejaVuSans-43"/>
|
||||
<use xlink:href="#DejaVuSans-79" x="69.824219"/>
|
||||
<use xlink:href="#DejaVuSans-70" x="129.003906"/>
|
||||
<use xlink:href="#DejaVuSans-68" x="192.480469"/>
|
||||
<use xlink:href="#DejaVuSans-65" x="255.859375"/>
|
||||
<use xlink:href="#DejaVuSans-72" x="317.382812"/>
|
||||
<use xlink:href="#DejaVuSans-2d" x="352.121094"/>
|
||||
<use xlink:href="#DejaVuSans-52" x="388.205078"/>
|
||||
<use xlink:href="#DejaVuSans-41" x="453.6875"/>
|
||||
<use xlink:href="#DejaVuSans-47" x="520.345703"/>
|
||||
</g>
|
||||
</g>
|
||||
<g id="patch_9">
|
||||
<path d="M 162.768125 58.878438
|
||||
L 182.768125 58.878438
|
||||
L 182.768125 51.878438
|
||||
L 162.768125 51.878438
|
||||
z
|
||||
" style="fill: #008000"/>
|
||||
</g>
|
||||
<g id="text_10">
|
||||
<!-- KG-RAG -->
|
||||
<g transform="translate(190.768125 58.878438) scale(0.1 -0.1)">
|
||||
<use xlink:href="#DejaVuSans-4b"/>
|
||||
<use xlink:href="#DejaVuSans-47" x="65.576172"/>
|
||||
<use xlink:href="#DejaVuSans-2d" x="143.066406"/>
|
||||
<use xlink:href="#DejaVuSans-52" x="179.150391"/>
|
||||
<use xlink:href="#DejaVuSans-41" x="244.632812"/>
|
||||
<use xlink:href="#DejaVuSans-47" x="311.291016"/>
|
||||
</g>
|
||||
</g>
|
||||
</g>
|
||||
</g>
|
||||
</g>
|
||||
<defs>
|
||||
<clipPath id="pcf4b9c146f">
|
||||
<rect x="53.328125" y="7.2" width="167.4" height="166.32"/>
|
||||
</clipPath>
|
||||
</defs>
|
||||
</svg>
|
||||
|
After Width: | Height: | Size: 21 KiB |
@@ -0,0 +1,737 @@
|
||||
question,label,llm_answer
|
||||
enhanced S-cone syndrome is not a vitreoretinal degeneration,False,"{{
|
||||
""answer"": ""False""
|
||||
}}"
|
||||
metronidazole treats crohn's disease,True,"{ ""answer"": ""True"" }"
|
||||
KLEEFSTRA SYNDROME 1 is not associated with Gene EHMT1,False,"{""answer"": ""False""}"
|
||||
Juvenile polyposis syndrome associates Gene SMAD4,True,"{""answer"": ""True""}"
|
||||
Disease ontology identifier for congenital generalized lipodystrophy type 2 is DOID:10588,False,"{{
|
||||
""answer"": ""False""
|
||||
}}"
|
||||
Disease ontology identifier for Marfan syndrome is DOID:0060055,False,"{""answer"": ""False""}"
|
||||
cystic fibrosis is a respiratory system disorder,True,"{{
|
||||
""answer"": ""True""
|
||||
}}"
|
||||
alpha-Mannosidosis associates Gene MAN2B1,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
Wolcott-Rallison syndrome associates Gene EIF2AK3,True,"{{
|
||||
""answer"": ""True""
|
||||
}}"
|
||||
Neurofibromatosis 2 is not associated with Gene NF2,False,"{
|
||||
""answer"": ""False""
|
||||
}"
|
||||
Angelman syndrome is a syndromic disease,True,"{{
|
||||
""answer"": ""True""
|
||||
}}"
|
||||
colchicine treats familial mediterranean fever,True,"{ ""answer"": ""True"" }"
|
||||
Marfan Syndrome associates Gene FBN1,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
Mowat-Wilson syndrome is a syndromic intellectual disability,True,"{{
|
||||
""answer"": ""True""
|
||||
}}"
|
||||
mulibrey nanism is a syndromic disease,True,"{{
|
||||
""answer"": ""True""
|
||||
}}"
|
||||
Disease ontology identifier for pheochromocytoma is DOID:14692,False,"{{
|
||||
""answer"": ""False""
|
||||
}}"
|
||||
Tangier Disease is not associated with Gene ABCA1,False,"{""answer"": ""False""}"
|
||||
Disease ontology identifier for central diabetes insipidus is DOID:350,False,"{
|
||||
""answer"": ""False""
|
||||
}"
|
||||
Ulnar-mammary syndrome is not associated with Gene TBX3,False,"{""answer"": ""False""}"
|
||||
bevacizumab treats hereditary hemorrhagic telangiectasia,True,"{""answer"": ""True""}"
|
||||
Liver carcinoma is not associated with Gene MET,False,"{
|
||||
""answer"": ""False""
|
||||
}"
|
||||
Antithrombin III Deficiency is not associated with Gene SERPINC1,False,"{
|
||||
""answer"": ""False""
|
||||
}"
|
||||
Mastocytosis is not associated with Gene KIT,False,"{
|
||||
""answer"": ""False""
|
||||
}"
|
||||
Disease ontology identifier for Farber lipogranulomatosis is DOID:0050464,True,"{{
|
||||
""answer"": ""True""
|
||||
}}"
|
||||
Familial Mediterranean Fever associates Gene MEFV,True,"{""answer"": ""True""}"
|
||||
Disease ontology identifier for Wiskott-Aldrich syndrome is DOID:9169,True,"{{
|
||||
""answer"": ""True""
|
||||
}}"
|
||||
Tay-Sachs disease is not a eye degenerative disorder,False,"{{
|
||||
""answer"": ""False""
|
||||
}}"
|
||||
ibuprofen treats cystic fibrosis,True,"{""answer"": ""False""}"
|
||||
Juvenile Myoclonic Epilepsy is not associated with Gene EFHC1,False,"{{
|
||||
""answer"": ""False""
|
||||
}}"
|
||||
Costello syndrome (disorder) is not associated with Gene HRAS,False,"{""answer"": ""False""}"
|
||||
Very long chain acyl-CoA dehydrogenase deficiency is not associated with Gene ACADVL,False,"{""answer"": ""False""}"
|
||||
Wolman disease is a lysosomal acid lipase deficiency,True,"{{
|
||||
""answer"": ""True""
|
||||
}}"
|
||||
Fibrodysplasia Ossificans Progressiva associates Gene ACVR1,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
Canavan Disease associates Gene ASPA,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
Chediak-Higashi syndrome is a congenital nervous system disorder,True,"{{
|
||||
""answer"": ""True""
|
||||
}}"
|
||||
Hereditary hemorrhagic telangiectasia associates Gene ENG,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
Lafora Disease is not associated with Gene NHLRC1,False,"{""answer"": ""False""}"
|
||||
Pheochromocytoma is not associated with Gene RET,False,"{{
|
||||
""answer"": ""False""
|
||||
}}"
|
||||
"Xeroderma pigmentosum, group B associates Gene ERCC3",True,"{""answer"": ""False""}"
|
||||
Acute intermittent porphyria is not associated with Gene HMBS,False,"{""answer"": ""False""}"
|
||||
melphalan treats melanoma,True,"{ ""answer"": ""True"" }"
|
||||
piebaldism is a autosomal dominant disease,True,"{{
|
||||
""answer"": ""True""
|
||||
}}"
|
||||
vitelliform macular dystrophy is not a macular degeneration,False,"{{
|
||||
""answer"": ""False""
|
||||
}}"
|
||||
Spinocerebellar Ataxia Type 5 associates Gene SPTBN2,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
Disease ontology identifier for Pelizaeus-Merzbacher disease is DOID:5688,False,"{
|
||||
""answer"": ""False""
|
||||
}"
|
||||
"Robinow syndrome, autosomal recessive associates Gene ROR2",True,"{{
|
||||
""answer"": ""True""
|
||||
}}"
|
||||
Disease ontology identifier for Loeys-Dietz syndrome is DOID:0060745,False,"{""answer"": ""False""}"
|
||||
Cystic Fibrosis associates Gene CFTR,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
Greig cephalopolysyndactyly syndrome associates Gene GLI3,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
alkaptonuria is not a disorder of tyrosine metabolism,False,"{
|
||||
""answer"": ""False""
|
||||
}"
|
||||
Timothy syndrome associates Gene CACNA1C,True,"{""answer"": ""True""}"
|
||||
Unverricht-Lundborg syndrome is a movement disorder,True,"{{
|
||||
""answer"": ""True""
|
||||
}}"
|
||||
Denys-Drash syndrome is a autosomal dominant disease,True,"{{
|
||||
""answer"": ""False""
|
||||
}}"
|
||||
factor ix treats hemophilia b,True,"{""answer"": ""True""}"
|
||||
adrenal cortex hormones treats crohn's disease,True,False
|
||||
Mucopolysaccharidosis VI associates Gene ARSB,True,"{""answer"": ""True""}"
|
||||
"HEMOCHROMATOSIS, TYPE 4 associates Gene SLC40A1",True,"{""answer"": ""False""}"
|
||||
"Charcot-Marie-Tooth Disease, Type Ib associates Gene MPZ",True,"{ ""answer"": ""True"" }"
|
||||
Disease ontology identifier for Timothy syndrome is DOID:0060173,True,"{{
|
||||
""answer"": ""True""
|
||||
}}"
|
||||
Denys-Drash Syndrome is not associated with Gene WT1,False,"{
|
||||
""answer"": ""False""
|
||||
}"
|
||||
Cherubism associates Gene SH3BP2,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
PITT-HOPKINS SYNDROME is not associated with Gene TCF4,False,"{""answer"": ""False""}"
|
||||
Greig cephalopolysyndactyly syndrome is not a syndromic disease,False,"{{
|
||||
""answer"": ""False""
|
||||
}}"
|
||||
Paroxysmal Nonkinesigenic Dyskinesia 1 is not associated with Gene PNKD,False,"{""answer"": ""False""}"
|
||||
Enhanced S-Cone Syndrome is not associated with Gene NR2E3,False,"{""answer"": ""False""}"
|
||||
Canavan disease is a inborn aminoacylase deficiency,True,"{{
|
||||
""answer"": ""False""
|
||||
}}"
|
||||
Episodic ataxia type 2 (disorder) is not associated with Gene CACNA1A,False,"{{
|
||||
""answer"": ""False""
|
||||
}}"
|
||||
Aniridia is not associated with Gene PAX6,False,"{
|
||||
""answer"": ""False""
|
||||
}"
|
||||
Congenital contractural arachnodactyly associates Gene FBN2,True,"{ ""answer"": ""True"" }"
|
||||
Muenke Syndrome associates Gene FGFR3,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
Carney complex is a autosomal dominant disease,True,"{{
|
||||
""answer"": ""True""
|
||||
}}"
|
||||
Borjeson-Forssman-Lehmann syndrome is not a X-linked syndromic intellectual disability,False,"{{
|
||||
""answer"": ""False""
|
||||
}}"
|
||||
Johanson-Blizzard syndrome associates Gene UBR1,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
MASA SYNDROME (disorder) is not associated with Gene L1CAM,False,"{
|
||||
""answer"": ""False""
|
||||
}"
|
||||
Autosomal dominant hypophosphatemic rickets associates Gene FGF23,True,"{{
|
||||
""answer"": ""True""
|
||||
}}"
|
||||
Acrodermatitis enteropathica associates Gene SLC39A4,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
Rothmund-Thomson syndrome is not associated with Gene RECQL4,False,"{""answer"": ""False""}"
|
||||
Cleidocranial Dysplasia associates Gene RUNX2,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
LONG QT SYNDROME 3 associates Gene SCN5A,True,"{{
|
||||
""answer"": ""True""
|
||||
}}"
|
||||
Infantile hypophosphatasia associates Gene ALPL,True,"{{
|
||||
""answer"": ""True""
|
||||
}}"
|
||||
acrodermatitis enteropathica is not a inborn metal metabolism disorder,False,"{{
|
||||
""answer"": ""False""
|
||||
}}"
|
||||
Ataxia Telangiectasia associates Gene ATM,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
alpha-galactosidase treats fabry disease,True,"{ ""answer"": ""True"" }"
|
||||
Laron syndrome is a autosomal recessive disease,True,"{{
|
||||
""answer"": ""True""
|
||||
}}"
|
||||
Piebaldism associates Gene KIT,True,"{{
|
||||
""answer"": ""True""
|
||||
}}"
|
||||
Pfeiffer Syndrome associates Gene FGFR2,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
"Bernard-Soulier syndrome is a inherited bleeding disorder, platelet-type",True,"{{
|
||||
""answer"": ""True""
|
||||
}}"
|
||||
Burkitt Lymphoma is not associated with Gene MYC,False,"{{
|
||||
""answer"": ""False""
|
||||
}}"
|
||||
Ornithine carbamoyltransferase deficiency associates Gene OTC,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
Nail-Patella Syndrome associates Gene LMX1B,True,"{{
|
||||
""answer"": ""True""
|
||||
}}"
|
||||
Tetralogy of Fallot associates Gene ZFPM2,True,"{{
|
||||
""answer"": ""True""
|
||||
}}"
|
||||
Hartnup Disease is not associated with Gene SLC6A19,False,"{""answer"": ""False""}"
|
||||
Disease ontology identifier for fibrodysplasia ossificans progressiva is DOID:13374,True,"{{
|
||||
""answer"": ""True""
|
||||
}}"
|
||||
familial Mediterranean fever is not a primary immunodeficiency due to a genetic defect in innate immunity,False,"{{
|
||||
""answer"": ""False""
|
||||
}}"
|
||||
Hemophilia B is not associated with Gene F9,False,"{""answer"": ""False""}"
|
||||
Rapp-Hodgkin syndrome is a autosomal dominant disease,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
Borjeson-Forssman-Lehmann syndrome is not associated with Gene PHF6,False,"{""answer"": ""False""}"
|
||||
Multiple Endocrine Neoplasia Type 2b associates Gene RET,True,"{{
|
||||
""answer"": ""True""
|
||||
}}"
|
||||
Choroideremia is not associated with Gene CHM,False,"{
|
||||
""answer"": ""False""
|
||||
}"
|
||||
Wolman Disease associates Gene LIPA,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
Adenine phosphoribosyltransferase deficiency associates Gene APRT,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
Holt-Oram syndrome is not associated with Gene TBX5,False,"{""answer"": ""False""}"
|
||||
tetralogy of fallot is not a hereditary disease,False,"{{
|
||||
""answer"": ""False""
|
||||
}}"
|
||||
Disease ontology identifier for mosaic variegated aneuploidy syndrome 1 is DOID:0080141,True,"{{
|
||||
""answer"": ""True""
|
||||
}}"
|
||||
hemophilia B is a hemorrhagic disease,True,"{{
|
||||
""answer"": ""True""
|
||||
}}"
|
||||
fatal familial insomnia is not a insomnia,False,"{
|
||||
""answer"": ""False""
|
||||
}"
|
||||
Disease ontology identifier for mastocytosis is DOID:0060768,False,"{""answer"": ""False""}"
|
||||
osteosarcoma is a sarcoma,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
immune checkpoint inhibitors treats melanoma,True,"{ ""answer"": ""True"" }"
|
||||
Johanson-Blizzard syndrome is a congenital nervous system disorder,True,"{{
|
||||
""answer"": ""True""
|
||||
}}"
|
||||
Achondroplasia is not a osteochondrodysplasia,False,"{
|
||||
""answer"": ""False""
|
||||
}"
|
||||
KUFOR-RAKEB SYNDROME associates Gene ATP13A2,True,"{""answer"": ""True""}"
|
||||
Loeys-Dietz Syndrome associates Gene TGFBR1,True,"{{
|
||||
""answer"": ""True""
|
||||
}}"
|
||||
Disease ontology identifier for Rothmund-Thomson syndrome is DOID:2732,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
Angelman Syndrome is not associated with Gene UBE3A,False,"{{
|
||||
""answer"": ""False""
|
||||
}}"
|
||||
biotinidase deficiency is not a multiple carboxylase deficiency,False,"{
|
||||
""answer"": ""False""
|
||||
}"
|
||||
6-mercaptopurine treats crohn's disease,True,"{ ""answer"": ""True"" }"
|
||||
Wolcott-Rallison syndrome is a syndromic disease,True,"{{
|
||||
""answer"": ""True""
|
||||
}}"
|
||||
Disease ontology identifier for spinocerebellar ataxia type 5 is DOID:0050882,False,"{{
|
||||
""answer"": ""True""
|
||||
}}"
|
||||
Pseudopseudohypoparathyroidism associates Gene GNAS,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
alveolar rhabdomyosarcoma is not a rhabdomyosarcoma,False,"{{
|
||||
""answer"": ""False""
|
||||
}}"
|
||||
Disease ontology identifier for Norrie disease is DOID:0060599,False,"{
|
||||
""answer"": ""False""
|
||||
}"
|
||||
vaccines treats melanoma,True,False
|
||||
argipressin treats central diabetes insipidus,True,"{""answer"": ""True""}"
|
||||
Omenn Syndrome associates Gene RAG2,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
adenine phosphoribosyltransferase deficiency is a inborn disorder of amino acid metabolism,True,"{{
|
||||
""answer"": ""False""
|
||||
}}"
|
||||
Progeria associates Gene LMNA,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
mercaptopurine treats crohn's disease,True,"{ ""answer"": ""True"" }"
|
||||
Peutz-Jeghers Syndrome associates Gene STK11,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
penicillamine treats cystinuria,True,"{ ""answer"": ""True"" }"
|
||||
Noonan syndrome is a multiple congenital anomalies/dysmorphic syndrome-variable intellectual disability syndrome,True,"{ ""answer"": ""True"" }"
|
||||
RAPP-HODGKIN SYNDROME associates Gene TP63,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
Bernard-Soulier Syndrome associates Gene GP1BA,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
Spinocerebellar Ataxia Type 6 (disorder) associates Gene CACNA1A,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
Werner Syndrome associates Gene WRN,True,"{""answer"": ""True""}"
|
||||
sarcoma is a cancer,True,"{{
|
||||
""answer"": ""True""
|
||||
}}"
|
||||
brachydactyly type C is a brachydactyly,True,"{{
|
||||
""answer"": ""True""
|
||||
}}"
|
||||
Alveolar rhabdomyosarcoma associates Gene PAX3,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
CHARGE Syndrome is not associated with Gene CHD7,False,"{
|
||||
""answer"": ""False""
|
||||
}"
|
||||
Ellis-van Creveld syndrome is not a heart disorder,False,"{{
|
||||
""answer"": ""False""
|
||||
}}"
|
||||
Pelizaeus-Merzbacher Disease associates Gene PLP1,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
Microvillus inclusion disease is not associated with Gene MYO5B,False,"{
|
||||
""answer"": ""False""
|
||||
}"
|
||||
DiGeorge syndrome is a congenital T-cell immunodeficiency,True,"{{
|
||||
""answer"": ""True""
|
||||
}}"
|
||||
melanoma associates Gene BRAF,True,"{{
|
||||
""answer"": ""True""
|
||||
}}"
|
||||
"Basal ganglia disease, biotin-responsive associates Gene SLC19A3",True,"{{
|
||||
""answer"": ""True""
|
||||
}}"
|
||||
Coffin-Siris syndrome associates Gene ARID1B,True,"{{
|
||||
""answer"": ""True""
|
||||
}}"
|
||||
Sitosterolemia is not associated with Gene ABCG8,False,"{
|
||||
""answer"": ""False""
|
||||
}"
|
||||
Alexander Disease associates Gene GFAP,True,"{""answer"": ""True""}"
|
||||
pembrolizumab treats melanoma,True,"{ ""answer"": ""True"" }"
|
||||
congenital contractural arachnodactyly is not a congenital nervous system disorder,False,"{{
|
||||
""answer"": ""True""
|
||||
}}"
|
||||
cherubism is not a autosomal dominant disease,False,"{
|
||||
""answer"": ""False""
|
||||
}"
|
||||
Norrie disease associates Gene NDP,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
Hyperkalemic periodic paralysis is not associated with Gene SCN4A,False,"{""answer"": ""False""}"
|
||||
Disease ontology identifier for ataxia telangiectasia is DOID:0060010,False,"{{
|
||||
""answer"": ""False""
|
||||
}}"
|
||||
"Xeroderma pigmentosum, group A associates Gene XPA",True,"{ ""answer"": ""True"" }"
|
||||
antibiotics treats obesity,True,False
|
||||
antineoplastic agents treats osteosarcoma,True,"{""answer"": ""True""}"
|
||||
Jervell-Lange Nielsen Syndrome is not associated with Gene KCNQ1,False,"{
|
||||
""answer"": ""False""
|
||||
}"
|
||||
insulin treats obesity,True,False
|
||||
Pitt-Hopkins syndrome is a syndromic disease,True,"{{
|
||||
""answer"": ""True""
|
||||
}}"
|
||||
POLYCYSTIC KIDNEY DISEASE 1 associates Gene PKD1,True,"{{
|
||||
""answer"": ""True""
|
||||
}}"
|
||||
Disease ontology identifier for Tangier disease is DOID:1388,True,"{{
|
||||
""answer"": ""True""
|
||||
}}"
|
||||
Disease ontology identifier for Smith-Lemli-Opitz syndrome is DOID:0080026,False,"{""answer"": ""False""}"
|
||||
alpha-d-galactosidase enzyme treats fabry disease,True,False
|
||||
Burkitt lymphoma is a neoplasm of mature B-cells,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
Vitelliform Macular Dystrophy associates Gene BEST1,True,"{{
|
||||
""answer"": ""True""
|
||||
}}"
|
||||
Disease ontology identifier for Smith-Magenis syndrome is DOID:12271,False,"{{
|
||||
""answer"": ""False""
|
||||
}}"
|
||||
Noonan Syndrome associates Gene RAF1,True,"{ ""answer"": ""True"" }"
|
||||
Bernard-Soulier Syndrome associates Gene GP1BB,True,"{""answer"": ""True""}"
|
||||
Neurofibromatosis 1 associates Gene NF1,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
Brugada Syndrome (disorder) associates Gene SCN5A,True,"{{
|
||||
""answer"": ""True""
|
||||
}}"
|
||||
Smith-Lemli-Opitz Syndrome is not associated with Gene DHCR7,False,"{""answer"": ""False""}"
|
||||
Biotinidase Deficiency is not associated with Gene BTD,False,"{""answer"": ""False""}"
|
||||
Allan-Herndon-Dudley syndrome (AHDS) is not associated with Gene SLC16A2,False,"{
|
||||
""answer"": ""False""
|
||||
}"
|
||||
enoxaparin treats obesity,True,False
|
||||
Li-Fraumeni syndrome is a autosomal dominant disease,True,"{{
|
||||
""answer"": ""True""
|
||||
}}"
|
||||
WHIM syndrome is not associated with Gene CXCR4,False,"{
|
||||
""answer"": ""False""
|
||||
}"
|
||||
multiple endocrine neoplasia type 2B is a autosomal dominant disease,True,"{{
|
||||
""answer"": ""True""
|
||||
}}"
|
||||
Alstrom Syndrome associates Gene ALMS1,True,"{ ""answer"": ""True"" }"
|
||||
Gyrate Atrophy associates Gene OAT,True,"{""answer"": ""True""}"
|
||||
tuberous sclerosis is a autosomal dominant disease,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
Fabry disease is not a developmental anomaly of metabolic origin,False,"{{
|
||||
""answer"": ""False""
|
||||
}}"
|
||||
"Xeroderma Pigmentosum, Complementation Group D associates Gene ERCC2",True,"{""answer"": ""False""}"
|
||||
Argininosuccinic Aciduria associates Gene ASL,True,"{""answer"": ""True""}"
|
||||
Lesch-Nyhan Syndrome associates Gene HPRT1,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
Creutzfeldt-Jakob disease is not associated with Gene PRNP,False,"{{
|
||||
""answer"": ""False""
|
||||
}}"
|
||||
BIETTI CRYSTALLINE CORNEORETINAL DYSTROPHY is not associated with Gene CYP4V2,False,"{""answer"": ""False""}"
|
||||
Disease ontology identifier for juvenile myoclonic epilepsy is DOID:4890,True,"{{
|
||||
""answer"": ""True""
|
||||
}}"
|
||||
"XERODERMA PIGMENTOSUM, COMPLEMENTATION GROUP E associates Gene DDB2",True,"{""answer"": ""False""}"
|
||||
anesthetics treats pheochromocytoma,True,False
|
||||
Disease ontology identifier for ornithine carbamoyltransferase deficiency is DOID:9271,True,"{{
|
||||
""answer"": ""True""
|
||||
}}"
|
||||
Saethre-Chotzen Syndrome is not associated with Gene TWIST1,False,"{""answer"": ""False""}"
|
||||
prothrombin complex concentrates treats hemophilia b,True,"{""answer"": ""False""}"
|
||||
Disease ontology identifier for ethylmalonic encephalopathy is DOID:0060640,True,"{{
|
||||
""answer"": ""True""
|
||||
}}"
|
||||
Alexander disease is a leukodystrophy,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
Variant rs2476601 associates Rheumatoid Arthritis,True,"{{
|
||||
""answer"": ""True""
|
||||
}}"
|
||||
Carney Complex is not associated with Gene PRKAR1A,False,"{{
|
||||
""answer"": ""False""
|
||||
}}"
|
||||
Disease ontology identifier for Werner syndrome is DOID:0050466,False,"{""answer"": ""False""}"
|
||||
very long chain acyl-CoA dehydrogenase deficiency is not a disorder of fatty acid oxidation and ketogenesis,False,"{{
|
||||
""answer"": ""False""
|
||||
}}"
|
||||
DOYNE HONEYCOMB RETINAL DYSTROPHY associates Gene EFEMP1,True,"{{
|
||||
""answer"": ""True""
|
||||
}}"
|
||||
Central Diabetes Insipidus associates Gene AVP,True,"{{
|
||||
""answer"": ""True""
|
||||
}}"
|
||||
Disease ontology identifier for popliteal pterygium syndrome is DOID:0050756,False,"{{
|
||||
""answer"": ""False""
|
||||
}}"
|
||||
Fragile X Syndrome associates Gene FMR1,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
Loeys-Dietz Syndrome associates Gene TGFBR2,True,"{{
|
||||
""answer"": ""True""
|
||||
}}"
|
||||
"XERODERMA PIGMENTOSUM, COMPLEMENTATION GROUP C associates Gene XPC",True,"{""answer"": ""True""}"
|
||||
"CHARCOT-MARIE-TOOTH DISEASE, TYPE 4C associates Gene SH3TC2",True,"{{
|
||||
""answer"": ""True""
|
||||
}}"
|
||||
hereditary hemorrhagic telangiectasia is a autosomal dominant disease,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
Sandhoff disease is a eye degenerative disorder,True,"{""answer"": ""True""}"
|
||||
Disease ontology identifier for aniridia is DOID:12704,False,"{""answer"": ""False""}"
|
||||
Congenital Generalized Lipodystrophy Type 2 associates Gene BSCL2,True,"{{
|
||||
""answer"": ""True""
|
||||
}}"
|
||||
Noonan Syndrome associates Gene PTPN11,True,"{{
|
||||
""answer"": ""True""
|
||||
}}"
|
||||
Juvenile Spinal Muscular Atrophy associates Gene SMN1,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
"CHARCOT-MARIE-TOOTH DISEASE, TYPE 4J associates Gene FIG4",True,"{{
|
||||
""answer"": ""True""
|
||||
}}"
|
||||
Alkaptonuria associates Gene HGD,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
Cystinuria is not associated with Gene SLC7A9,False,"{""answer"": ""False""}"
|
||||
Popliteal pterygium syndrome is not associated with Gene IRF6,False,"{
|
||||
""answer"": ""False""
|
||||
}"
|
||||
Aspartylglucosaminuria is not associated with Gene AGA,False,"{""answer"": ""False""}"
|
||||
Nijmegen Breakage Syndrome is not associated with Gene NBN,False,"{{
|
||||
""answer"": ""False""
|
||||
}}"
|
||||
Mowat-Wilson syndrome is not associated with Gene ZEB2,False,"{""answer"": ""False""}"
|
||||
Disease ontology identifier for fragile X syndrome is DOID:14261,True,"{{
|
||||
""answer"": ""True""
|
||||
}}"
|
||||
Sarcoma associates Gene TP53,True,"{""answer"": ""False""}"
|
||||
Alstrom syndrome is a ciliopathy,True,"{{
|
||||
""answer"": ""True""
|
||||
}}"
|
||||
Gray Platelet Syndrome is not associated with Gene NBEAL2,False,"{""answer"": ""False""}"
|
||||
Ethylmalonic encephalopathy is not associated with Gene ETHE1,False,"{
|
||||
""answer"": ""False""
|
||||
}"
|
||||
L-2-HYDROXYGLUTARIC ACIDURIA associates Gene L2HGDH,True,"{{
|
||||
""answer"": ""True""
|
||||
}}"
|
||||
Disease ontology identifier for campomelic dysplasia is DOID:0050463,True,"{{
|
||||
""answer"": ""True""
|
||||
}}"
|
||||
choroideremia is not a X-linked disease,False,"{{
|
||||
""answer"": ""False""
|
||||
}}"
|
||||
Coffin-Siris syndrome is a syndromic disease,True,"{{
|
||||
""answer"": ""True""
|
||||
}}"
|
||||
Nance-Horan syndrome associates Gene NHS,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
Disease ontology identifier for cystinuria is DOID:9266,True,"{{
|
||||
""answer"": ""True""
|
||||
}}"
|
||||
Disease ontology identifier for gray platelet syndrome is DOID:0111044,True,"{{
|
||||
""answer"": ""True""
|
||||
}}"
|
||||
Maple Syrup Urine Disease associates Gene DBT,True,"{{
|
||||
""answer"": ""True""
|
||||
}}"
|
||||
Spinocerebellar Ataxia Type 1 is not associated with Gene ATXN1,False,"{{
|
||||
""answer"": ""False""
|
||||
}}"
|
||||
Holt-Oram syndrome is a autosomal dominant disease,True,"{{
|
||||
""answer"": ""True""
|
||||
}}"
|
||||
agalsidase alfa treats fabry disease,True,"{{
|
||||
""answer"": ""True""
|
||||
}}"
|
||||
Disease ontology identifier for pseudopseudohypoparathyroidism is DOID:4183,True,"{{
|
||||
""answer"": ""True""
|
||||
}}"
|
||||
agalsidase beta treats fabry disease,True,"{ ""answer"": ""True"" }"
|
||||
Unverricht-Lundborg Syndrome is not associated with Gene CSTB,False,"{""answer"": ""False""}"
|
||||
L-2-hydroxyglutaric aciduria is not a 2-hydroxyglutaric aciduria,False,"{{
|
||||
""answer"": ""False""
|
||||
}}"
|
||||
Refsum Disease associates Gene PHYH,True,"{{
|
||||
""answer"": ""True""
|
||||
}}"
|
||||
Achondroplasia is not associated with Gene FGFR3,False,"{
|
||||
""answer"": ""False""
|
||||
}"
|
||||
pseudoachondroplasia is a osteochondrodysplasia,True,"{{
|
||||
""answer"": ""True""
|
||||
}}"
|
||||
prasterone treats obesity,True,"{""answer"": ""False""}"
|
||||
LATE-ONSET RETINAL DEGENERATION (disorder) associates Gene C1QTNF5,True,"{{
|
||||
""answer"": ""True""
|
||||
}}"
|
||||
immunosuppressive agents treats crohn's disease,True,"{ ""answer"": ""True"" }"
|
||||
nail-patella syndrome is a autosomal dominant disease,True,"{{
|
||||
""answer"": ""True""
|
||||
}}"
|
||||
Mulibrey Nanism is not associated with Gene TRIM37,False,"{
|
||||
""answer"": ""False""
|
||||
}"
|
||||
"Xeroderma pigmentosum, group G is not associated with Gene ERCC5",False,"{""answer"": ""False""}"
|
||||
Disease ontology identifier for Lafora disease is DOID:3534,True,"{{
|
||||
""answer"": ""True""
|
||||
}}"
|
||||
Brachydactyly type C is not associated with Gene GDF5,False,"{
|
||||
""answer"": ""False""
|
||||
}"
|
||||
Cystinuria is not associated with Gene SLC3A1,False,"{""answer"": ""False""}"
|
||||
Obesity is not associated with Gene MC4R,False,"{""answer"": ""False""}"
|
||||
Kleefstra syndrome 1 is a Kleefstra syndrome,True,"{{
|
||||
""answer"": ""True""
|
||||
}}"
|
||||
everolimus treats tuberous sclerosis,True,"{{
|
||||
""answer"": ""True""
|
||||
}}"
|
||||
Autosomal Recessive Polycystic Kidney Disease associates Gene PKHD1,True,"{""answer"": ""True""}"
|
||||
amiloride treats cystic fibrosis,True,"{""answer"": ""False""}"
|
||||
Liver carcinoma associates Gene TP53,True,"{{
|
||||
""answer"": ""True""
|
||||
}}"
|
||||
Adrenoleukodystrophy associates Gene ABCD1,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
Tuberous Sclerosis associates Gene TSC2,True,"{""answer"": ""True""}"
|
||||
Myoclonic dystonia is not associated with Gene SGCE,False,"{
|
||||
""answer"": ""False""
|
||||
}"
|
||||
Long QT Syndrome 1 associates Gene KCNQ1,True,"{ ""answer"": ""True"" }"
|
||||
Smith-Magenis syndrome associates Gene RAI1,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
Disease ontology identifier for autosomal dominant hypophosphatemic rickets is DOID:0050948,True,"{{
|
||||
""answer"": ""True""
|
||||
}}"
|
||||
nitisinone treats alkaptonuria,True,"{""answer"": ""True""}"
|
||||
immune checkpoint inhibitor treats melanoma,True,"{ ""answer"": ""True"" }"
|
||||
Li-Fraumeni Syndrome is not associated with Gene TP53,False,"{{
|
||||
""answer"": ""False""
|
||||
}}"
|
||||
argininosuccinic aciduria is a amino acid metabolism disease,True,"{{
|
||||
""answer"": ""True""
|
||||
}}"
|
||||
Hyperargininemia is not associated with Gene ARG1,False,"{""answer"": ""False""}"
|
||||
Fabry Disease associates Gene GLA,True,"{{
|
||||
""answer"": ""True""
|
||||
}}"
|
||||
Disease ontology identifier for beta-mannosidosis is DOID:0111136,False,"{""answer"": ""False""}"
|
||||
Disease ontology identifier for spinocerebellar ataxia type 1 is DOID:0050954,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
Waardenburg Syndrome Type 1 associates Gene PAX3,True,"{""answer"": ""True""}"
|
||||
Osteosarcoma is not associated with Gene TP53,False,"{
|
||||
""answer"": ""False""
|
||||
}"
|
||||
Mucopolysaccharidosis II associates Gene IDS,True,"{""answer"": ""True""}"
|
||||
"Xeroderma pigmentosum, group F associates Gene ERCC4",True,"{""answer"": ""True""}"
|
||||
Pierson syndrome is not a autosomal recessive disease,False,"{{
|
||||
""answer"": ""False""
|
||||
}}"
|
||||
Nijmegen breakage syndrome is a autosomal recessive disease,True,"{{
|
||||
""answer"": ""True""
|
||||
}}"
|
||||
Ellis-Van Creveld Syndrome associates Gene EVC2,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
X-linked agammaglobulinemia associates Gene BTK,True,"{{
|
||||
""answer"": ""True""
|
||||
}}"
|
||||
azithromycin treats cystic fibrosis,True,False
|
||||
liraglutide treats obesity,True,"{ ""answer"": ""True"" }"
|
||||
Chediak-Higashi Syndrome associates Gene LYST,True,"{""answer"": ""True""}"
|
||||
"FANCONI ANEMIA, COMPLEMENTATION GROUP D2 is not associated with Gene FANCD2",False,"{{
|
||||
""answer"": ""False""
|
||||
}}"
|
||||
Wiskott-Aldrich Syndrome is not associated with Gene WAS,False,"{""answer"": ""False""}"
|
||||
Pseudoxanthoma Elasticum associates Gene ABCC6,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
Disease ontology identifier for Omenn syndrome is DOID:3633,False,"{
|
||||
""answer"": ""False""
|
||||
}"
|
||||
Hajdu-Cheney Syndrome associates Gene NOTCH2,True,"{ ""answer"": ""True"" }"
|
||||
Disease ontology identifier for adrenoleukodystrophy is DOID:0060844,False,"{""answer"": ""False""}"
|
||||
antibiotics treats cystic fibrosis,True,"{""answer"": ""True""}"
|
||||
Mosaic variegated aneuploidy syndrome 1 associates Gene BUB1B,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
Noonan Syndrome associates Gene KRAS,True,"{{
|
||||
""answer"": ""True""
|
||||
}}"
|
||||
Coffin-Lowry syndrome associates Gene RPS6KA3,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
Laron Syndrome associates Gene GHR,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
Leigh Disease associates Gene SURF1,True,"{""answer"": ""True""}"
|
||||
DiGeorge Syndrome is not associated with Gene TBX1,False,"{{
|
||||
""answer"": ""False""
|
||||
}}"
|
||||
Disease ontology identifier for Nance-Horan syndrome is DOID:0050771,False,"{""answer"": ""False""}"
|
||||
"TIBIAL MUSCULAR DYSTROPHY, TARDIVE associates Gene TTN",True,"{""answer"": ""True""}"
|
||||
protein-tyrosine kinase inhibitor treats sarcoma,True,"{""answer"": ""True""}"
|
||||
Lafora Disease associates Gene EPM2A,True,"{{
|
||||
""answer"": ""True""
|
||||
}}"
|
||||
Pseudoachondroplasia associates Gene COMP,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
"Charcot-Marie-Tooth disease, Type 4B1 associates Gene MTMR2",True,"{ ""answer"": ""True"" }"
|
||||
dehydroepiandrosterone treats obesity,True,"{""answer"": ""False""}"
|
||||
Hartnup disease is a inborn disorder of amino acid transport,True,"{{
|
||||
""answer"": ""True""
|
||||
}}"
|
||||
Farber Lipogranulomatosis is not associated with Gene ASAH1,False,"{""answer"": ""False""}"
|
||||
Disease ontology identifier for Lesch-Nyhan syndrome is DOID:1919,True,"{{
|
||||
""answer"": ""True""
|
||||
}}"
|
||||
Polycythemia Vera is not associated with Gene JAK2,False,"{
|
||||
""answer"": ""False""
|
||||
}"
|
||||
hyperkalemic periodic paralysis is not a familial periodic paralysis,False,"{{
|
||||
""answer"": ""False""
|
||||
}}"
|
||||
Coffin-Lowry syndrome is not a X-linked syndromic intellectual disability,False,"{{
|
||||
""answer"": ""False""
|
||||
}}"
|
||||
macrolide antibiotics treats cystic fibrosis,True,False
|
||||
Pierson syndrome is not associated with Gene LAMB2,False,"{""answer"": ""False""}"
|
||||
CAMPOMELIC DYSPLASIA associates Gene SOX9,True,"{{
|
||||
""answer"": ""True""
|
||||
}}"
|
||||
Fatal Familial Insomnia is not associated with Gene PRNP,False,"{
|
||||
""answer"": ""False""
|
||||
}"
|
||||
Disease ontology identifier for sitosterolemia is DOID:0090019,True,"{{
|
||||
""answer"": ""True""
|
||||
}}"
|
||||
Tay-Sachs Disease associates Gene HEXA,True,"{ ""answer"": ""True"" }"
|
||||
beta-Mannosidosis is not associated with Gene MANBA,False,"{{
|
||||
""answer"": ""False""
|
||||
}}"
|
||||
Noonan Syndrome associates Gene SOS1,True,"{ ""answer"": ""True"" }"
|
||||
Obesity is not associated with Gene PPARG,False,"{{
|
||||
""answer"": ""False""
|
||||
}}"
|
||||
Congenital amegakaryocytic thrombocytopenia is not associated with Gene MPL,False,"{""answer"": ""False""}"
|
||||
Leigh Disease associates Gene NDUFS4,True,"{""answer"": ""True""}"
|
||||
Sandhoff Disease is not associated with Gene HEXB,False,"{""answer"": ""False""}"
|
||||
Disease ontology identifier for Doyne honeycomb retinal dystrophy is DOID:0081055,False,"{""answer"": ""False""}"
|
||||
Juvenile polyposis syndrome associates Gene BMPR1A,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
|
@@ -0,0 +1,921 @@
|
||||
question,correct_answer,llm_answer
|
||||
"Out of the given list, which Gene is associated with psoriasis and Takayasu's arteritis. Given list is: SHTN1, HLA-B, SLC14A2, BTBD9, DTNB",HLA-B,"{
|
||||
""answer"": ""HLA-B""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with psoriasis and myelodysplastic syndrome. Given list is: NOD2, CHEK2, HLA-B, GCKR, PKNOX2",HLA-B,"{
|
||||
""answer"": ""NOD2""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with psoriasis and herpes zoster. Given list is: MIF, HLA-B, PLA2G6, SCN1A, KITLG",HLA-B,"{
|
||||
""answer"": ""HLA-B""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with psoriasis and allergic rhinitis. Given list is: ATP2B1, HLA-B, STAT4, TERT, FADS1",HLA-B,"{
|
||||
""answer"": ""HLA-B""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with psoriasis and diffuse large B-cell lymphoma. Given list is: PTPRD, XBP1, BRCA2, DMRT1, HLA-B",HLA-B,"{
|
||||
""answer"": ""HLA-B""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with psoriasis and psoriatic arthritis. Given list is: IGF2BP2, GRAMD1B, TNRC18, SFRP4, HLA-B",HLA-B,"{
|
||||
""answer"": ""HLA-B""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with membranous glomerulonephritis and autoimmune hepatitis. Given list is: RBFOX1, RORA, IL2RA, BTC, HLA-DQA1",HLA-DQA1,"{
|
||||
""answer"": ""HLA-DQA1""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with membranous glomerulonephritis and immunoglobulin alpha deficiency. Given list is: HLA-DQA1, ADH1B, TM6SF2, TERT, IL2RA",HLA-DQA1,"{
|
||||
""answer"": ""HLA-DQA1""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with membranous glomerulonephritis and collagenous colitis. Given list is: HLA-DQA1, STAT4, ATXN2, GNE, RAD51B",HLA-DQA1,"{
|
||||
""answer"": ""HLA-DQA1""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with membranous glomerulonephritis and cutaneous lupus erythematosus. Given list is: ZFHX3, HLA-DQA1, EPDR1, CRTC1, HLA-DQA1",HLA-DQA1,"{
|
||||
""answer"": ""HLA-DQA1""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with membranous glomerulonephritis and cervix carcinoma. Given list is: PSCA, HLA-DQA1, KALRN, HLA-DQA1, HLA-DRB5",HLA-DQA1,"{
|
||||
""answer"": ""HLA-DQA1""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with periodontitis and primary angle-closure glaucoma. Given list is: EPDR1, TYR, IL23R, STN1, PRNP",EPDR1,"{
|
||||
""answer"": ""EPDR1""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with Hodgkin's lymphoma and Hodgkin's lymphoma, nodular sclerosis. Given list is: SHTN1, ERAP1, GATA3, XBP1, FTO",GATA3,"{
|
||||
""answer"": ""GATA3""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with limited scleroderma and allergic rhinitis. Given list is: TLR1, WNT4, HLA-DPA1, PSCA, DTNB",TLR1,"{
|
||||
""answer"": ""HLA-DPA1""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with malaria and duodenal ulcer. Given list is: TP53, ABO, HLA-DPA1, ADGRV1, GNE",ABO,"{
|
||||
""answer"": ""ABO""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with malaria and pancreatic carcinoma. Given list is: ABO, HLA-DPA1, TNRC6B, JAK2, TERT",ABO,"{
|
||||
""answer"": ""None of the given genes (ABO, HLA-DPA1, TNRC6B, JAK2, TERT) are associated with both malaria and pancreatic carcinoma.""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with focal epilepsy and epilepsy. Given list is: SCN1A, ABCG2, DTNB, LRMDA, CPS1",SCN1A,"{
|
||||
""answer"": ""SCN1A""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with hypertrophic cardiomyopathy and dilated cardiomyopathy. Given list is: ZFPM2, HLA-B, BRCA2, MST1, MYH7",MYH7,"{
|
||||
""answer"": ""MYH7""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with inflammatory bowel disease and ankylosing spondylitis. Given list is: HOXD3, HNF1B, TYR, IL23R, TRAF3IP2",IL23R,"{
|
||||
""answer"": ""IL23R""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with inflammatory bowel disease and ulcerative colitis. Given list is: GATA3, IL10, HOXD3, IL23R, TNFSF15",IL23R,"{
|
||||
""answer"": ""IL10, IL23R, TNFSF15""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with inflammatory bowel disease and Crohn's disease. Given list is: TNRC6B, ARMS2, RORA, MORC4, IL23R",IL23R,"{
|
||||
""answer"": ""IL23R""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with interstitial lung disease and triple-receptor negative breast cancer. Given list is: TERT, FER, TERT, PCDH15, PTK2B",TERT,"{
|
||||
""answer"": ""TERT""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with interstitial lung disease and idiopathic pulmonary fibrosis. Given list is: ATXN2, ERAP1, RBFOX1, NANOS1, TERT",TERT,"{
|
||||
""answer"": ""TERT""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with interstitial lung disease and myeloproliferative neoplasm. Given list is: ZFPM2, IL23R, TERT, THADA, IL23R",TERT,"{
|
||||
""answer"": ""TERT""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with interstitial lung disease and central nervous system cancer. Given list is: FGFR2, TERT, HLA-DQA1, GTF2I, SLC14A2",TERT,"{
|
||||
""answer"": ""TERT""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with interstitial lung disease and estrogen-receptor negative breast cancer. Given list is: TERT, CACNB2, ERAP1, PRKAA1, SHTN1",TERT,"{
|
||||
""answer"": ""TERT""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with interstitial lung disease and lung adenocarcinoma. Given list is: CHST11, SYT14, TERT, BARD1, USHBP1",TERT,"{
|
||||
""answer"": ""TERT""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with interstitial lung disease and lung carcinoma. Given list is: BTN2A1, BRCA2, STAT3, TERT, TFAP2B",TERT,"{
|
||||
""answer"": ""TFAP2B""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with triple-receptor negative breast cancer and interstitial lung disease. Given list is: ADGRG6, FGFR2, AFAP1, TERT, YLPM1",TERT,"{
|
||||
""answer"": ""TERT""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with triple-receptor negative breast cancer and idiopathic pulmonary fibrosis. Given list is: CRTC1, TERT, ATG5, WNT10A, ULK4",TERT,"{
|
||||
""answer"": ""TERT""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with triple-receptor negative breast cancer and myeloproliferative neoplasm. Given list is: ERAP1, SNCA, TERT, ULK4, ADGRG6",TERT,"{
|
||||
""answer"": ""None""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with triple-receptor negative breast cancer and central nervous system cancer. Given list is: PLG, HLA-DQA1, IL6, ATXN2, TERT",TERT,"{
|
||||
""answer"": ""TERT""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with triple-receptor negative breast cancer and estrogen-receptor negative breast cancer. Given list is: TERT, KIT, DGKK, ATP2B1, IL6",TERT,"{
|
||||
""answer"": ""None""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with triple-receptor negative breast cancer and lung adenocarcinoma. Given list is: TERT, POU5F1B, PLG, IGF1R, LRMDA",TERT,"{
|
||||
""answer"": ""TERT""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with triple-receptor negative breast cancer and lung carcinoma. Given list is: PTPN22, C5, TERT, FCGR2A, FADS2",TERT,"{
|
||||
""answer"": ""TERT""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with lung small cell carcinoma and opiate dependence. Given list is: CFH, CLPTM1L, TERT, FAT3, ADGRV1",ADGRV1,"{
|
||||
""answer"": ""ADGRV1""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with lung small cell carcinoma and cervix carcinoma. Given list is: TERT, ADGRV1, PHGDH, CACNA1D, TFAP2B",ADGRV1,"{
|
||||
""answer"": ""ADGRV1""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with male breast cancer and urticaria. Given list is: BABAM1, RAD51B, PHGDH, ABO, TERT",RAD51B,"{
|
||||
""answer"": ""RAD51B""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with idiopathic pulmonary fibrosis and interstitial lung disease. Given list is: COL22A1, KIF1B, TERT, CLPTM1L, HLA-DQA1",TERT,"{
|
||||
""answer"": ""TERT""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with idiopathic pulmonary fibrosis and triple-receptor negative breast cancer. Given list is: RELN, TERT, PLA2R1, DNMT3A, ABO",TERT,"{
|
||||
""answer"": ""TERT""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with idiopathic pulmonary fibrosis and myeloproliferative neoplasm. Given list is: STAT4, UMOD, ADGRV1, UMPS, TERT",TERT,"{
|
||||
""answer"": ""TERT""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with idiopathic pulmonary fibrosis and central nervous system cancer. Given list is: LOXL1, TERT, KALRN, RP1, IL6",TERT,"{
|
||||
""answer"": ""TERT""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with idiopathic pulmonary fibrosis and estrogen-receptor negative breast cancer. Given list is: TERT, TNFSF15, NTM, IGF2BP2, STN1",TERT,"{
|
||||
""answer"": ""TERT""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with idiopathic pulmonary fibrosis and lung adenocarcinoma. Given list is: HLA-B, CFH, PSCA, TERT, USHBP1",TERT,"{
|
||||
""answer"": ""TERT""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with idiopathic pulmonary fibrosis and lung carcinoma. Given list is: ABCG2, SULT1B1, ERAP1, TERT, CHST11",TERT,"{
|
||||
""answer"": ""TERT""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with thyroid gland papillary carcinoma and hypothyroidism. Given list is: CLPTM1L, MYBPC3, FAM227B, VAV3, PRNP",VAV3,"{
|
||||
""answer"": ""CLPTM1L""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with thyroid gland papillary carcinoma and differentiated thyroid gland carcinoma. Given list is: ACOXL, POU5F1B, VAV3, PSCA, ZFPM2",VAV3,"{
|
||||
""answer"": ""ZFPM2""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with mature B-cell neoplasm and androgenic alopecia. Given list is: HLA-DPA1, PRKAG2, ERAP1, SLC14A2, FER",SLC14A2,"{
|
||||
""answer"": ""HLA-DPA1""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with mature B-cell neoplasm and cocaine dependence. Given list is: TLR1, SLC14A2, SCN1A, IL12RB2, PLG",SLC14A2,"{
|
||||
""answer"": ""None of the given genes are associated with both mature B-cell neoplasm and cocaine dependence.""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with hepatitis B and lymphoma. Given list is: KALRN, HLA-DQB2, ALDH1A2, STAT4, FBN1",HLA-DQB2,"{
|
||||
""answer"": ""HLA-DQB2""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with autoimmune hepatitis and membranous glomerulonephritis. Given list is: STAT4, HLA-DQA1, TNFSF13, CFH, KITLG",HLA-DQA1,"{
|
||||
""answer"": ""HLA-DQA1""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with autoimmune hepatitis and oral cavity cancer. Given list is: CACNA2D1, HLF, SULT1B1, HLA-DQB1, DLEU7",HLA-DQB1,"{
|
||||
""answer"": ""HLA-DQB1""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with autoimmune hepatitis and immunoglobulin alpha deficiency. Given list is: HLA-DQA1, HLA-DQB1, UCK2, PLA2R1, HLA-DQA1",HLA-DQA1,"{
|
||||
""answer"": ""HLA-DQA1""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with autoimmune hepatitis and collagenous colitis. Given list is: KALRN, TERT, PLA2R1, NANOS1, HLA-DQA1",HLA-DQA1,"{
|
||||
""answer"": ""HLA-DQA1""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with autoimmune hepatitis and oropharynx cancer. Given list is: EYA2, LOXL1, BTBD9, TMEM71, HLA-DQB1",HLA-DQB1,"{
|
||||
""answer"": ""HLA-DQB1""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with autoimmune hepatitis and nephrotic syndrome. Given list is: IGF1R, HLA-DQB1, IL2RA, SLC17A4, EPDR1",HLA-DQB1,"{
|
||||
""answer"": ""HLA-DQB1""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with autoimmune hepatitis and rheumatic heart disease. Given list is: KAT2B, HLA-DQB1, GSDMB, ALDH1A2, THADA",HLA-DQB1,"{
|
||||
""answer"": ""HLA-DQB1""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with autoimmune hepatitis and cutaneous lupus erythematosus. Given list is: PTPN22, HLA-DQA1, CACNB2, CCDC33, IL2RA",HLA-DQA1,"{
|
||||
""answer"": ""HLA-DQA1""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with autoimmune hepatitis and cervix carcinoma. Given list is: FAT3, HLA-DPA1, HLA-DQA1, CACNA1S, CACNA2D1",HLA-DQA1,"{
|
||||
""answer"": ""HLA-DQA1""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with primary angle-closure glaucoma and periodontitis. Given list is: EPDR1, ADH1B, USHBP1, POU5F1B, SHTN1",EPDR1,"{
|
||||
""answer"": ""EPDR1""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with non-alcoholic fatty liver disease and liver cirrhosis. Given list is: IL23R, RP1, PSCA, PNPLA3, PLG",PNPLA3,"{
|
||||
""answer"": ""PNPLA3""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with non-alcoholic fatty liver disease and non-alcoholic steatohepatitis. Given list is: C5AR1, PNPLA3, ABCG2, BTC, UMPS",PNPLA3,"{
|
||||
""answer"": ""PNPLA3""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with hypothyroidism and thyroid gland papillary carcinoma. Given list is: PRKACB, FAM13A, VAV3, ZFPM2, TERT",VAV3,"{
|
||||
""answer"": ""TERT""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with hypothyroidism and differentiated thyroid gland carcinoma. Given list is: PNPLA3, RELN, RP1, STAT4, VAV3",VAV3,"{
|
||||
""answer"": ""STAT4""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with liver cirrhosis and non-alcoholic fatty liver disease. Given list is: HYKK, PLA2G6, ADH1B, PNPLA3, RGS14",PNPLA3,"{
|
||||
""answer"": ""PNPLA3""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with liver cirrhosis and head and neck cancer. Given list is: CACNA2D1, HLA-DQA1, ADGRV1, YLPM1, STN1",CACNA2D1,"{
|
||||
""answer"": ""STN1""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with liver cirrhosis and non-alcoholic steatohepatitis. Given list is: SCN1A, EYA2, CACNA2D1, HBB, PNPLA3",PNPLA3,"{
|
||||
""answer"": ""PNPLA3""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with liver cirrhosis and uveal melanoma. Given list is: VAV3, PSCA, CACNA2D1, NTM, SULT1B1",CACNA2D1,"{
|
||||
""answer"": ""None of the given genes are associated with liver cirrhosis and uveal melanoma.""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with Takayasu's arteritis and psoriasis. Given list is: ABCG2, HLA-B, CACNA1C, RGS14, PTPN22",HLA-B,"{
|
||||
""answer"": ""HLA-B""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with Takayasu's arteritis and myelodysplastic syndrome. Given list is: CCDC33, PCDH15, RBFOX1, HLA-B, ERAP1",HLA-B,"{
|
||||
""answer"": ""HLA-B""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with Takayasu's arteritis and herpes zoster. Given list is: HLA-B, STAT6, HLA-DQA1, HBB, CFH",HLA-B,"{
|
||||
""answer"": ""HLA-B""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with Takayasu's arteritis and allergic rhinitis. Given list is: HLA-DQB2, CRTC1, FAM13A, TNRC6B, HLA-B",HLA-B,"{
|
||||
""answer"": ""HLA-B""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with Takayasu's arteritis and diffuse large B-cell lymphoma. Given list is: HLA-B, PLG, BRCA2, PNPLA3, PBX2",HLA-B,"{
|
||||
""answer"": ""HLA-B""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with Takayasu's arteritis and psoriatic arthritis. Given list is: RELN, HLA-B, HLA-B, SNTB1, SCN1A",HLA-B,"{
|
||||
""answer"": ""HLA-B""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with oral cavity cancer and autoimmune hepatitis. Given list is: KAT2B, TTLL5, HLA-DQB1, HOXD3, SAMM50",HLA-DQB1,"{
|
||||
""answer"": ""HLA-DQB1""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with oral cavity cancer and oropharynx cancer. Given list is: GCKR, HLA-DQB1, CACNA1S, TNFSF15, RAD51B",HLA-DQB1,"{
|
||||
""answer"": ""HLA-DQB1""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with oral cavity cancer and nephrotic syndrome. Given list is: ARMS2, HLA-DQB1, LOXL1, HLA-B, ACOXL",HLA-DQB1,"{
|
||||
""answer"": ""HLA-DQB1""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with oral cavity cancer and rheumatic heart disease. Given list is: HLA-DQB1, HBB, TNNT2, ITPA, HLA-DQB1",HLA-DQB1,"{
|
||||
""answer"": ""HLA-DQB1""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with oral cavity cancer and pancreatic carcinoma. Given list is: CLPTM1L, CASZ1, AKAP6, HERC2, IL6",CLPTM1L,"{
|
||||
""answer"": ""CLPTM1L""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with immunoglobulin alpha deficiency and membranous glomerulonephritis. Given list is: HLA-DQA1, HLA-DQB1, MYH7, TNRC6B, CRTC1",HLA-DQA1,"{
|
||||
""answer"": ""HLA-DQA1""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with immunoglobulin alpha deficiency and autoimmune hepatitis. Given list is: SLC14A2, PRKAG2, HLA-DQA1, HLA-DQA1, PLG",HLA-DQA1,"{
|
||||
""answer"": ""HLA-DQA1""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with immunoglobulin alpha deficiency and collagenous colitis. Given list is: GATA3, HLA-DQA1, SNTB1, CHEK2, HLA-DRB5",HLA-DQA1,"{
|
||||
""answer"": ""HLA-DQA1""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with immunoglobulin alpha deficiency and cutaneous lupus erythematosus. Given list is: PLA2R1, DTNB, FER, HLA-DQA1, PINX1",HLA-DQA1,"{
|
||||
""answer"": ""HLA-DQA1""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with immunoglobulin alpha deficiency and cervix carcinoma. Given list is: CLPTM1L, STAT3, HLA-DQA1, ABO, HLA-DPB1",HLA-DQA1,"{
|
||||
""answer"": ""HLA-DQA1""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with myelodysplastic syndrome and psoriasis. Given list is: VAV3, TERT, CLPTM1L, PTPN22, HLA-B",HLA-B,"{
|
||||
""answer"": ""HLA-B""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with myelodysplastic syndrome and Takayasu's arteritis. Given list is: BTN3A1, AKAP6, CACNA2D1, HLA-B, CACNA1A",HLA-B,"{
|
||||
""answer"": ""HLA-B""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with myelodysplastic syndrome and herpes zoster. Given list is: DTNB, HLA-B, ATP2B1, SLC14A2, KALRN",HLA-B,"{
|
||||
""answer"": ""HLA-B""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with myelodysplastic syndrome and allergic rhinitis. Given list is: ARMS2, CHEK2, HLA-B, BTN3A1, GSDMB",HLA-B,"{
|
||||
""answer"": ""HLA-B""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with myelodysplastic syndrome and diffuse large B-cell lymphoma. Given list is: MIF, TDP2, TMEM71, HLA-DQA1, HLA-B",HLA-B,"{
|
||||
""answer"": ""HLA-DQA1""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with myelodysplastic syndrome and psoriatic arthritis. Given list is: MST1, BTNL2, HLA-B, HERC2, HLA-DQB1",HLA-B,"{
|
||||
""answer"": ""HLA-B""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with differentiated thyroid gland carcinoma and thyroid gland papillary carcinoma. Given list is: ITPA, CHEK2, CRTC1, PLG, VAV3",VAV3,"{
|
||||
""answer"": ""CHEK2""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with differentiated thyroid gland carcinoma and hypothyroidism. Given list is: ERAP1, HLA-DQA1, VAV3, PINX1, PCDH15",VAV3,"{
|
||||
""answer"": ""PINX1""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with Barrett's esophagus and esophagus adenocarcinoma. Given list is: HLA-DQB1, CRTC1, HLA-B, CFH, MYBPC3",CRTC1,"{
|
||||
""answer"": ""CRTC1""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with ankylosing spondylitis and inflammatory bowel disease. Given list is: LPP, UCK2, YLPM1, DAB2IP, IL23R",IL23R,"{
|
||||
""answer"": ""IL23R""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with ankylosing spondylitis and ulcerative colitis. Given list is: KIT, SAMM50, IL23R, PSCA, HLA-DQB1",IL23R,"{
|
||||
""answer"": ""IL23R""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with ankylosing spondylitis and anterior uveitis. Given list is: CFH, XBP1, ERAP1, SYT14, HNF1B",ERAP1,"{
|
||||
""answer"": ""ERAP1""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with ankylosing spondylitis and Crohn's disease. Given list is: IL23R, HLA-DQB1, TNRC18, EYA2, SLC2A9",IL23R,"{
|
||||
""answer"": ""IL23R""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with rheumatoid arthritis and myositis. Given list is: STAT3, BARD1, PTPN22, PRKN, C5AR1",PTPN22,"{
|
||||
""answer"": ""PTPN22""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with neuromyelitis optica and neurotic disorder. Given list is: TNRC18, PCDH7, CASZ1, GATA3, TNXB",TNXB,"{
|
||||
""answer"": ""TNXB""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with collagenous colitis and membranous glomerulonephritis. Given list is: PHACTR1, CASZ1, PNPLA3, HLA-DQA1, ATP2B1",HLA-DQA1,"{
|
||||
""answer"": ""HLA-DQA1""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with collagenous colitis and autoimmune hepatitis. Given list is: CACNA1D, HLA-DQA1, AKAP6, MST1, NTM",HLA-DQA1,"{
|
||||
""answer"": ""HLA-DQA1""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with collagenous colitis and immunoglobulin alpha deficiency. Given list is: EPAS1, MYH7, RELN, HLA-DQA1, KIT",HLA-DQA1,"{
|
||||
""answer"": ""HLA-DQA1""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with collagenous colitis and cutaneous lupus erythematosus. Given list is: MYH7, HLA-DQA1, HLA-DQA1, TERT, BARD1",HLA-DQA1,"{
|
||||
""answer"": ""HLA-DQA1""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with collagenous colitis and cervix carcinoma. Given list is: NEURL1, TERT, HLA-DQA1, TERT, SLC17A4",HLA-DQA1,"{
|
||||
""answer"": ""HLA-DQA1""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with dengue hemorrhagic fever and intracranial aneurysm. Given list is: RP1, TLR1, UCK2, GNE, FADS1",RP1,"{
|
||||
""answer"": ""None of the given genes are associated with both dengue hemorrhagic fever and intracranial aneurysm.""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with dengue hemorrhagic fever and wheat allergy. Given list is: RBFOX1, EPDR1, BABAM1, PTPN22, WNT4",RBFOX1,"{
|
||||
""answer"": ""RBFOX1""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with neurotic disorder and neuromyelitis optica. Given list is: STAT4, LACC1, TNXB, UMPS, SFRP4",TNXB,"{
|
||||
""answer"": ""STAT4""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with head and neck cancer and liver cirrhosis. Given list is: TFAP2B, TERT, USHBP1, CACNA2D1, CRTC1",CACNA2D1,"{
|
||||
""answer"": ""TERT""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with head and neck cancer and uveal melanoma. Given list is: ABO, CACNA2D1, PSCA, TERT, SULT1B1",CACNA2D1,"{
|
||||
""answer"": ""TERT""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with age related macular degeneration and Kuhnt-Junius degeneration. Given list is: VAV3, UGT1A8, CFH, TP53, HLA-DQA1",CFH,"{
|
||||
""answer"": ""CFH""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with age related macular degeneration and kidney disease. Given list is: RAD51B, CFH, C1orf127, CASZ1, HAAO",CFH,"{
|
||||
""answer"": ""CFH""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with Kuhnt-Junius degeneration and age related macular degeneration. Given list is: CFH, CACNA2D1, STAT4, LACC1, SFRP4",CFH,"{
|
||||
""answer"": ""CFH""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with Kuhnt-Junius degeneration and kidney disease. Given list is: PRKACB, MUC5B, TERT, CFH, CACNA2D1",CFH,"{
|
||||
""answer"": ""CFH""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with lymphoma and hepatitis B. Given list is: HLA-DQB2, YLPM1, MTTP, HAAO, PTPN22",HLA-DQB2,"{
|
||||
""answer"": ""PTPN22""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with herpes zoster and psoriasis. Given list is: HLA-DQB1, HOXD3, FAM227B, DNMT3A, HLA-B",HLA-B,"{
|
||||
""answer"": ""HLA-B""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with herpes zoster and Takayasu's arteritis. Given list is: FAM227B, PRKN, CSNK2B, HLA-B, FGFR2",HLA-B,"{
|
||||
""answer"": ""HLA-B""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with herpes zoster and myelodysplastic syndrome. Given list is: HLA-B, TMEM71, KITLG, PTPRD, AHR",HLA-B,"{
|
||||
""answer"": ""None of the given genes (HLA-B, TMEM71, KITLG, PTPRD, AHR) are associated with both herpes zoster and myelodysplastic syndrome.""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with herpes zoster and allergic rhinitis. Given list is: HLA-B, HLA-B, IGF2BP2, CLPTM1L, CACNA2D1",HLA-B,"{
|
||||
""answer"": ""HLA-B""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with herpes zoster and diffuse large B-cell lymphoma. Given list is: HLA-B, ATXN2, SLC14A2, EYA2, POU5F1B",HLA-B,"{
|
||||
""answer"": ""HLA-B""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with herpes zoster and psoriatic arthritis. Given list is: HLA-B, ADGRV1, CPS1, SULT1B1, ATG5",HLA-B,"{
|
||||
""answer"": ""HLA-B""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with duodenal ulcer and malaria. Given list is: IGF1R, HLA-DQA1, USHBP1, ABO, GTF2I",ABO,"{
|
||||
""answer"": ""ABO""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with duodenal ulcer and atrophic gastritis. Given list is: SLC17A4, GATA3, MST1, PSCA, SCN1A",PSCA,"{
|
||||
""answer"": ""PSCA""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with duodenal ulcer and pancreatic carcinoma. Given list is: YLPM1, CFH, ABO, KALRN, STAT6",ABO,"{
|
||||
""answer"": ""ABO""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with duodenal ulcer and gastric fundus cancer. Given list is: CACNA1S, MUC5B, FBN1, PSCA, BTC",PSCA,"{
|
||||
""answer"": ""PSCA""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with non-alcoholic steatohepatitis and non-alcoholic fatty liver disease. Given list is: HLA-DQB2, ZFPM2, KALRN, PNPLA3, DENND1A",PNPLA3,"{
|
||||
""answer"": ""PNPLA3""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with non-alcoholic steatohepatitis and liver cirrhosis. Given list is: PNPLA3, SULT1B1, KIT, AHR, FAM227B",PNPLA3,"{
|
||||
""answer"": ""PNPLA3""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with oropharynx cancer and autoimmune hepatitis. Given list is: HLA-DQB1, TNXB, FBN1, C9, BTN3A1",HLA-DQB1,"{
|
||||
""answer"": ""HLA-DQB1""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with oropharynx cancer and oral cavity cancer. Given list is: MYBPC3, KIF1B, DGKK, HLA-DQB1, HLA-B",HLA-DQB1,"{
|
||||
""answer"": ""HLA-DQB1""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with oropharynx cancer and nephrotic syndrome. Given list is: FER, HLA-DQB1, FTO, SLC2A9, RAD51B",HLA-DQB1,"{
|
||||
""answer"": ""HLA-DQB1""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with oropharynx cancer and rheumatic heart disease. Given list is: DENND1A, HLA-DQB1, VRK2, TERT, CACNA1A",HLA-DQB1,"{
|
||||
""answer"": ""HLA-DQB1""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with ulcerative colitis and inflammatory bowel disease. Given list is: SAMD9L, IL23R, GATA3, DNMT3A, RAD51B",IL23R,"{
|
||||
""answer"": ""IL23R""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with ulcerative colitis and ankylosing spondylitis. Given list is: ALDH1A2, IL23R, DTNB, SNTB1, MYH7",IL23R,"{
|
||||
""answer"": ""IL23R""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with ulcerative colitis and Crohn's disease. Given list is: ZFHX3, OPTN, EML4, IL23R, STN1",IL23R,"{
|
||||
""answer"": ""IL23R""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with nephrotic syndrome and autoimmune hepatitis. Given list is: TNIP1, CACNA1C, SLC2A9, HLA-DQB1, CSNK2B",HLA-DQB1,"{
|
||||
""answer"": ""HLA-DQB1""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with nephrotic syndrome and oral cavity cancer. Given list is: CRTC1, PLG, AHR, SLC14A2, HLA-DQB1",HLA-DQB1,"{
|
||||
""answer"": ""HLA-DQB1""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with nephrotic syndrome and oropharynx cancer. Given list is: PRKAG2, SYT14, VAV3, HLA-DQB1, PNPLA3",HLA-DQB1,"{
|
||||
""answer"": ""HLA-DQB1""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with nephrotic syndrome and rheumatic heart disease. Given list is: GSDMB, KALRN, SNTB1, HLA-DQB1, CRTC1",HLA-DQB1,"{
|
||||
""answer"": ""HLA-DQB1""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with myositis and rheumatoid arthritis. Given list is: C9, RORA, TERT, HLA-B, PTPN22",PTPN22,"{
|
||||
""answer"": ""HLA-B""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with myositis and systemic scleroderma. Given list is: BTNL2, DMRT1, STAT4, CLPTM1L, SLC2A9",STAT4,"{
|
||||
""answer"": ""STAT4""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with myositis and Sjogren's syndrome. Given list is: STAT4, FTO, ACOXL, MORC4, TNXB",STAT4,"{
|
||||
""answer"": ""STAT4""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with intracranial aneurysm and dengue hemorrhagic fever. Given list is: RP1, IGF1R, BABAM1, DLEU7, ATG5",RP1,"{
|
||||
""answer"": ""RP1""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with squamous cell carcinoma and estrogen-receptor negative breast cancer. Given list is: BRCA2, RBFOX1, UCK2, PNPLA3, RAD51B",BRCA2,"{
|
||||
""answer"": ""RAD51B""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with squamous cell carcinoma and lung squamous cell carcinoma. Given list is: ARMS2, BRCA2, BTBD9, IL6, ALDH1A2",BRCA2,"{
|
||||
""answer"": ""BRCA2""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with androgenic alopecia and mature B-cell neoplasm. Given list is: TM6SF2, HLA-B, SLC14A2, PHGDH, TTLL5",SLC14A2,"{
|
||||
""answer"": ""None of the given genes are associated with both androgenic alopecia and mature B-cell neoplasm.""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with androgenic alopecia and cocaine dependence. Given list is: GSDMB, SLC14A2, ATXN2, PNPLA3, PRKACB",SLC14A2,"{
|
||||
""answer"": ""SLC14A2""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with sclerosing cholangitis and endometrial cancer. Given list is: FADS2, RP1, ATXN2, VRK2, PLA2G6",ATXN2,"{
|
||||
""answer"": ""ATXN2""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with cocaine dependence and mature B-cell neoplasm. Given list is: CHST11, GSDMB, ERAP1, TP63, SLC14A2",SLC14A2,"{
|
||||
""answer"": ""No gene is associated with both cocaine dependence and mature B-cell neoplasm.""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with cocaine dependence and androgenic alopecia. Given list is: ATG5, ADGRV1, NEURL1, SLC14A2, HLA-DPB1",SLC14A2,"{
|
||||
""answer"": ""SLC14A2""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with epilepsy and focal epilepsy. Given list is: NEURL1, SCN1A, HAAO, CLDN14, MYBPC3",SCN1A,"{
|
||||
""answer"": ""SCN1A""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with myeloproliferative neoplasm and interstitial lung disease. Given list is: LRMDA, TERT, CLDN14, UCK2, STAT3",TERT,"{
|
||||
""answer"": ""TERT""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with myeloproliferative neoplasm and triple-receptor negative breast cancer. Given list is: ABO, SCN1A, TERT, TGM2, COL22A1",TERT,"{
|
||||
""answer"": ""TERT""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with myeloproliferative neoplasm and idiopathic pulmonary fibrosis. Given list is: FBN1, TERT, DLEU7, IL2RA, PTK2B",TERT,"{
|
||||
""answer"": ""TERT""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with myeloproliferative neoplasm and central nervous system cancer. Given list is: WNT4, TERT, VAV3, ADH1B, GATA3",TERT,"{
|
||||
""answer"": ""TERT""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with myeloproliferative neoplasm and estrogen-receptor negative breast cancer. Given list is: STAT4, MYH7, BTBD9, ERAP1, TERT",TERT,"{
|
||||
""answer"": ""TERT""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with myeloproliferative neoplasm and lung adenocarcinoma. Given list is: SLC17A4, STAT6, HLA-DQB1, TERT, PRX",TERT,"{
|
||||
""answer"": ""TERT""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with myeloproliferative neoplasm and lung carcinoma. Given list is: LPP, TENM2, DMRT1, TERT, UCK2",TERT,"{
|
||||
""answer"": ""TERT""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with rheumatic heart disease and autoimmune hepatitis. Given list is: SPRED2, TTLL5, TLR1, ALDH1A2, HLA-DQB1",HLA-DQB1,"{
|
||||
""answer"": ""HLA-DQB1""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with rheumatic heart disease and oral cavity cancer. Given list is: HLA-DQB1, IL23R, TM6SF2, BTC, SYT14",HLA-DQB1,"{
|
||||
""answer"": ""HLA-DQB1""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with rheumatic heart disease and oropharynx cancer. Given list is: PLA2G6, HLA-DQB1, IL23R, FAM13A, ADH1B",HLA-DQB1,"{
|
||||
""answer"": ""HLA-DQB1""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with rheumatic heart disease and nephrotic syndrome. Given list is: CACNA1D, TFAP2B, STAT4, HLA-DQB1, PTK2B",HLA-DQB1,"{
|
||||
""answer"": ""HLA-DQB1""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with atrophic gastritis and duodenal ulcer. Given list is: HOXD3, ATP2B1, PSCA, CDK8, CACNA1A",PSCA,"{
|
||||
""answer"": ""PSCA""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with atrophic gastritis and gastric fundus cancer. Given list is: EYA2, CDKAL1, KAT2B, PSCA, PSCA",PSCA,"{
|
||||
""answer"": ""PSCA""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with wheat allergy and dengue hemorrhagic fever. Given list is: NEURL1, DLEU7, DMRT1, ADGRG6, RBFOX1",RBFOX1,"{
|
||||
""answer"": ""None of the given genes are associated with wheat allergy and dengue hemorrhagic fever.""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with pulmonary hypertension and dermatomyositis. Given list is: CLPTM1L, C5, HLA-DPA1, AHR, HLA-DQA1",HLA-DPA1,"{
|
||||
""answer"": ""HLA-DPA1""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with cutaneous lupus erythematosus and membranous glomerulonephritis. Given list is: JAK2, IL6, HLA-DQA1, HNF1B, ZEB2",HLA-DQA1,"{
|
||||
""answer"": ""HLA-DQA1""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with cutaneous lupus erythematosus and autoimmune hepatitis. Given list is: FGFR2, TERT, HLA-DQA1, IL6, HLA-DQB1",HLA-DQA1,"{
|
||||
""answer"": ""HLA-DQA1""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with cutaneous lupus erythematosus and immunoglobulin alpha deficiency. Given list is: DTNB, IL10, TNXB, FAM13A, HLA-DQA1",HLA-DQA1,"{
|
||||
""answer"": ""HLA-DQA1""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with cutaneous lupus erythematosus and collagenous colitis. Given list is: MUC5B, DLEU7, BRCA2, HLA-DQA1, THADA",HLA-DQA1,"{
|
||||
""answer"": ""HLA-DQA1""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with cutaneous lupus erythematosus and cervix carcinoma. Given list is: PRX, CDK8, HIP1, HLA-DQA1, RAD51B",HLA-DQA1,"{
|
||||
""answer"": ""RAD51B""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with systemic scleroderma and myositis. Given list is: HLA-DPB1, STAT4, UGT1A9, HLA-DQA1, TNRC6B",STAT4,"{
|
||||
""answer"": ""STAT4""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with systemic scleroderma and Sjogren's syndrome. Given list is: KITLG, STAT4, SLC14A2, COL22A1, TDP2",STAT4,"{
|
||||
""answer"": ""STAT4""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with childhood type dermatomyositis and dermatomyositis. Given list is: FTO, PLA2G6, ATP2B1, GSDMB, BRCA2",GSDMB,"{
|
||||
""answer"": ""PLA2G6""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with central nervous system cancer and interstitial lung disease. Given list is: ADGRV1, TENM2, TERT, LRMDA, CCDC33",TERT,"{
|
||||
""answer"": ""TERT""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with central nervous system cancer and triple-receptor negative breast cancer. Given list is: SLC17A4, KITLG, CAPN14, CACNA2D1, TERT",TERT,"{
|
||||
""answer"": ""TERT""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with central nervous system cancer and idiopathic pulmonary fibrosis. Given list is: TERT, MORC4, DMRT1, GRAMD1B, GTF2I",TERT,"{
|
||||
""answer"": ""TERT""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with central nervous system cancer and myeloproliferative neoplasm. Given list is: TERT, NOD2, HLA-DQB1, SAMM50, SFRP4",TERT,"{
|
||||
""answer"": ""TERT""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with central nervous system cancer and estrogen-receptor negative breast cancer. Given list is: BABAM1, ABO, TERT, PHACTR1, DTNB",TERT,"{
|
||||
""answer"": ""TERT""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with central nervous system cancer and lung adenocarcinoma. Given list is: ADGRG6, CDKAL1, TERT, HLA-DPA1, BRCA2",TERT,"{
|
||||
""answer"": ""TERT""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with central nervous system cancer and lung carcinoma. Given list is: MYBPC3, GCKR, STAT4, TERT, BTN2A1",TERT,"{
|
||||
""answer"": ""TERT""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with opiate dependence and lung small cell carcinoma. Given list is: IL23R, HLA-DQB2, ADGRV1, DLEU7, RBFOX1",ADGRV1,"{
|
||||
""answer"": ""ADGRV1""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with opiate dependence and cervix carcinoma. Given list is: SCN1A, ADGRV1, AHR, THADA, CASZ1",ADGRV1,"{
|
||||
""answer"": ""ADGRV1""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with estrogen-receptor negative breast cancer and interstitial lung disease. Given list is: FAM227B, PTPN22, PSCA, ABO, TERT",TERT,"{
|
||||
""answer"": ""TERT""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with estrogen-receptor negative breast cancer and triple-receptor negative breast cancer. Given list is: TRAF3IP2, HBB, TERT, HOXD3, ATP2B1",TERT,"{
|
||||
""answer"": ""TERT""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with estrogen-receptor negative breast cancer and idiopathic pulmonary fibrosis. Given list is: IL23R, BTBD9, SFRP4, PHGDH, TERT",TERT,"{
|
||||
""answer"": ""TERT""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with estrogen-receptor negative breast cancer and squamous cell carcinoma. Given list is: BRCA2, CLDN14, HLA-DPB1, HLA-DQB1, MTTP",BRCA2,"{
|
||||
""answer"": ""BRCA2""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with estrogen-receptor negative breast cancer and myeloproliferative neoplasm. Given list is: TERT, HLA-DQB2, BRCA2, GNE, STAT3",TERT,"{
|
||||
""answer"": ""STAT3""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with estrogen-receptor negative breast cancer and central nervous system cancer. Given list is: FER, CACNA1D, COL22A1, TNFSF15, TERT",TERT,"{
|
||||
""answer"": ""TERT""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with estrogen-receptor negative breast cancer and lung adenocarcinoma. Given list is: SAMD9L, PTPRD, DAB2IP, IL23R, TERT",TERT,"{
|
||||
""answer"": ""TERT""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with estrogen-receptor negative breast cancer and lung squamous cell carcinoma. Given list is: BRCA2, SULT1B1, SPRED2, CHST11, CCDC33",BRCA2,"{
|
||||
""answer"": ""BRCA2""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with estrogen-receptor negative breast cancer and lung carcinoma. Given list is: ABCG2, GATA3, TP53, TERT, PLA2G6",TERT,"{
|
||||
""answer"": ""TP53""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with dermatomyositis and pulmonary hypertension. Given list is: TG, HLA-DPA1, PNPLA3, ZFPM2, UMOD",HLA-DPA1,"{
|
||||
""answer"": ""HLA-DPA1""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with dermatomyositis and childhood type dermatomyositis. Given list is: GSDMB, HLA-DQA1, ADH1B, POU5F1B, HLA-B",GSDMB,"{
|
||||
""answer"": ""HLA-B""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with esophagus adenocarcinoma and Barrett's esophagus. Given list is: TERT, HLA-DQB2, EPDR1, PNPLA3, CRTC1",CRTC1,"{
|
||||
""answer"": ""CRTC1""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with kidney disease and age related macular degeneration. Given list is: CFH, MUC5B, DAB2IP, BTN2A1, ADH1B",CFH,"{
|
||||
""answer"": ""CFH""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with kidney disease and Kuhnt-Junius degeneration. Given list is: CFH, HLA-DQB2, DNMT3A, TNNT2, GATA3",CFH,"{
|
||||
""answer"": ""GATA3""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with anterior uveitis and ankylosing spondylitis. Given list is: SYT14, TNFSF15, UGT1A8, HBB, ERAP1",ERAP1,"{
|
||||
""answer"": ""ERAP1""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with dilated cardiomyopathy and hypertrophic cardiomyopathy. Given list is: TLR1, IL23R, HLA-B, MYH7, HLA-DQA1",MYH7,"{
|
||||
""answer"": ""MYH7""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with pancreatic carcinoma and malaria. Given list is: HLA-DQA1, CACNA1S, KAT2B, ABO, ATXN2",ABO,"{
|
||||
""answer"": ""ABO""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with pancreatic carcinoma and oral cavity cancer. Given list is: GCKR, CLPTM1L, CHST11, CRTC1, COL22A1",CLPTM1L,"{
|
||||
""answer"": ""CLPTM1L""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with pancreatic carcinoma and duodenal ulcer. Given list is: ABO, CRTC1, CACNB2, PSCA, CDK8",ABO,"{
|
||||
""answer"": ""PSCA""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with cervix carcinoma and membranous glomerulonephritis. Given list is: HLA-DQA1, WNT4, TNIP1, CAPN14, DTNB",HLA-DQA1,"{
|
||||
""answer"": ""HLA-DQA1""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with cervix carcinoma and lung small cell carcinoma. Given list is: TLR1, SYT14, VAV3, BTN2A1, ADGRV1",ADGRV1,"{
|
||||
""answer"": ""ADGRV1""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with cervix carcinoma and autoimmune hepatitis. Given list is: CHST11, FAT3, IL6, ERAP1, HLA-DQA1",HLA-DQA1,"{
|
||||
""answer"": ""HLA-DQA1""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with cervix carcinoma and immunoglobulin alpha deficiency. Given list is: SAMD9L, CDK8, HLA-DQA1, CFH, PRKN",HLA-DQA1,"{
|
||||
""answer"": ""HLA-DQA1""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with cervix carcinoma and collagenous colitis. Given list is: FAM227B, HLA-B, HLA-DQA1, CDKAL1, PNPLA3",HLA-DQA1,"{
|
||||
""answer"": ""HLA-DQA1""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with cervix carcinoma and cutaneous lupus erythematosus. Given list is: PRKN, HLA-DPA1, VAV3, RBFOX1, HLA-DQA1",HLA-DQA1,"{
|
||||
""answer"": ""HLA-DQA1""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with cervix carcinoma and opiate dependence. Given list is: HYKK, HOXD3, HLA-DQA1, ADGRV1, BRCA2",ADGRV1,"{
|
||||
""answer"": ""ADGRV1""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with Hodgkin's lymphoma, nodular sclerosis and Hodgkin's lymphoma. Given list is: HLA-DQB2, FADS2, GATA3, TM6SF2, CFH",GATA3,"{
|
||||
""answer"": ""GATA3""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with Sjogren's syndrome and myositis. Given list is: HLA-DQA1, KIT, TERT, STAT4, TERT",STAT4,"{
|
||||
""answer"": ""STAT4""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with Sjogren's syndrome and systemic scleroderma. Given list is: BTN3A1, HLA-DQB1, JAK2, TGM2, STAT4",STAT4,"{
|
||||
""answer"": ""STAT4""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with Crohn's disease and inflammatory bowel disease. Given list is: HBB, TNRC18, IL23R, RP1, LOXL1",IL23R,"{
|
||||
""answer"": ""IL23R""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with Crohn's disease and ankylosing spondylitis. Given list is: YLPM1, CHEK2, ZEB2, HLA-DQA1, IL23R",IL23R,"{
|
||||
""answer"": ""IL23R""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with Crohn's disease and ulcerative colitis. Given list is: CAPN14, LPP, UMPS, RBFOX1, IL23R",IL23R,"{
|
||||
""answer"": ""IL23R""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with urticaria and male breast cancer. Given list is: TGM2, TENM2, HLA-B, RAD51B, GSDMB",RAD51B,"{
|
||||
""answer"": ""RAD51B""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with allergic rhinitis and psoriasis. Given list is: MYH7, ADH1B, MYH7, HLA-B, PKNOX2",HLA-B,"{
|
||||
""answer"": ""HLA-B""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with allergic rhinitis and limited scleroderma. Given list is: SNCA, HLA-DQB1, TLR1, EPDR1, SHTN1",TLR1,"{
|
||||
""answer"": ""HLA-DQB1""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with allergic rhinitis and Takayasu's arteritis. Given list is: MORC4, STN1, ABO, HLA-B, PNPLA3",HLA-B,"{
|
||||
""answer"": ""ABO""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with allergic rhinitis and myelodysplastic syndrome. Given list is: TRAF3IP2, FADS1, SHTN1, ATXN2, HLA-B",HLA-B,"{
|
||||
""answer"": ""ATXN2""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with allergic rhinitis and herpes zoster. Given list is: CHST11, HLA-B, HLA-DQB1, RELN, TP53",HLA-B,"{
|
||||
""answer"": ""HLA-B""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with allergic rhinitis and diffuse large B-cell lymphoma. Given list is: HLA-B, CACNA1A, TERT, EPDR1, ATXN2",HLA-B,"{
|
||||
""answer"": ""ATXN2""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with allergic rhinitis and psoriatic arthritis. Given list is: HLA-B, FAM227B, RP1, FTO, KIF1B",HLA-B,"{
|
||||
""answer"": ""HLA-B""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with marginal zone lymphoma and diffuse large B-cell lymphoma. Given list is: FHOD3, PBX2, RP1, KALRN, AHR",KALRN,"{
|
||||
""answer"": ""AHR""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with diffuse large B-cell lymphoma and psoriasis. Given list is: ERAP1, CLPTM1L, ADGRG6, HLA-B, MST1",HLA-B,"{
|
||||
""answer"": ""HLA-B""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with diffuse large B-cell lymphoma and Takayasu's arteritis. Given list is: GTF2I, HLA-DQA1, HLA-B, CRTC1, RORA",HLA-B,"{
|
||||
""answer"": ""HLA-DQA1""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with diffuse large B-cell lymphoma and myelodysplastic syndrome. Given list is: IL23R, TERT, HLA-B, HLA-DQA1, TNXB",HLA-B,"{
|
||||
""answer"": ""TERT""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with diffuse large B-cell lymphoma and herpes zoster. Given list is: SNCA, CDKAL1, HLA-DQA1, HLA-B, RBFOX1",HLA-B,"{
|
||||
""answer"": ""HLA-B""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with diffuse large B-cell lymphoma and allergic rhinitis. Given list is: IL2RA, SLC14A2, HLA-B, TNFSF13, ZEB2",HLA-B,"{
|
||||
""answer"": ""HLA-B""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with diffuse large B-cell lymphoma and marginal zone lymphoma. Given list is: HLA-DPA1, VAV3, KALRN, IL12RB2, WNT10A",KALRN,"{
|
||||
""answer"": ""HLA-DPA1""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with diffuse large B-cell lymphoma and psoriatic arthritis. Given list is: ARMS2, RORA, TLR1, ADH1B, HLA-B",HLA-B,"{
|
||||
""answer"": ""HLA-B""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with lung adenocarcinoma and interstitial lung disease. Given list is: TERT, YLPM1, FTO, SHTN1, IL23R",TERT,"{
|
||||
""answer"": ""TERT""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with lung adenocarcinoma and triple-receptor negative breast cancer. Given list is: BTBD9, NTM, RP1, TERT, CASZ1",TERT,"{
|
||||
""answer"": ""TERT""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with lung adenocarcinoma and idiopathic pulmonary fibrosis. Given list is: SLC14A2, SLC14A2, MTTP, PSCA, TERT",TERT,"{
|
||||
""answer"": ""TERT""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with lung adenocarcinoma and myeloproliferative neoplasm. Given list is: TG, CACNB2, PRKAA1, TERT, CACNA1S",TERT,"{
|
||||
""answer"": ""TERT""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with lung adenocarcinoma and central nervous system cancer. Given list is: POU5F1B, SCN1A, STAT4, TERT, BTNL2",TERT,"{
|
||||
""answer"": ""TERT""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with lung adenocarcinoma and estrogen-receptor negative breast cancer. Given list is: JRK, PLG, PNPLA3, TERT, IL23R",TERT,"{
|
||||
""answer"": ""None""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with lung adenocarcinoma and lung carcinoma. Given list is: TERT, IL23R, PHACTR1, SLC2A9, JRK",TERT,"{
|
||||
""answer"": ""TERT""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with psoriatic arthritis and psoriasis. Given list is: HLA-B, DAB2IP, TYR, FTO, FAT3",HLA-B,"{
|
||||
""answer"": ""HLA-B""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with psoriatic arthritis and Takayasu's arteritis. Given list is: TMC7, HLA-B, SLC2A9, PCDH7, PHGDH",HLA-B,"{
|
||||
""answer"": ""HLA-B""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with psoriatic arthritis and myelodysplastic syndrome. Given list is: EPDR1, HLA-B, SFRP4, PNPLA3, ARMS2",HLA-B,"{
|
||||
""answer"": ""HLA-B""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with psoriatic arthritis and herpes zoster. Given list is: NANOS1, TLR1, NTM, HLA-B, SCN1A",HLA-B,"{
|
||||
""answer"": ""HLA-B""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with psoriatic arthritis and allergic rhinitis. Given list is: RP1, STAT4, C5AR1, TENM2, HLA-B",HLA-B,"{
|
||||
""answer"": ""HLA-B""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with psoriatic arthritis and diffuse large B-cell lymphoma. Given list is: HLA-DQB1, ABCG2, PTK2B, HLA-B, RP1",HLA-B,"{
|
||||
""answer"": ""HLA-B""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with lung squamous cell carcinoma and squamous cell carcinoma. Given list is: DTNB, BRCA2, CCDC33, IGF1R, XBP1",BRCA2,"{
|
||||
""answer"": ""BRCA2""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with lung squamous cell carcinoma and estrogen-receptor negative breast cancer. Given list is: STAT4, CACNA2D1, KIF1B, ATXN2, BRCA2",BRCA2,"{
|
||||
""answer"": ""BRCA2""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with lung carcinoma and interstitial lung disease. Given list is: ATXN2, TERT, FAM227B, ALDH1A2, KALRN",TERT,"{
|
||||
""answer"": ""TERT""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with lung carcinoma and triple-receptor negative breast cancer. Given list is: TERT, SLC2A9, MYBPC3, HLA-DQA1, WNT10A",TERT,"{
|
||||
""answer"": ""TERT""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with lung carcinoma and idiopathic pulmonary fibrosis. Given list is: PRKAG2, YLPM1, TERT, LOXL1, HLA-DQB1",TERT,"{
|
||||
""answer"": ""TERT""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with lung carcinoma and myeloproliferative neoplasm. Given list is: TERT, MST1, OPTN, TNRC18, PSCA",TERT,"{
|
||||
""answer"": ""TERT""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with lung carcinoma and central nervous system cancer. Given list is: C9, GNE, CDKAL1, TERT, PTPN22",TERT,"{
|
||||
""answer"": ""TERT""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with lung carcinoma and estrogen-receptor negative breast cancer. Given list is: SAMD9L, BTNL2, TERT, TERT, STAT4",TERT,"{
|
||||
""answer"": ""TERT""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with lung carcinoma and lung adenocarcinoma. Given list is: RP1, RBFOX1, TP53, PRKAG2, TERT",TERT,"{
|
||||
""answer"": ""TERT""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with endometrial cancer and sclerosing cholangitis. Given list is: ATXN2, FBN1, STAT3, ADGRG6, ATG5",ATXN2,"{
|
||||
""answer"": ""ATXN2""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with uveal melanoma and liver cirrhosis. Given list is: PRX, CACNA2D1, GTF2I, ADGRV1, TERT",CACNA2D1,"{
|
||||
""answer"": ""TERT""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with uveal melanoma and head and neck cancer. Given list is: USHBP1, BARD1, GNE, CACNA2D1, SAMM50",CACNA2D1,"{
|
||||
""answer"": ""SAMM50""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with gastric fundus cancer and duodenal ulcer. Given list is: GSDMB, PSCA, CDKAL1, EML4, ADH1B",PSCA,"{
|
||||
""answer"": ""PSCA""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with gastric fundus cancer and atrophic gastritis. Given list is: PSCA, PLG, IL23R, ABO, RP1",PSCA,"{
|
||||
""answer"": ""PSCA""
|
||||
}"
|
||||
"Out of the given list, which Variant is associated with breast carcinoma and male breast cancer. Given list is: rs11651755, rs9271588, rs2472493, rs3803662, rs4459895",rs3803662,"{
|
||||
""answer"": ""rs3803662""
|
||||
}"
|
||||
"Out of the given list, which Variant is associated with abdominal aortic aneurysm and thoracic aortic aneurysm. Given list is: rs11675342, rs595244, rs3018362, rs11651755, rs1709393",rs595244,"{
|
||||
""answer"": ""None""
|
||||
}"
|
||||
"Out of the given list, which Variant is associated with Kawasaki disease and inflammatory bowel disease. Given list is: rs573872, rs2072499, rs1333040, rs1801274, rs3757318",rs1801274,"{
|
||||
""answer"": ""rs1801274""
|
||||
}"
|
||||
"Out of the given list, which Variant is associated with inflammatory bowel disease and Kawasaki disease. Given list is: rs3764147, rs1801274, rs3814113, rs479844, rs13141641",rs1801274,"{
|
||||
""answer"": ""rs1801274""
|
||||
}"
|
||||
"Out of the given list, which Variant is associated with triple-receptor negative breast cancer and uterine fibroid. Given list is: rs4459895, rs8176719, rs115879499, rs78378222, rs2143571",rs78378222,"{
|
||||
""answer"": ""rs78378222""
|
||||
}"
|
||||
"Out of the given list, which Variant is associated with vitiligo and rheumatoid arthritis. Given list is: rs12203592, rs10103692, rs78378222, rs2476601, rs1150757",rs2476601,"{
|
||||
""answer"": ""rs2476601""
|
||||
}"
|
||||
"Out of the given list, which Variant is associated with male breast cancer and breast carcinoma. Given list is: rs3803662, rs34574566, rs1278769, rs16948876, rs10488631",rs3803662,"{
|
||||
""answer"": ""rs3803662""
|
||||
}"
|
||||
"Out of the given list, which Variant is associated with autoimmune hepatitis and collagenous colitis. Given list is: rs17398575, rs1975197, rs2187668, rs6444305, rs2230199",rs2187668,"{
|
||||
""answer"": ""None of the given variants are associated with autoimmune hepatitis and collagenous colitis.""
|
||||
}"
|
||||
"Out of the given list, which Variant is associated with autoimmune hepatitis and cutaneous lupus erythematosus. Given list is: rs2187668, rs11724804, rs10497394, rs1801274, rs6457327",rs2187668,"{
|
||||
""answer"": ""rs2187668""
|
||||
}"
|
||||
"Out of the given list, which Variant is associated with ankylosing spondylitis and Crohn's disease. Given list is: rs219780, rs11209026, rs1233491, rs1953126, rs2294008",rs11209026,"{
|
||||
""answer"": ""rs11209026""
|
||||
}"
|
||||
"Out of the given list, which Variant is associated with rheumatoid arthritis and vitiligo. Given list is: rs7176508, rs11675342, rs3018362, rs6426833, rs2476601",rs2476601,"{
|
||||
""answer"": ""rs2476601""
|
||||
}"
|
||||
"Out of the given list, which Variant is associated with collagenous colitis and autoimmune hepatitis. Given list is: rs2187668, rs6426833, rs6969780, rs3787184, rs230540",rs2187668,"{
|
||||
""answer"": ""rs2187668""
|
||||
}"
|
||||
"Out of the given list, which Variant is associated with collagenous colitis and cutaneous lupus erythematosus. Given list is: rs2187668, rs975730, rs17398575, rs229527, rs1537377",rs2187668,"{
|
||||
""answer"": ""rs2187668""
|
||||
}"
|
||||
"Out of the given list, which Variant is associated with age related macular degeneration and Kuhnt-Junius degeneration. Given list is: rs7579899, rs3803662, rs76972608, rs10490924, rs16948876",rs10490924,"{
|
||||
""answer"": ""rs10490924""
|
||||
}"
|
||||
"Out of the given list, which Variant is associated with Kuhnt-Junius degeneration and age related macular degeneration. Given list is: rs219780, rs3197999, rs4072037, rs6691768, rs10490924",rs10490924,"{
|
||||
""answer"": ""None""
|
||||
}"
|
||||
"Out of the given list, which Variant is associated with duodenal ulcer and atrophic gastritis. Given list is: rs1975197, rs2294008, rs17398575, rs755383, rs1801274",rs2294008,"{
|
||||
""answer"": ""rs2294008""
|
||||
}"
|
||||
"Out of the given list, which Variant is associated with duodenal ulcer and gastric fundus cancer. Given list is: rs2294008, rs10490924, rs2738048, rs711830, rs167479",rs2294008,"{
|
||||
""answer"": ""rs2294008""
|
||||
}"
|
||||
"Out of the given list, which Variant is associated with uterine fibroid and triple-receptor negative breast cancer. Given list is: rs1709393, rs3118470, rs1107345, rs78378222, rs1122171",rs78378222,"{
|
||||
""answer"": ""None""
|
||||
}"
|
||||
"Out of the given list, which Variant is associated with prostate carcinoma and large intestine cancer. Given list is: rs6983267, rs1150757, rs3129939, rs12917707, rs595244",rs6983267,"{
|
||||
""answer"": ""rs6983267""
|
||||
}"
|
||||
"Out of the given list, which Variant is associated with squamous cell carcinoma and androgenic alopecia. Given list is: rs10455872, rs1011970, rs3814113, rs12203592, rs116264669",rs12203592,"{
|
||||
""answer"": ""rs12203592""
|
||||
}"
|
||||
"Out of the given list, which Variant is associated with androgenic alopecia and squamous cell carcinoma. Given list is: rs10273639, rs334, rs595244, rs6457327, rs12203592",rs12203592,"{
|
||||
""answer"": ""rs12203592""
|
||||
}"
|
||||
"Out of the given list, which Variant is associated with sclerosing cholangitis and Crohn's disease. Given list is: rs3197999, rs59325236, rs6444305, rs1122171, rs1314913",rs3197999,"{
|
||||
""answer"": ""rs3197999""
|
||||
}"
|
||||
"Out of the given list, which Variant is associated with large intestine cancer and prostate carcinoma. Given list is: rs1107345, rs59325236, rs12203592, rs6983267, rs11675342",rs6983267,"{
|
||||
""answer"": ""rs6983267""
|
||||
}"
|
||||
"Out of the given list, which Variant is associated with atrophic gastritis and duodenal ulcer. Given list is: rs4459895, rs12203592, rs9275260, rs12524487, rs2294008",rs2294008,"{
|
||||
""answer"": ""rs2294008""
|
||||
}"
|
||||
"Out of the given list, which Variant is associated with atrophic gastritis and gastric fundus cancer. Given list is: rs2294008, rs9257809, rs35705950, rs12539707, rs2738048",rs2294008,"{
|
||||
""answer"": ""rs2294008""
|
||||
}"
|
||||
"Out of the given list, which Variant is associated with cutaneous lupus erythematosus and autoimmune hepatitis. Given list is: rs1937450, rs2187668, rs6010620, rs2231142, rs10455872",rs2187668,"{
|
||||
""answer"": ""rs2187668""
|
||||
}"
|
||||
"Out of the given list, which Variant is associated with cutaneous lupus erythematosus and collagenous colitis. Given list is: rs4939827, rs3197999, rs3739821, rs2187668, rs1975197",rs2187668,"{
|
||||
""answer"": ""None of the given variants are associated with cutaneous lupus erythematosus and collagenous colitis.""
|
||||
}"
|
||||
"Out of the given list, which Variant is associated with central nervous system cancer and lung adenocarcinoma. Given list is: rs7426056, rs2736100, rs2187668, rs2107595, rs7405776",rs2736100,"{
|
||||
""answer"": ""None""
|
||||
}"
|
||||
"Out of the given list, which Variant is associated with thoracic aortic aneurysm and abdominal aortic aneurysm. Given list is: rs1642764, rs595244, rs139606545, rs12077210, rs12917707",rs595244,"{
|
||||
""answer"": ""rs12917707""
|
||||
}"
|
||||
"Out of the given list, which Variant is associated with Crohn's disease and ankylosing spondylitis. Given list is: rs8077245, rs11712066, rs11209026, rs10830962, rs6010620",rs11209026,"{
|
||||
""answer"": ""rs11209026""
|
||||
}"
|
||||
"Out of the given list, which Variant is associated with Crohn's disease and sclerosing cholangitis. Given list is: rs1047891, rs9268905, rs3197999, rs1025128, rs4624820",rs3197999,"{
|
||||
""answer"": {
|
||||
""Variant rs3197999"": ""associates Disease Crohn's disease and sclerosing cholangitis.""
|
||||
}
|
||||
}"
|
||||
"Out of the given list, which Variant is associated with lung adenocarcinoma and central nervous system cancer. Given list is: rs10490924, rs10830962, rs2736100, rs2391769, rs9272143",rs2736100,"{
|
||||
""answer"": ""rs2736100""
|
||||
}"
|
||||
"Out of the given list, which Variant is associated with gastric fundus cancer and duodenal ulcer. Given list is: rs11759064, rs975730, rs1150757, rs2294008, rs7453920",rs2294008,"{
|
||||
""answer"": ""rs2294008""
|
||||
}"
|
||||
"Out of the given list, which Variant is associated with gastric fundus cancer and atrophic gastritis. Given list is: rs2294008, rs2072499, rs3197999, rs1537377, rs988958",rs2294008,"{
|
||||
""answer"": ""rs2294008""
|
||||
}"
|
||||
"Out of the given list, which Variant is associated with keratinocyte carcinoma""@e and skin sensitivity to sun. Given list is: rs254020, rs4625, rs6059655, rs11738191, rs2963222",rs6059655,"{
|
||||
""answer"": ""rs6059655""
|
||||
}"
|
||||
"Out of the given list, which Variant is associated with keratinocyte carcinoma""@e and anti-neutrophil antibody associated vasculitis. Given list is: rs6679677, rs12187903, rs1333047, rs11585651, rs55730499",rs6679677,"{
|
||||
""answer"": ""rs12187903""
|
||||
}"
|
||||
"Out of the given list, which Variant is associated with keratinocyte carcinoma""@e and autoimmune disease. Given list is: rs7936312, rs325485, rs13191786, rs72928038, rs7523907",rs72928038,"{
|
||||
""answer"": ""rs13191786""
|
||||
}"
|
||||
"Out of the given list, which Variant is associated with keratinocyte carcinoma""@e and age-related hearing impairment. Given list is: rs1950829, rs13263709, rs1126809, rs34871267, rs2431108",rs1126809,"{
|
||||
""answer"": ""rs2431108""
|
||||
}"
|
||||
"Out of the given list, which Variant is associated with aortic stenosis and large artery stroke. Given list is: rs34243448, rs1893592, rs1765871, rs229541, rs10455872",rs10455872,"{
|
||||
""answer"": ""rs10455872""
|
||||
}"
|
||||
"Out of the given list, which Variant is associated with skin sensitivity to sun and keratinocyte carcinoma""@e. Given list is: rs1042704, rs6059655, rs34396849, rs10052804, rs11747125",rs6059655,"{
|
||||
""answer"": ""rs6059655""
|
||||
}"
|
||||
"Out of the given list, which Variant is associated with skin sensitivity to sun and age-related hearing impairment. Given list is: rs61815704, rs4149909, rs36001488, rs1333047, rs1126809",rs1126809,"{
|
||||
""answer"": ""rs1126809""
|
||||
}"
|
||||
"Out of the given list, which Variant is associated with anti-neutrophil antibody associated vasculitis and keratinocyte carcinoma""@e. Given list is: rs2812378, rs17145188, rs12931267, rs6679677, rs12413409",rs6679677,"{
|
||||
""answer"": ""rs17145188""
|
||||
}"
|
||||
"Out of the given list, which Variant is associated with anti-neutrophil antibody associated vasculitis and autoimmune disease. Given list is: rs17293632, rs2487928, rs429358, rs6679677, rs6679677",rs6679677,"{
|
||||
""answer"": ""rs6679677""
|
||||
}"
|
||||
"Out of the given list, which Variant is associated with autoimmune disease and keratinocyte carcinoma""@e. Given list is: rs259919, rs10455872, rs11958220, rs72928038, rs141343442",rs72928038,"{
|
||||
""answer"": ""rs11958220""
|
||||
}"
|
||||
"Out of the given list, which Variant is associated with autoimmune disease and anti-neutrophil antibody associated vasculitis. Given list is: rs2310752, rs7528604, rs6679677, rs34691223, rs2963222",rs6679677,"{
|
||||
""answer"": ""rs34691223""
|
||||
}"
|
||||
"Out of the given list, which Variant is associated with autoimmune disease and atopic asthma. Given list is: rs62324212, rs10059133, rs149943, rs12931267, rs17156671",rs62324212,"{
|
||||
""answer"": ""None of the variants in the given list are associated with both autoimmune disease and atopic asthma.""
|
||||
}"
|
||||
"Out of the given list, which Variant is associated with large artery stroke and aortic stenosis. Given list is: rs10455872, rs35781323, rs4615152, rs761934676, rs11965538",rs10455872,"{
|
||||
""answer"": ""rs10455872""
|
||||
}"
|
||||
"Out of the given list, which Variant is associated with age-related hearing impairment and keratinocyte carcinoma""@e. Given list is: rs259919, rs2503199, rs325485, rs1126809, rs229541",rs1126809,"{
|
||||
""answer"": ""rs1126809""
|
||||
}"
|
||||
"Out of the given list, which Variant is associated with age-related hearing impairment and skin sensitivity to sun. Given list is: rs1126809, rs416223, rs12722502, rs9419958, rs1333049",rs1126809,"{
|
||||
""answer"": ""rs1126809""
|
||||
}"
|
||||
"Out of the given list, which Variant is associated with atopic asthma and autoimmune disease. Given list is: rs2447827, rs1937455, rs62324212, rs12205199, rs4482879",rs62324212,"{
|
||||
""answer"": ""rs2447827""
|
||||
}"
|
||||
|
@@ -0,0 +1,967 @@
|
||||
question,label,llm_answer
|
||||
enhanced S-cone syndrome is not a vitreoretinal degeneration,False,"{{
|
||||
""answer"": ""True""
|
||||
}}"
|
||||
metronidazole treats crohn's disease,True,"{{
|
||||
""answer"": ""False""
|
||||
}}"
|
||||
KLEEFSTRA SYNDROME 1 is not associated with Gene EHMT1,False,"{{
|
||||
""answer"": ""False""
|
||||
}}"
|
||||
Juvenile polyposis syndrome associates Gene SMAD4,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
Disease ontology identifier for congenital generalized lipodystrophy type 2 is DOID:10588,False,"{{
|
||||
""answer"": ""True""
|
||||
}}"
|
||||
Disease ontology identifier for Marfan syndrome is DOID:0060055,False,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
cystic fibrosis is a respiratory system disorder,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
alpha-Mannosidosis associates Gene MAN2B1,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
Wolcott-Rallison syndrome associates Gene EIF2AK3,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
Neurofibromatosis 2 is not associated with Gene NF2,False,"{{
|
||||
""answer"": ""False""
|
||||
}}"
|
||||
Angelman syndrome is a syndromic disease,True,"{{
|
||||
""answer"": ""True""
|
||||
}}"
|
||||
colchicine treats familial mediterranean fever,True,"{{
|
||||
""answer"": ""True""
|
||||
}}"
|
||||
Marfan Syndrome associates Gene FBN1,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
Mowat-Wilson syndrome is a syndromic intellectual disability,True,"{{
|
||||
""answer"": ""True""
|
||||
}}"
|
||||
mulibrey nanism is a syndromic disease,True,"{{
|
||||
""answer"": ""True""
|
||||
}}"
|
||||
Disease ontology identifier for pheochromocytoma is DOID:14692,False,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
Tangier Disease is not associated with Gene ABCA1,False,"{{
|
||||
""answer"": ""False""
|
||||
}}"
|
||||
Disease ontology identifier for central diabetes insipidus is DOID:350,False,"{{
|
||||
""answer"": ""True""
|
||||
}}"
|
||||
Ulnar-mammary syndrome is not associated with Gene TBX3,False,"{
|
||||
""answer"": ""False""
|
||||
}"
|
||||
bevacizumab treats hereditary hemorrhagic telangiectasia,True,"{{
|
||||
""answer"": ""False""
|
||||
}}"
|
||||
Liver carcinoma is not associated with Gene MET,False,"{
|
||||
""answer"": ""False""
|
||||
}"
|
||||
Antithrombin III Deficiency is not associated with Gene SERPINC1,False,"{{
|
||||
""answer"": ""False""
|
||||
}}"
|
||||
Mastocytosis is not associated with Gene KIT,False,"{{
|
||||
""answer"": ""False""
|
||||
}}"
|
||||
Disease ontology identifier for Farber lipogranulomatosis is DOID:0050464,True,"{{
|
||||
""answer"": ""True""
|
||||
}}"
|
||||
Familial Mediterranean Fever associates Gene MEFV,True,"{{
|
||||
""answer"": ""True""
|
||||
}}"
|
||||
Disease ontology identifier for Wiskott-Aldrich syndrome is DOID:9169,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
Tay-Sachs disease is not a eye degenerative disorder,False,"{
|
||||
""answer"": ""False""
|
||||
}"
|
||||
ibuprofen treats cystic fibrosis,True,"{
|
||||
""answer"": ""False""
|
||||
}"
|
||||
Juvenile Myoclonic Epilepsy is not associated with Gene EFHC1,False,"{{
|
||||
""answer"": ""False""
|
||||
}}"
|
||||
Costello syndrome (disorder) is not associated with Gene HRAS,False,"{
|
||||
""answer"": ""False""
|
||||
}"
|
||||
Very long chain acyl-CoA dehydrogenase deficiency is not associated with Gene ACADVL,False,"{{
|
||||
""answer"": ""False""
|
||||
}}"
|
||||
Wolman disease is a lysosomal acid lipase deficiency,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
Fibrodysplasia Ossificans Progressiva associates Gene ACVR1,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
Canavan Disease associates Gene ASPA,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
Chediak-Higashi syndrome is a congenital nervous system disorder,True,"{{
|
||||
""answer"": ""False""
|
||||
}}"
|
||||
Hereditary hemorrhagic telangiectasia associates Gene ENG,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
Lafora Disease is not associated with Gene NHLRC1,False,"{
|
||||
""answer"": ""False""
|
||||
}"
|
||||
Pheochromocytoma is not associated with Gene RET,False,"{
|
||||
""answer"": ""False""
|
||||
}"
|
||||
"Xeroderma pigmentosum, group B associates Gene ERCC3",True,"{
|
||||
""answer"": ""False""
|
||||
}"
|
||||
Acute intermittent porphyria is not associated with Gene HMBS,False,"{
|
||||
""answer"": ""False""
|
||||
}"
|
||||
melphalan treats melanoma,True,"{{
|
||||
""answer"": ""False""
|
||||
}}"
|
||||
piebaldism is a autosomal dominant disease,True,"{
|
||||
""answer"": ""False""
|
||||
}"
|
||||
vitelliform macular dystrophy is not a macular degeneration,False,"{{
|
||||
""answer"": ""True""
|
||||
}}"
|
||||
Spinocerebellar Ataxia Type 5 associates Gene SPTBN2,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
Disease ontology identifier for Pelizaeus-Merzbacher disease is DOID:5688,False,"{{
|
||||
""answer"": ""True""
|
||||
}}"
|
||||
"Robinow syndrome, autosomal recessive associates Gene ROR2",True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
Disease ontology identifier for Loeys-Dietz syndrome is DOID:0060745,False,"{{
|
||||
""answer"": ""True""
|
||||
}}"
|
||||
Cystic Fibrosis associates Gene CFTR,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
Greig cephalopolysyndactyly syndrome associates Gene GLI3,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
alkaptonuria is not a disorder of tyrosine metabolism,False,"{
|
||||
""answer"": ""False""
|
||||
}"
|
||||
Timothy syndrome associates Gene CACNA1C,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
Unverricht-Lundborg syndrome is a movement disorder,True,"{{
|
||||
""answer"": ""True""
|
||||
}}"
|
||||
Denys-Drash syndrome is a autosomal dominant disease,True,"{{
|
||||
""answer"": ""False""
|
||||
}}"
|
||||
factor ix treats hemophilia b,True,"{{
|
||||
""answer"": ""True""
|
||||
}}"
|
||||
adrenal cortex hormones treats crohn's disease,True,"{
|
||||
""answer"": ""False""
|
||||
}"
|
||||
Mucopolysaccharidosis VI associates Gene ARSB,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
"HEMOCHROMATOSIS, TYPE 4 associates Gene SLC40A1",True,"{
|
||||
""answer"": ""False""
|
||||
}"
|
||||
"Charcot-Marie-Tooth Disease, Type Ib associates Gene MPZ",True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
Disease ontology identifier for Timothy syndrome is DOID:0060173,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
Denys-Drash Syndrome is not associated with Gene WT1,False,"{{
|
||||
""answer"": ""False""
|
||||
}}"
|
||||
Cherubism associates Gene SH3BP2,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
PITT-HOPKINS SYNDROME is not associated with Gene TCF4,False,"{{
|
||||
""answer"": ""False""
|
||||
}}"
|
||||
Greig cephalopolysyndactyly syndrome is not a syndromic disease,False,"{{
|
||||
""answer"": ""False""
|
||||
}}"
|
||||
Paroxysmal Nonkinesigenic Dyskinesia 1 is not associated with Gene PNKD,False,"{
|
||||
""answer"": ""False""
|
||||
}"
|
||||
Enhanced S-Cone Syndrome is not associated with Gene NR2E3,False,"{{
|
||||
""answer"": ""False""
|
||||
}}"
|
||||
Canavan disease is a inborn aminoacylase deficiency,True,"{
|
||||
""answer"": ""False""
|
||||
}"
|
||||
Episodic ataxia type 2 (disorder) is not associated with Gene CACNA1A,False,"{
|
||||
""answer"": ""False""
|
||||
}"
|
||||
Aniridia is not associated with Gene PAX6,False,"{{
|
||||
""answer"": ""False""
|
||||
}}"
|
||||
Congenital contractural arachnodactyly associates Gene FBN2,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
Muenke Syndrome associates Gene FGFR3,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
Carney complex is a autosomal dominant disease,True,"{{
|
||||
""answer"": ""True""
|
||||
}}"
|
||||
Borjeson-Forssman-Lehmann syndrome is not a X-linked syndromic intellectual disability,False,"{{
|
||||
""answer"": ""False""
|
||||
}}"
|
||||
Johanson-Blizzard syndrome associates Gene UBR1,True,"{{
|
||||
""answer"": ""True""
|
||||
}}"
|
||||
MASA SYNDROME (disorder) is not associated with Gene L1CAM,False,"{{
|
||||
""answer"": ""False""
|
||||
}}"
|
||||
Autosomal dominant hypophosphatemic rickets associates Gene FGF23,True,"{{
|
||||
""answer"": ""True""
|
||||
}}"
|
||||
Acrodermatitis enteropathica associates Gene SLC39A4,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
Rothmund-Thomson syndrome is not associated with Gene RECQL4,False,"{{
|
||||
""answer"": ""False""
|
||||
}}"
|
||||
Cleidocranial Dysplasia associates Gene RUNX2,True,"{{
|
||||
""answer"": ""True""
|
||||
}}"
|
||||
LONG QT SYNDROME 3 associates Gene SCN5A,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
Infantile hypophosphatasia associates Gene ALPL,True,"{{
|
||||
""answer"": ""True""
|
||||
}}"
|
||||
acrodermatitis enteropathica is not a inborn metal metabolism disorder,False,"{{
|
||||
""answer"": ""False""
|
||||
}}"
|
||||
Ataxia Telangiectasia associates Gene ATM,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
alpha-galactosidase treats fabry disease,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
Laron syndrome is a autosomal recessive disease,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
Piebaldism associates Gene KIT,True,"{{
|
||||
""answer"": ""True""
|
||||
}}"
|
||||
Pfeiffer Syndrome associates Gene FGFR2,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
"Bernard-Soulier syndrome is a inherited bleeding disorder, platelet-type",True,"{{
|
||||
""answer"": ""True""
|
||||
}}"
|
||||
Burkitt Lymphoma is not associated with Gene MYC,False,"{{
|
||||
""answer"": ""False""
|
||||
}}"
|
||||
Ornithine carbamoyltransferase deficiency associates Gene OTC,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
Nail-Patella Syndrome associates Gene LMX1B,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
Tetralogy of Fallot associates Gene ZFPM2,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
Hartnup Disease is not associated with Gene SLC6A19,False,"{{
|
||||
""answer"": ""False""
|
||||
}}"
|
||||
Disease ontology identifier for fibrodysplasia ossificans progressiva is DOID:13374,True,"{{
|
||||
""answer"": ""True""
|
||||
}}"
|
||||
familial Mediterranean fever is not a primary immunodeficiency due to a genetic defect in innate immunity,False,"{{
|
||||
""answer"": ""True""
|
||||
}}"
|
||||
Hemophilia B is not associated with Gene F9,False,"{
|
||||
""answer"": ""False""
|
||||
}"
|
||||
Rapp-Hodgkin syndrome is a autosomal dominant disease,True,"{
|
||||
""answer"": ""False""
|
||||
}"
|
||||
Borjeson-Forssman-Lehmann syndrome is not associated with Gene PHF6,False,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
Multiple Endocrine Neoplasia Type 2b associates Gene RET,True,"{{
|
||||
""answer"": ""True""
|
||||
}}"
|
||||
Choroideremia is not associated with Gene CHM,False,"{{
|
||||
""answer"": ""False""
|
||||
}}"
|
||||
Wolman Disease associates Gene LIPA,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
Adenine phosphoribosyltransferase deficiency associates Gene APRT,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
Holt-Oram syndrome is not associated with Gene TBX5,False,"{
|
||||
""answer"": ""False""
|
||||
}"
|
||||
tetralogy of fallot is not a hereditary disease,False,"{{
|
||||
""answer"": ""False""
|
||||
}}"
|
||||
Disease ontology identifier for mosaic variegated aneuploidy syndrome 1 is DOID:0080141,True,"{{
|
||||
""answer"": ""True""
|
||||
}}"
|
||||
hemophilia B is a hemorrhagic disease,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
fatal familial insomnia is not a insomnia,False,"{{
|
||||
""answer"": ""False""
|
||||
}}"
|
||||
Disease ontology identifier for mastocytosis is DOID:0060768,False,"{{
|
||||
""answer"": ""True""
|
||||
}}"
|
||||
osteosarcoma is a sarcoma,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
immune checkpoint inhibitors treats melanoma,True,"{{
|
||||
""answer"": ""True""
|
||||
}}"
|
||||
Johanson-Blizzard syndrome is a congenital nervous system disorder,True,"{{
|
||||
""answer"": ""True""
|
||||
}}"
|
||||
Achondroplasia is not a osteochondrodysplasia,False,"{{
|
||||
""answer"": ""False""
|
||||
}}"
|
||||
KUFOR-RAKEB SYNDROME associates Gene ATP13A2,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
Loeys-Dietz Syndrome associates Gene TGFBR1,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
Disease ontology identifier for Rothmund-Thomson syndrome is DOID:2732,True,"{{
|
||||
""answer"": ""True""
|
||||
}}"
|
||||
Angelman Syndrome is not associated with Gene UBE3A,False,"{{
|
||||
""answer"": ""False""
|
||||
}}"
|
||||
biotinidase deficiency is not a multiple carboxylase deficiency,False,"{{
|
||||
""answer"": ""False""
|
||||
}}"
|
||||
6-mercaptopurine treats crohn's disease,True,"{{
|
||||
""answer"": ""True""
|
||||
}}"
|
||||
Wolcott-Rallison syndrome is a syndromic disease,True,"{{
|
||||
""answer"": ""True""
|
||||
}}"
|
||||
Disease ontology identifier for spinocerebellar ataxia type 5 is DOID:0050882,False,"{{
|
||||
""answer"": ""True""
|
||||
}}"
|
||||
Pseudopseudohypoparathyroidism associates Gene GNAS,True,"{{
|
||||
""answer"": ""True""
|
||||
}}"
|
||||
alveolar rhabdomyosarcoma is not a rhabdomyosarcoma,False,"{{
|
||||
""answer"": ""False""
|
||||
}}"
|
||||
Disease ontology identifier for Norrie disease is DOID:0060599,False,"{{
|
||||
""answer"": ""True""
|
||||
}}"
|
||||
vaccines treats melanoma,True,"{
|
||||
""answer"": ""False""
|
||||
}"
|
||||
argipressin treats central diabetes insipidus,True,"{{
|
||||
""answer"": ""True""
|
||||
}}"
|
||||
Omenn Syndrome associates Gene RAG2,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
adenine phosphoribosyltransferase deficiency is a inborn disorder of amino acid metabolism,True,"{{
|
||||
""answer"": ""True""
|
||||
}}"
|
||||
Progeria associates Gene LMNA,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
mercaptopurine treats crohn's disease,True,"{{
|
||||
""answer"": ""True""
|
||||
}}"
|
||||
Peutz-Jeghers Syndrome associates Gene STK11,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
penicillamine treats cystinuria,True,"{{
|
||||
""answer"": ""True""
|
||||
}}"
|
||||
Noonan syndrome is a multiple congenital anomalies/dysmorphic syndrome-variable intellectual disability syndrome,True,"{{
|
||||
""answer"": ""True""
|
||||
}}"
|
||||
RAPP-HODGKIN SYNDROME associates Gene TP63,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
Bernard-Soulier Syndrome associates Gene GP1BA,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
Spinocerebellar Ataxia Type 6 (disorder) associates Gene CACNA1A,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
Werner Syndrome associates Gene WRN,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
sarcoma is a cancer,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
brachydactyly type C is a brachydactyly,True,"{{
|
||||
""answer"": ""True""
|
||||
}}"
|
||||
Alveolar rhabdomyosarcoma associates Gene PAX3,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
CHARGE Syndrome is not associated with Gene CHD7,False,"{
|
||||
""answer"": ""False""
|
||||
}"
|
||||
Ellis-van Creveld syndrome is not a heart disorder,False,"{{
|
||||
""answer"": ""False""
|
||||
}}"
|
||||
Pelizaeus-Merzbacher Disease associates Gene PLP1,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
Microvillus inclusion disease is not associated with Gene MYO5B,False,"{{
|
||||
""answer"": ""False""
|
||||
}}"
|
||||
DiGeorge syndrome is a congenital T-cell immunodeficiency,True,"{{
|
||||
""answer"": ""True""
|
||||
}}"
|
||||
melanoma associates Gene BRAF,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
"Basal ganglia disease, biotin-responsive associates Gene SLC19A3",True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
Coffin-Siris syndrome associates Gene ARID1B,True,"{{
|
||||
""answer"": ""True""
|
||||
}}"
|
||||
Sitosterolemia is not associated with Gene ABCG8,False,"{{
|
||||
""answer"": ""False""
|
||||
}}"
|
||||
Alexander Disease associates Gene GFAP,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
pembrolizumab treats melanoma,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
congenital contractural arachnodactyly is not a congenital nervous system disorder,False,"{{
|
||||
""answer"": ""True""
|
||||
}}"
|
||||
cherubism is not a autosomal dominant disease,False,"{
|
||||
""answer"": ""False""
|
||||
}"
|
||||
Norrie disease associates Gene NDP,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
Hyperkalemic periodic paralysis is not associated with Gene SCN4A,False,"{{
|
||||
""answer"": ""False""
|
||||
}}"
|
||||
Disease ontology identifier for ataxia telangiectasia is DOID:0060010,False,"{{
|
||||
""answer"": ""True""
|
||||
}}"
|
||||
"Xeroderma pigmentosum, group A associates Gene XPA",True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
antibiotics treats obesity,True,"{
|
||||
""answer"": ""False""
|
||||
}"
|
||||
antineoplastic agents treats osteosarcoma,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
Jervell-Lange Nielsen Syndrome is not associated with Gene KCNQ1,False,"{{
|
||||
""answer"": ""False""
|
||||
}}"
|
||||
insulin treats obesity,True,"{
|
||||
""answer"": ""False""
|
||||
}"
|
||||
Pitt-Hopkins syndrome is a syndromic disease,True,"{{
|
||||
""answer"": ""True""
|
||||
}}"
|
||||
POLYCYSTIC KIDNEY DISEASE 1 associates Gene PKD1,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
Disease ontology identifier for Tangier disease is DOID:1388,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
Disease ontology identifier for Smith-Lemli-Opitz syndrome is DOID:0080026,False,"{{
|
||||
""answer"": ""True""
|
||||
}}"
|
||||
alpha-d-galactosidase enzyme treats fabry disease,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
Burkitt lymphoma is a neoplasm of mature B-cells,True,"{{
|
||||
""answer"": ""True""
|
||||
}}"
|
||||
Vitelliform Macular Dystrophy associates Gene BEST1,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
Disease ontology identifier for Smith-Magenis syndrome is DOID:12271,False,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
Noonan Syndrome associates Gene RAF1,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
Bernard-Soulier Syndrome associates Gene GP1BB,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
Neurofibromatosis 1 associates Gene NF1,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
Brugada Syndrome (disorder) associates Gene SCN5A,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
Smith-Lemli-Opitz Syndrome is not associated with Gene DHCR7,False,"{{
|
||||
""answer"": ""False""
|
||||
}}"
|
||||
Biotinidase Deficiency is not associated with Gene BTD,False,"{{
|
||||
""answer"": ""False""
|
||||
}}"
|
||||
Allan-Herndon-Dudley syndrome (AHDS) is not associated with Gene SLC16A2,False,"{
|
||||
""answer"": ""False""
|
||||
}"
|
||||
enoxaparin treats obesity,True,"{
|
||||
""answer"": ""False""
|
||||
}"
|
||||
Li-Fraumeni syndrome is a autosomal dominant disease,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
WHIM syndrome is not associated with Gene CXCR4,False,"{{
|
||||
""answer"": ""False""
|
||||
}}"
|
||||
multiple endocrine neoplasia type 2B is a autosomal dominant disease,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
Alstrom Syndrome associates Gene ALMS1,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
Gyrate Atrophy associates Gene OAT,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
tuberous sclerosis is a autosomal dominant disease,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
Fabry disease is not a developmental anomaly of metabolic origin,False,"{{
|
||||
""answer"": ""False""
|
||||
}}"
|
||||
"Xeroderma Pigmentosum, Complementation Group D associates Gene ERCC2",True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
Argininosuccinic Aciduria associates Gene ASL,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
Lesch-Nyhan Syndrome associates Gene HPRT1,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
Creutzfeldt-Jakob disease is not associated with Gene PRNP,False,"{{
|
||||
""answer"": ""False""
|
||||
}}"
|
||||
BIETTI CRYSTALLINE CORNEORETINAL DYSTROPHY is not associated with Gene CYP4V2,False,"{{
|
||||
""answer"": ""False""
|
||||
}}"
|
||||
Disease ontology identifier for juvenile myoclonic epilepsy is DOID:4890,True,"{{
|
||||
""answer"": ""True""
|
||||
}}"
|
||||
"XERODERMA PIGMENTOSUM, COMPLEMENTATION GROUP E associates Gene DDB2",True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
anesthetics treats pheochromocytoma,True,"{
|
||||
""answer"": ""False""
|
||||
}"
|
||||
Disease ontology identifier for ornithine carbamoyltransferase deficiency is DOID:9271,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
Saethre-Chotzen Syndrome is not associated with Gene TWIST1,False,"{{
|
||||
""answer"": ""False""
|
||||
}}"
|
||||
prothrombin complex concentrates treats hemophilia b,True,"{{
|
||||
""answer"": ""False""
|
||||
}}"
|
||||
Disease ontology identifier for ethylmalonic encephalopathy is DOID:0060640,True,"{{
|
||||
""answer"": ""True""
|
||||
}}"
|
||||
Alexander disease is a leukodystrophy,True,"{{
|
||||
""answer"": ""True""
|
||||
}}"
|
||||
Variant rs2476601 associates Rheumatoid Arthritis,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
Carney Complex is not associated with Gene PRKAR1A,False,"{
|
||||
""answer"": ""False""
|
||||
}"
|
||||
Disease ontology identifier for Werner syndrome is DOID:0050466,False,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
very long chain acyl-CoA dehydrogenase deficiency is not a disorder of fatty acid oxidation and ketogenesis,False,"{{
|
||||
""answer"": ""False""
|
||||
}}"
|
||||
DOYNE HONEYCOMB RETINAL DYSTROPHY associates Gene EFEMP1,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
Central Diabetes Insipidus associates Gene AVP,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
Disease ontology identifier for popliteal pterygium syndrome is DOID:0050756,False,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
Fragile X Syndrome associates Gene FMR1,True,"{{
|
||||
""answer"": ""True""
|
||||
}}"
|
||||
Loeys-Dietz Syndrome associates Gene TGFBR2,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
"XERODERMA PIGMENTOSUM, COMPLEMENTATION GROUP C associates Gene XPC",True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
"CHARCOT-MARIE-TOOTH DISEASE, TYPE 4C associates Gene SH3TC2",True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
hereditary hemorrhagic telangiectasia is a autosomal dominant disease,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
Sandhoff disease is a eye degenerative disorder,True,"{
|
||||
""answer"": ""False""
|
||||
}"
|
||||
Disease ontology identifier for aniridia is DOID:12704,False,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
Congenital Generalized Lipodystrophy Type 2 associates Gene BSCL2,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
Noonan Syndrome associates Gene PTPN11,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
Juvenile Spinal Muscular Atrophy associates Gene SMN1,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
"CHARCOT-MARIE-TOOTH DISEASE, TYPE 4J associates Gene FIG4",True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
Alkaptonuria associates Gene HGD,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
Cystinuria is not associated with Gene SLC7A9,False,"{{
|
||||
""answer"": ""False""
|
||||
}}"
|
||||
Popliteal pterygium syndrome is not associated with Gene IRF6,False,"{
|
||||
""answer"": ""False""
|
||||
}"
|
||||
Aspartylglucosaminuria is not associated with Gene AGA,False,"{
|
||||
""answer"": ""False""
|
||||
}"
|
||||
Nijmegen Breakage Syndrome is not associated with Gene NBN,False,"{{
|
||||
""answer"": ""False""
|
||||
}}"
|
||||
Mowat-Wilson syndrome is not associated with Gene ZEB2,False,"{
|
||||
""answer"": ""False""
|
||||
}"
|
||||
Disease ontology identifier for fragile X syndrome is DOID:14261,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
Sarcoma associates Gene TP53,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
Alstrom syndrome is a ciliopathy,True,"{{
|
||||
""answer"": ""True""
|
||||
}}"
|
||||
Gray Platelet Syndrome is not associated with Gene NBEAL2,False,"{
|
||||
""answer"": ""False""
|
||||
}"
|
||||
Ethylmalonic encephalopathy is not associated with Gene ETHE1,False,"{{
|
||||
""answer"": ""False""
|
||||
}}"
|
||||
L-2-HYDROXYGLUTARIC ACIDURIA associates Gene L2HGDH,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
Disease ontology identifier for campomelic dysplasia is DOID:0050463,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
choroideremia is not a X-linked disease,False,"{
|
||||
""answer"": ""False""
|
||||
}"
|
||||
Coffin-Siris syndrome is a syndromic disease,True,"{{
|
||||
""answer"": ""True""
|
||||
}}"
|
||||
Nance-Horan syndrome associates Gene NHS,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
Disease ontology identifier for cystinuria is DOID:9266,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
Disease ontology identifier for gray platelet syndrome is DOID:0111044,True,"{{
|
||||
""answer"": ""True""
|
||||
}}"
|
||||
Maple Syrup Urine Disease associates Gene DBT,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
Spinocerebellar Ataxia Type 1 is not associated with Gene ATXN1,False,"{
|
||||
""answer"": ""False""
|
||||
}"
|
||||
Holt-Oram syndrome is a autosomal dominant disease,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
agalsidase alfa treats fabry disease,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
Disease ontology identifier for pseudopseudohypoparathyroidism is DOID:4183,True,"{{
|
||||
""answer"": ""True""
|
||||
}}"
|
||||
agalsidase beta treats fabry disease,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
Unverricht-Lundborg Syndrome is not associated with Gene CSTB,False,"{{
|
||||
""answer"": ""False""
|
||||
}}"
|
||||
L-2-hydroxyglutaric aciduria is not a 2-hydroxyglutaric aciduria,False,"{{
|
||||
""answer"": ""False""
|
||||
}}"
|
||||
Refsum Disease associates Gene PHYH,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
Achondroplasia is not associated with Gene FGFR3,False,"{
|
||||
""answer"": ""False""
|
||||
}"
|
||||
pseudoachondroplasia is a osteochondrodysplasia,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
prasterone treats obesity,True,"{
|
||||
""answer"": ""False""
|
||||
}"
|
||||
LATE-ONSET RETINAL DEGENERATION (disorder) associates Gene C1QTNF5,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
immunosuppressive agents treats crohn's disease,True,"{{
|
||||
""answer"": ""True""
|
||||
}}"
|
||||
nail-patella syndrome is a autosomal dominant disease,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
Mulibrey Nanism is not associated with Gene TRIM37,False,"{
|
||||
""answer"": ""False""
|
||||
}"
|
||||
"Xeroderma pigmentosum, group G is not associated with Gene ERCC5",False,"{
|
||||
""answer"": ""False""
|
||||
}"
|
||||
Disease ontology identifier for Lafora disease is DOID:3534,True,"{{
|
||||
""answer"": ""True""
|
||||
}}"
|
||||
Brachydactyly type C is not associated with Gene GDF5,False,"{
|
||||
""answer"": ""False""
|
||||
}"
|
||||
Cystinuria is not associated with Gene SLC3A1,False,"{{
|
||||
""answer"": ""False""
|
||||
}}"
|
||||
Obesity is not associated with Gene MC4R,False,"{{
|
||||
""answer"": ""False""
|
||||
}}"
|
||||
Kleefstra syndrome 1 is a Kleefstra syndrome,True,"{{
|
||||
""answer"": ""True""
|
||||
}}"
|
||||
everolimus treats tuberous sclerosis,True,"{{
|
||||
""answer"": ""True""
|
||||
}}"
|
||||
Autosomal Recessive Polycystic Kidney Disease associates Gene PKHD1,True,"{{
|
||||
""answer"": ""True""
|
||||
}}"
|
||||
amiloride treats cystic fibrosis,True,"{
|
||||
""answer"": ""False""
|
||||
}"
|
||||
Liver carcinoma associates Gene TP53,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
Adrenoleukodystrophy associates Gene ABCD1,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
Tuberous Sclerosis associates Gene TSC2,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
Myoclonic dystonia is not associated with Gene SGCE,False,"{
|
||||
""answer"": ""False""
|
||||
}"
|
||||
Long QT Syndrome 1 associates Gene KCNQ1,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
Smith-Magenis syndrome associates Gene RAI1,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
Disease ontology identifier for autosomal dominant hypophosphatemic rickets is DOID:0050948,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
nitisinone treats alkaptonuria,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
immune checkpoint inhibitor treats melanoma,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
Li-Fraumeni Syndrome is not associated with Gene TP53,False,"{{
|
||||
""answer"": ""False""
|
||||
}}"
|
||||
argininosuccinic aciduria is a amino acid metabolism disease,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
Hyperargininemia is not associated with Gene ARG1,False,"{
|
||||
""answer"": ""False""
|
||||
}"
|
||||
Fabry Disease associates Gene GLA,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
Disease ontology identifier for beta-mannosidosis is DOID:0111136,False,"{{
|
||||
""answer"": ""True""
|
||||
}}"
|
||||
Disease ontology identifier for spinocerebellar ataxia type 1 is DOID:0050954,True,"{{
|
||||
""answer"": ""True""
|
||||
}}"
|
||||
Waardenburg Syndrome Type 1 associates Gene PAX3,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
Osteosarcoma is not associated with Gene TP53,False,"{
|
||||
""answer"": ""False""
|
||||
}"
|
||||
Mucopolysaccharidosis II associates Gene IDS,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
"Xeroderma pigmentosum, group F associates Gene ERCC4",True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
Pierson syndrome is not a autosomal recessive disease,False,"{{
|
||||
""answer"": ""False""
|
||||
}}"
|
||||
Nijmegen breakage syndrome is a autosomal recessive disease,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
Ellis-Van Creveld Syndrome associates Gene EVC2,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
X-linked agammaglobulinemia associates Gene BTK,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
azithromycin treats cystic fibrosis,True,"{
|
||||
""answer"": ""False""
|
||||
}"
|
||||
liraglutide treats obesity,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
Chediak-Higashi Syndrome associates Gene LYST,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
"FANCONI ANEMIA, COMPLEMENTATION GROUP D2 is not associated with Gene FANCD2",False,"{{
|
||||
""answer"": ""False""
|
||||
}}"
|
||||
Wiskott-Aldrich Syndrome is not associated with Gene WAS,False,"{{
|
||||
""answer"": ""False""
|
||||
}}"
|
||||
Pseudoxanthoma Elasticum associates Gene ABCC6,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
Disease ontology identifier for Omenn syndrome is DOID:3633,False,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
Hajdu-Cheney Syndrome associates Gene NOTCH2,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
Disease ontology identifier for adrenoleukodystrophy is DOID:0060844,False,"{{
|
||||
""answer"": ""True""
|
||||
}}"
|
||||
antibiotics treats cystic fibrosis,True,"{{
|
||||
""answer"": ""False""
|
||||
}}"
|
||||
Mosaic variegated aneuploidy syndrome 1 associates Gene BUB1B,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
Noonan Syndrome associates Gene KRAS,True,"{{
|
||||
""answer"": ""True""
|
||||
}}"
|
||||
Coffin-Lowry syndrome associates Gene RPS6KA3,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
Laron Syndrome associates Gene GHR,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
Leigh Disease associates Gene SURF1,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
DiGeorge Syndrome is not associated with Gene TBX1,False,"{{
|
||||
""answer"": ""False""
|
||||
}}"
|
||||
Disease ontology identifier for Nance-Horan syndrome is DOID:0050771,False,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
"TIBIAL MUSCULAR DYSTROPHY, TARDIVE associates Gene TTN",True,"{
|
||||
""answer"": ""False""
|
||||
}"
|
||||
protein-tyrosine kinase inhibitor treats sarcoma,True,"{{
|
||||
""answer"": ""True""
|
||||
}}"
|
||||
Lafora Disease associates Gene EPM2A,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
Pseudoachondroplasia associates Gene COMP,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
"Charcot-Marie-Tooth disease, Type 4B1 associates Gene MTMR2",True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
dehydroepiandrosterone treats obesity,True,"{
|
||||
""answer"": ""False""
|
||||
}"
|
||||
Hartnup disease is a inborn disorder of amino acid transport,True,"{{
|
||||
""answer"": ""True""
|
||||
}}"
|
||||
Farber Lipogranulomatosis is not associated with Gene ASAH1,False,"{
|
||||
""answer"": ""False""
|
||||
}"
|
||||
Disease ontology identifier for Lesch-Nyhan syndrome is DOID:1919,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
Polycythemia Vera is not associated with Gene JAK2,False,"{{
|
||||
""answer"": ""False""
|
||||
}}"
|
||||
hyperkalemic periodic paralysis is not a familial periodic paralysis,False,"{{
|
||||
""answer"": ""False""
|
||||
}}"
|
||||
Coffin-Lowry syndrome is not a X-linked syndromic intellectual disability,False,"{{
|
||||
""answer"": ""False""
|
||||
}}"
|
||||
macrolide antibiotics treats cystic fibrosis,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
Pierson syndrome is not associated with Gene LAMB2,False,"{
|
||||
""answer"": ""False""
|
||||
}"
|
||||
CAMPOMELIC DYSPLASIA associates Gene SOX9,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
Fatal Familial Insomnia is not associated with Gene PRNP,False,"{{
|
||||
""answer"": ""False""
|
||||
}}"
|
||||
Disease ontology identifier for sitosterolemia is DOID:0090019,True,"{{
|
||||
""answer"": ""True""
|
||||
}}"
|
||||
Tay-Sachs Disease associates Gene HEXA,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
beta-Mannosidosis is not associated with Gene MANBA,False,"{
|
||||
""answer"": ""False""
|
||||
}"
|
||||
Noonan Syndrome associates Gene SOS1,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
Obesity is not associated with Gene PPARG,False,"{{
|
||||
""answer"": ""False""
|
||||
}}"
|
||||
Congenital amegakaryocytic thrombocytopenia is not associated with Gene MPL,False,"{
|
||||
""answer"": ""False""
|
||||
}"
|
||||
Leigh Disease associates Gene NDUFS4,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
Sandhoff Disease is not associated with Gene HEXB,False,"{
|
||||
""answer"": ""False""
|
||||
}"
|
||||
Disease ontology identifier for Doyne honeycomb retinal dystrophy is DOID:0081055,False,"{{
|
||||
""answer"": ""True""
|
||||
}}"
|
||||
Juvenile polyposis syndrome associates Gene BMPR1A,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
|
@@ -0,0 +1,919 @@
|
||||
question,correct_answer,llm_answer
|
||||
"Out of the given list, which Gene is associated with psoriasis and Takayasu's arteritis. Given list is: SHTN1, HLA-B, SLC14A2, BTBD9, DTNB",HLA-B,"{
|
||||
""answer"": ""HLA-B""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with psoriasis and myelodysplastic syndrome. Given list is: NOD2, CHEK2, HLA-B, GCKR, PKNOX2",HLA-B,"{
|
||||
""answer"": ""HLA-B""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with psoriasis and herpes zoster. Given list is: MIF, HLA-B, PLA2G6, SCN1A, KITLG",HLA-B,"{
|
||||
""answer"": ""HLA-B""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with psoriasis and allergic rhinitis. Given list is: ATP2B1, HLA-B, STAT4, TERT, FADS1",HLA-B,"{
|
||||
""answer"": ""HLA-B""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with psoriasis and diffuse large B-cell lymphoma. Given list is: PTPRD, XBP1, BRCA2, DMRT1, HLA-B",HLA-B,"{
|
||||
""answer"": ""HLA-B""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with psoriasis and psoriatic arthritis. Given list is: IGF2BP2, GRAMD1B, TNRC18, SFRP4, HLA-B",HLA-B,"{
|
||||
""answer"": ""HLA-B""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with membranous glomerulonephritis and autoimmune hepatitis. Given list is: RBFOX1, RORA, IL2RA, BTC, HLA-DQA1",HLA-DQA1,"{
|
||||
""answer"": ""HLA-DQA1""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with membranous glomerulonephritis and immunoglobulin alpha deficiency. Given list is: HLA-DQA1, ADH1B, TM6SF2, TERT, IL2RA",HLA-DQA1,"{
|
||||
""answer"": ""IL2RA""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with membranous glomerulonephritis and collagenous colitis. Given list is: HLA-DQA1, STAT4, ATXN2, GNE, RAD51B",HLA-DQA1,"{
|
||||
""answer"": ""HLA-DQA1""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with membranous glomerulonephritis and cutaneous lupus erythematosus. Given list is: ZFHX3, HLA-DQA1, EPDR1, CRTC1, HLA-DQA1",HLA-DQA1,"{
|
||||
""answer"": ""HLA-DQA1""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with membranous glomerulonephritis and cervix carcinoma. Given list is: PSCA, HLA-DQA1, KALRN, HLA-DQA1, HLA-DRB5",HLA-DQA1,"{
|
||||
""answer"": ""HLA-DQA1""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with periodontitis and primary angle-closure glaucoma. Given list is: EPDR1, TYR, IL23R, STN1, PRNP",EPDR1,"{
|
||||
""answer"": ""IL23R""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with Hodgkin's lymphoma and Hodgkin's lymphoma, nodular sclerosis. Given list is: SHTN1, ERAP1, GATA3, XBP1, FTO",GATA3,"{
|
||||
""answer"": ""GATA3""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with limited scleroderma and allergic rhinitis. Given list is: TLR1, WNT4, HLA-DPA1, PSCA, DTNB",TLR1,"{
|
||||
""answer"": ""HLA-DPA1""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with malaria and duodenal ulcer. Given list is: TP53, ABO, HLA-DPA1, ADGRV1, GNE",ABO,"{
|
||||
""answer"": ""ABO""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with malaria and pancreatic carcinoma. Given list is: ABO, HLA-DPA1, TNRC6B, JAK2, TERT",ABO,"{
|
||||
""answer"": ""JAK2""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with focal epilepsy and epilepsy. Given list is: SCN1A, ABCG2, DTNB, LRMDA, CPS1",SCN1A,"{
|
||||
""answer"": ""SCN1A""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with hypertrophic cardiomyopathy and dilated cardiomyopathy. Given list is: ZFPM2, HLA-B, BRCA2, MST1, MYH7",MYH7,"{
|
||||
""answer"": ""MYH7""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with inflammatory bowel disease and ankylosing spondylitis. Given list is: HOXD3, HNF1B, TYR, IL23R, TRAF3IP2",IL23R,"{
|
||||
""answer"": ""IL23R""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with inflammatory bowel disease and ulcerative colitis. Given list is: GATA3, IL10, HOXD3, IL23R, TNFSF15",IL23R,"{
|
||||
""answer"": ""IL23R""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with inflammatory bowel disease and Crohn's disease. Given list is: TNRC6B, ARMS2, RORA, MORC4, IL23R",IL23R,"{
|
||||
""answer"": ""IL23R""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with interstitial lung disease and triple-receptor negative breast cancer. Given list is: TERT, FER, TERT, PCDH15, PTK2B",TERT,"{
|
||||
""answer"": ""TERT""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with interstitial lung disease and idiopathic pulmonary fibrosis. Given list is: ATXN2, ERAP1, RBFOX1, NANOS1, TERT",TERT,"{
|
||||
""answer"": ""TERT""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with interstitial lung disease and myeloproliferative neoplasm. Given list is: ZFPM2, IL23R, TERT, THADA, IL23R",TERT,"{
|
||||
""answer"": ""IL23R""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with interstitial lung disease and central nervous system cancer. Given list is: FGFR2, TERT, HLA-DQA1, GTF2I, SLC14A2",TERT,"{
|
||||
""answer"": ""TERT""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with interstitial lung disease and estrogen-receptor negative breast cancer. Given list is: TERT, CACNB2, ERAP1, PRKAA1, SHTN1",TERT,"{
|
||||
""answer"": ""ERAP1""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with interstitial lung disease and lung adenocarcinoma. Given list is: CHST11, SYT14, TERT, BARD1, USHBP1",TERT,"{
|
||||
""answer"": ""TERT""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with interstitial lung disease and lung carcinoma. Given list is: BTN2A1, BRCA2, STAT3, TERT, TFAP2B",TERT,"{
|
||||
""answer"": ""STAT3""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with triple-receptor negative breast cancer and interstitial lung disease. Given list is: ADGRG6, FGFR2, AFAP1, TERT, YLPM1",TERT,"{
|
||||
""answer"": ""YLPM1""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with triple-receptor negative breast cancer and idiopathic pulmonary fibrosis. Given list is: CRTC1, TERT, ATG5, WNT10A, ULK4",TERT,"{
|
||||
""answer"": ""ATG5""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with triple-receptor negative breast cancer and myeloproliferative neoplasm. Given list is: ERAP1, SNCA, TERT, ULK4, ADGRG6",TERT,"{
|
||||
""answer"": ""TERT""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with triple-receptor negative breast cancer and central nervous system cancer. Given list is: PLG, HLA-DQA1, IL6, ATXN2, TERT",TERT,"{
|
||||
""answer"": ""ATXN2""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with triple-receptor negative breast cancer and estrogen-receptor negative breast cancer. Given list is: TERT, KIT, DGKK, ATP2B1, IL6",TERT,"{
|
||||
""answer"": ""IL6""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with triple-receptor negative breast cancer and lung adenocarcinoma. Given list is: TERT, POU5F1B, PLG, IGF1R, LRMDA",TERT,"{
|
||||
""answer"": ""IGF1R""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with triple-receptor negative breast cancer and lung carcinoma. Given list is: PTPN22, C5, TERT, FCGR2A, FADS2",TERT,"{
|
||||
""answer"": ""PTPN22""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with lung small cell carcinoma and opiate dependence. Given list is: CFH, CLPTM1L, TERT, FAT3, ADGRV1",ADGRV1,"{
|
||||
""answer"": ""ADGRV1""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with lung small cell carcinoma and cervix carcinoma. Given list is: TERT, ADGRV1, PHGDH, CACNA1D, TFAP2B",ADGRV1,"{
|
||||
""answer"": ""TERT""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with male breast cancer and urticaria. Given list is: BABAM1, RAD51B, PHGDH, ABO, TERT",RAD51B,"{
|
||||
""answer"": ""RAD51B""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with idiopathic pulmonary fibrosis and interstitial lung disease. Given list is: COL22A1, KIF1B, TERT, CLPTM1L, HLA-DQA1",TERT,"{
|
||||
""answer"": ""TERT""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with idiopathic pulmonary fibrosis and triple-receptor negative breast cancer. Given list is: RELN, TERT, PLA2R1, DNMT3A, ABO",TERT,"{
|
||||
""answer"": ""DNMT3A""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with idiopathic pulmonary fibrosis and myeloproliferative neoplasm. Given list is: STAT4, UMOD, ADGRV1, UMPS, TERT",TERT,"{
|
||||
""answer"": ""UMOD""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with idiopathic pulmonary fibrosis and central nervous system cancer. Given list is: LOXL1, TERT, KALRN, RP1, IL6",TERT,"{
|
||||
""answer"": ""TERT""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with idiopathic pulmonary fibrosis and estrogen-receptor negative breast cancer. Given list is: TERT, TNFSF15, NTM, IGF2BP2, STN1",TERT,"{
|
||||
""answer"": ""TERT""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with idiopathic pulmonary fibrosis and lung adenocarcinoma. Given list is: HLA-B, CFH, PSCA, TERT, USHBP1",TERT,"{
|
||||
""answer"": ""TERT""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with idiopathic pulmonary fibrosis and lung carcinoma. Given list is: ABCG2, SULT1B1, ERAP1, TERT, CHST11",TERT,"{
|
||||
""answer"": ""TERT""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with thyroid gland papillary carcinoma and hypothyroidism. Given list is: CLPTM1L, MYBPC3, FAM227B, VAV3, PRNP",VAV3,"{
|
||||
""answer"": ""CLPTM1L""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with thyroid gland papillary carcinoma and differentiated thyroid gland carcinoma. Given list is: ACOXL, POU5F1B, VAV3, PSCA, ZFPM2",VAV3,"{
|
||||
""answer"": ""ZFPM2""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with mature B-cell neoplasm and androgenic alopecia. Given list is: HLA-DPA1, PRKAG2, ERAP1, SLC14A2, FER",SLC14A2,"{
|
||||
""answer"": ""PRKAG2""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with mature B-cell neoplasm and cocaine dependence. Given list is: TLR1, SLC14A2, SCN1A, IL12RB2, PLG",SLC14A2,"{
|
||||
""answer"": ""IL12RB2""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with hepatitis B and lymphoma. Given list is: KALRN, HLA-DQB2, ALDH1A2, STAT4, FBN1",HLA-DQB2,"{
|
||||
""answer"": ""STAT4""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with autoimmune hepatitis and membranous glomerulonephritis. Given list is: STAT4, HLA-DQA1, TNFSF13, CFH, KITLG",HLA-DQA1,"{
|
||||
""answer"": ""HLA-DQA1""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with autoimmune hepatitis and oral cavity cancer. Given list is: CACNA2D1, HLF, SULT1B1, HLA-DQB1, DLEU7",HLA-DQB1,"{
|
||||
""answer"": ""HLA-DQB1""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with autoimmune hepatitis and immunoglobulin alpha deficiency. Given list is: HLA-DQA1, HLA-DQB1, UCK2, PLA2R1, HLA-DQA1",HLA-DQA1,"{
|
||||
""answer"": ""HLA-DQA1""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with autoimmune hepatitis and collagenous colitis. Given list is: KALRN, TERT, PLA2R1, NANOS1, HLA-DQA1",HLA-DQA1,"{
|
||||
""answer"": ""HLA-DQA1""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with autoimmune hepatitis and oropharynx cancer. Given list is: EYA2, LOXL1, BTBD9, TMEM71, HLA-DQB1",HLA-DQB1,"{
|
||||
""answer"": ""HLA-DQB1""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with autoimmune hepatitis and nephrotic syndrome. Given list is: IGF1R, HLA-DQB1, IL2RA, SLC17A4, EPDR1",HLA-DQB1,"{
|
||||
""answer"": ""HLA-DQB1""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with autoimmune hepatitis and rheumatic heart disease. Given list is: KAT2B, HLA-DQB1, GSDMB, ALDH1A2, THADA",HLA-DQB1,"{
|
||||
""answer"": ""HLA-DQB1""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with autoimmune hepatitis and cutaneous lupus erythematosus. Given list is: PTPN22, HLA-DQA1, CACNB2, CCDC33, IL2RA",HLA-DQA1,"{
|
||||
""answer"": ""HLA-DQA1""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with autoimmune hepatitis and cervix carcinoma. Given list is: FAT3, HLA-DPA1, HLA-DQA1, CACNA1S, CACNA2D1",HLA-DQA1,"{
|
||||
""answer"": ""HLA-DQA1""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with primary angle-closure glaucoma and periodontitis. Given list is: EPDR1, ADH1B, USHBP1, POU5F1B, SHTN1",EPDR1,"{
|
||||
""answer"": ""EPDR1""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with non-alcoholic fatty liver disease and liver cirrhosis. Given list is: IL23R, RP1, PSCA, PNPLA3, PLG",PNPLA3,"{
|
||||
""answer"": ""PNPLA3""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with non-alcoholic fatty liver disease and non-alcoholic steatohepatitis. Given list is: C5AR1, PNPLA3, ABCG2, BTC, UMPS",PNPLA3,"{
|
||||
""answer"": ""PNPLA3""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with hypothyroidism and thyroid gland papillary carcinoma. Given list is: PRKACB, FAM13A, VAV3, ZFPM2, TERT",VAV3,"{
|
||||
""answer"": ""ZFPM2""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with hypothyroidism and differentiated thyroid gland carcinoma. Given list is: PNPLA3, RELN, RP1, STAT4, VAV3",VAV3,"{
|
||||
""answer"": ""STAT4""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with liver cirrhosis and non-alcoholic fatty liver disease. Given list is: HYKK, PLA2G6, ADH1B, PNPLA3, RGS14",PNPLA3,"{
|
||||
""answer"": ""PNPLA3""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with liver cirrhosis and head and neck cancer. Given list is: CACNA2D1, HLA-DQA1, ADGRV1, YLPM1, STN1",CACNA2D1,"{
|
||||
""answer"": ""HLA-DQA1""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with liver cirrhosis and non-alcoholic steatohepatitis. Given list is: SCN1A, EYA2, CACNA2D1, HBB, PNPLA3",PNPLA3,"{
|
||||
""answer"": ""PNPLA3""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with liver cirrhosis and uveal melanoma. Given list is: VAV3, PSCA, CACNA2D1, NTM, SULT1B1",CACNA2D1,"{
|
||||
""answer"": ""NTM""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with Takayasu's arteritis and psoriasis. Given list is: ABCG2, HLA-B, CACNA1C, RGS14, PTPN22",HLA-B,"{
|
||||
""answer"": ""HLA-B""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with Takayasu's arteritis and myelodysplastic syndrome. Given list is: CCDC33, PCDH15, RBFOX1, HLA-B, ERAP1",HLA-B,"{
|
||||
""answer"": ""HLA-B""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with Takayasu's arteritis and herpes zoster. Given list is: HLA-B, STAT6, HLA-DQA1, HBB, CFH",HLA-B,"{
|
||||
""answer"": ""HLA-B""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with Takayasu's arteritis and allergic rhinitis. Given list is: HLA-DQB2, CRTC1, FAM13A, TNRC6B, HLA-B",HLA-B,"{
|
||||
""answer"": ""HLA-B""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with Takayasu's arteritis and diffuse large B-cell lymphoma. Given list is: HLA-B, PLG, BRCA2, PNPLA3, PBX2",HLA-B,"{
|
||||
""answer"": ""HLA-B""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with Takayasu's arteritis and psoriatic arthritis. Given list is: RELN, HLA-B, HLA-B, SNTB1, SCN1A",HLA-B,"{
|
||||
""answer"": ""HLA-B""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with oral cavity cancer and autoimmune hepatitis. Given list is: KAT2B, TTLL5, HLA-DQB1, HOXD3, SAMM50",HLA-DQB1,"{
|
||||
""answer"": ""HLA-DQB1""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with oral cavity cancer and oropharynx cancer. Given list is: GCKR, HLA-DQB1, CACNA1S, TNFSF15, RAD51B",HLA-DQB1,"{
|
||||
""answer"": ""RAD51B""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with oral cavity cancer and nephrotic syndrome. Given list is: ARMS2, HLA-DQB1, LOXL1, HLA-B, ACOXL",HLA-DQB1,"{
|
||||
""answer"": ""HLA-B""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with oral cavity cancer and rheumatic heart disease. Given list is: HLA-DQB1, HBB, TNNT2, ITPA, HLA-DQB1",HLA-DQB1,"{
|
||||
""answer"": ""HLA-DQB1""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with oral cavity cancer and pancreatic carcinoma. Given list is: CLPTM1L, CASZ1, AKAP6, HERC2, IL6",CLPTM1L,"{
|
||||
""answer"": ""IL6""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with immunoglobulin alpha deficiency and membranous glomerulonephritis. Given list is: HLA-DQA1, HLA-DQB1, MYH7, TNRC6B, CRTC1",HLA-DQA1,"{
|
||||
""answer"": ""HLA-DQA1""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with immunoglobulin alpha deficiency and autoimmune hepatitis. Given list is: SLC14A2, PRKAG2, HLA-DQA1, HLA-DQA1, PLG",HLA-DQA1,"{
|
||||
""answer"": ""HLA-DQA1""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with immunoglobulin alpha deficiency and collagenous colitis. Given list is: GATA3, HLA-DQA1, SNTB1, CHEK2, HLA-DRB5",HLA-DQA1,"{
|
||||
""answer"": ""HLA-DQA1""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with immunoglobulin alpha deficiency and cutaneous lupus erythematosus. Given list is: PLA2R1, DTNB, FER, HLA-DQA1, PINX1",HLA-DQA1,"{
|
||||
""answer"": ""HLA-DQA1""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with immunoglobulin alpha deficiency and cervix carcinoma. Given list is: CLPTM1L, STAT3, HLA-DQA1, ABO, HLA-DPB1",HLA-DQA1,"{
|
||||
""answer"": ""HLA-DQA1""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with myelodysplastic syndrome and psoriasis. Given list is: VAV3, TERT, CLPTM1L, PTPN22, HLA-B",HLA-B,"{
|
||||
""answer"": ""HLA-B""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with myelodysplastic syndrome and Takayasu's arteritis. Given list is: BTN3A1, AKAP6, CACNA2D1, HLA-B, CACNA1A",HLA-B,"{
|
||||
""answer"": ""HLA-B""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with myelodysplastic syndrome and herpes zoster. Given list is: DTNB, HLA-B, ATP2B1, SLC14A2, KALRN",HLA-B,"{
|
||||
""answer"": ""HLA-B""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with myelodysplastic syndrome and allergic rhinitis. Given list is: ARMS2, CHEK2, HLA-B, BTN3A1, GSDMB",HLA-B,"{
|
||||
""answer"": ""HLA-B""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with myelodysplastic syndrome and diffuse large B-cell lymphoma. Given list is: MIF, TDP2, TMEM71, HLA-DQA1, HLA-B",HLA-B,"{
|
||||
""answer"": ""HLA-DQA1""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with myelodysplastic syndrome and psoriatic arthritis. Given list is: MST1, BTNL2, HLA-B, HERC2, HLA-DQB1",HLA-B,"{
|
||||
""answer"": ""HLA-B""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with differentiated thyroid gland carcinoma and thyroid gland papillary carcinoma. Given list is: ITPA, CHEK2, CRTC1, PLG, VAV3",VAV3,"{
|
||||
""answer"": ""CRTC1""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with differentiated thyroid gland carcinoma and hypothyroidism. Given list is: ERAP1, HLA-DQA1, VAV3, PINX1, PCDH15",VAV3,"{
|
||||
""answer"": ""VAV3""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with Barrett's esophagus and esophagus adenocarcinoma. Given list is: HLA-DQB1, CRTC1, HLA-B, CFH, MYBPC3",CRTC1,"{
|
||||
""answer"": ""CRTC1""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with ankylosing spondylitis and inflammatory bowel disease. Given list is: LPP, UCK2, YLPM1, DAB2IP, IL23R",IL23R,"{
|
||||
""answer"": ""IL23R""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with ankylosing spondylitis and ulcerative colitis. Given list is: KIT, SAMM50, IL23R, PSCA, HLA-DQB1",IL23R,"{
|
||||
""answer"": ""IL23R""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with ankylosing spondylitis and anterior uveitis. Given list is: CFH, XBP1, ERAP1, SYT14, HNF1B",ERAP1,"{
|
||||
""answer"": ""ERAP1""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with ankylosing spondylitis and Crohn's disease. Given list is: IL23R, HLA-DQB1, TNRC18, EYA2, SLC2A9",IL23R,"{
|
||||
""answer"": ""IL23R""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with rheumatoid arthritis and myositis. Given list is: STAT3, BARD1, PTPN22, PRKN, C5AR1",PTPN22,"{
|
||||
""answer"": ""PTPN22""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with neuromyelitis optica and neurotic disorder. Given list is: TNRC18, PCDH7, CASZ1, GATA3, TNXB",TNXB,"{
|
||||
""answer"": ""TNXB""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with collagenous colitis and membranous glomerulonephritis. Given list is: PHACTR1, CASZ1, PNPLA3, HLA-DQA1, ATP2B1",HLA-DQA1,"{
|
||||
""answer"": ""HLA-DQA1""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with collagenous colitis and autoimmune hepatitis. Given list is: CACNA1D, HLA-DQA1, AKAP6, MST1, NTM",HLA-DQA1,"{
|
||||
""answer"": ""HLA-DQA1""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with collagenous colitis and immunoglobulin alpha deficiency. Given list is: EPAS1, MYH7, RELN, HLA-DQA1, KIT",HLA-DQA1,"{
|
||||
""answer"": ""HLA-DQA1""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with collagenous colitis and cutaneous lupus erythematosus. Given list is: MYH7, HLA-DQA1, HLA-DQA1, TERT, BARD1",HLA-DQA1,"{
|
||||
""answer"": ""HLA-DQA1""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with collagenous colitis and cervix carcinoma. Given list is: NEURL1, TERT, HLA-DQA1, TERT, SLC17A4",HLA-DQA1,"{
|
||||
""answer"": ""TERT""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with dengue hemorrhagic fever and intracranial aneurysm. Given list is: RP1, TLR1, UCK2, GNE, FADS1",RP1,"{
|
||||
""answer"": ""GNE""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with dengue hemorrhagic fever and wheat allergy. Given list is: RBFOX1, EPDR1, BABAM1, PTPN22, WNT4",RBFOX1,"{
|
||||
""answer"": ""PTPN22""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with neurotic disorder and neuromyelitis optica. Given list is: STAT4, LACC1, TNXB, UMPS, SFRP4",TNXB,"{
|
||||
""answer"": ""TNXB""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with head and neck cancer and liver cirrhosis. Given list is: TFAP2B, TERT, USHBP1, CACNA2D1, CRTC1",CACNA2D1,"{
|
||||
""answer"": ""TERT""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with head and neck cancer and uveal melanoma. Given list is: ABO, CACNA2D1, PSCA, TERT, SULT1B1",CACNA2D1,"{
|
||||
""answer"": ""TERT""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with age related macular degeneration and Kuhnt-Junius degeneration. Given list is: VAV3, UGT1A8, CFH, TP53, HLA-DQA1",CFH,"{
|
||||
""answer"": ""CFH""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with age related macular degeneration and kidney disease. Given list is: RAD51B, CFH, C1orf127, CASZ1, HAAO",CFH,"{
|
||||
""answer"": ""CFH""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with Kuhnt-Junius degeneration and age related macular degeneration. Given list is: CFH, CACNA2D1, STAT4, LACC1, SFRP4",CFH,"{
|
||||
""answer"": ""CFH""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with Kuhnt-Junius degeneration and kidney disease. Given list is: PRKACB, MUC5B, TERT, CFH, CACNA2D1",CFH,"{
|
||||
""answer"": ""CFH""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with lymphoma and hepatitis B. Given list is: HLA-DQB2, YLPM1, MTTP, HAAO, PTPN22",HLA-DQB2,"{
|
||||
""answer"": ""PTPN22""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with herpes zoster and psoriasis. Given list is: HLA-DQB1, HOXD3, FAM227B, DNMT3A, HLA-B",HLA-B,"{
|
||||
""answer"": ""HLA-B""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with herpes zoster and Takayasu's arteritis. Given list is: FAM227B, PRKN, CSNK2B, HLA-B, FGFR2",HLA-B,"{
|
||||
""answer"": ""HLA-B""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with herpes zoster and myelodysplastic syndrome. Given list is: HLA-B, TMEM71, KITLG, PTPRD, AHR",HLA-B,"{
|
||||
""answer"": ""HLA-B""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with herpes zoster and allergic rhinitis. Given list is: HLA-B, HLA-B, IGF2BP2, CLPTM1L, CACNA2D1",HLA-B,"{
|
||||
""answer"": ""HLA-B""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with herpes zoster and diffuse large B-cell lymphoma. Given list is: HLA-B, ATXN2, SLC14A2, EYA2, POU5F1B",HLA-B,"{
|
||||
""answer"": ""POU5F1B""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with herpes zoster and psoriatic arthritis. Given list is: HLA-B, ADGRV1, CPS1, SULT1B1, ATG5",HLA-B,"{
|
||||
""answer"": ""HLA-B""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with duodenal ulcer and malaria. Given list is: IGF1R, HLA-DQA1, USHBP1, ABO, GTF2I",ABO,"{
|
||||
""answer"": ""ABO""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with duodenal ulcer and atrophic gastritis. Given list is: SLC17A4, GATA3, MST1, PSCA, SCN1A",PSCA,"{
|
||||
""answer"": ""PSCA""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with duodenal ulcer and pancreatic carcinoma. Given list is: YLPM1, CFH, ABO, KALRN, STAT6",ABO,"{
|
||||
""answer"": ""ABO""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with duodenal ulcer and gastric fundus cancer. Given list is: CACNA1S, MUC5B, FBN1, PSCA, BTC",PSCA,"{
|
||||
""answer"": ""PSCA""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with non-alcoholic steatohepatitis and non-alcoholic fatty liver disease. Given list is: HLA-DQB2, ZFPM2, KALRN, PNPLA3, DENND1A",PNPLA3,"{
|
||||
""answer"": ""PNPLA3""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with non-alcoholic steatohepatitis and liver cirrhosis. Given list is: PNPLA3, SULT1B1, KIT, AHR, FAM227B",PNPLA3,"{
|
||||
""answer"": ""PNPLA3""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with oropharynx cancer and autoimmune hepatitis. Given list is: HLA-DQB1, TNXB, FBN1, C9, BTN3A1",HLA-DQB1,"{
|
||||
""answer"": ""HLA-DQB1""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with oropharynx cancer and oral cavity cancer. Given list is: MYBPC3, KIF1B, DGKK, HLA-DQB1, HLA-B",HLA-DQB1,"{
|
||||
""answer"": ""HLA-B""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with oropharynx cancer and nephrotic syndrome. Given list is: FER, HLA-DQB1, FTO, SLC2A9, RAD51B",HLA-DQB1,"{
|
||||
""answer"": ""RAD51B""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with oropharynx cancer and rheumatic heart disease. Given list is: DENND1A, HLA-DQB1, VRK2, TERT, CACNA1A",HLA-DQB1,"{
|
||||
""answer"": ""HLA-DQB1""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with ulcerative colitis and inflammatory bowel disease. Given list is: SAMD9L, IL23R, GATA3, DNMT3A, RAD51B",IL23R,"{
|
||||
""answer"": ""IL23R""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with ulcerative colitis and ankylosing spondylitis. Given list is: ALDH1A2, IL23R, DTNB, SNTB1, MYH7",IL23R,"{
|
||||
""answer"": ""IL23R""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with ulcerative colitis and Crohn's disease. Given list is: ZFHX3, OPTN, EML4, IL23R, STN1",IL23R,"{
|
||||
""answer"": ""IL23R""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with nephrotic syndrome and autoimmune hepatitis. Given list is: TNIP1, CACNA1C, SLC2A9, HLA-DQB1, CSNK2B",HLA-DQB1,"{
|
||||
""answer"": ""HLA-DQB1""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with nephrotic syndrome and oral cavity cancer. Given list is: CRTC1, PLG, AHR, SLC14A2, HLA-DQB1",HLA-DQB1,"{
|
||||
""answer"": ""HLA-DQB1""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with nephrotic syndrome and oropharynx cancer. Given list is: PRKAG2, SYT14, VAV3, HLA-DQB1, PNPLA3",HLA-DQB1,"{
|
||||
""answer"": ""PNPLA3""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with nephrotic syndrome and rheumatic heart disease. Given list is: GSDMB, KALRN, SNTB1, HLA-DQB1, CRTC1",HLA-DQB1,"{
|
||||
""answer"": ""HLA-DQB1""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with myositis and rheumatoid arthritis. Given list is: C9, RORA, TERT, HLA-B, PTPN22",PTPN22,"{
|
||||
""answer"": ""PTPN22""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with myositis and systemic scleroderma. Given list is: BTNL2, DMRT1, STAT4, CLPTM1L, SLC2A9",STAT4,"{
|
||||
""answer"": ""STAT4""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with myositis and Sjogren's syndrome. Given list is: STAT4, FTO, ACOXL, MORC4, TNXB",STAT4,"{
|
||||
""answer"": ""STAT4""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with intracranial aneurysm and dengue hemorrhagic fever. Given list is: RP1, IGF1R, BABAM1, DLEU7, ATG5",RP1,"{
|
||||
""answer"": ""ATG5""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with squamous cell carcinoma and estrogen-receptor negative breast cancer. Given list is: BRCA2, RBFOX1, UCK2, PNPLA3, RAD51B",BRCA2,"{
|
||||
""answer"": ""BRCA2""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with squamous cell carcinoma and lung squamous cell carcinoma. Given list is: ARMS2, BRCA2, BTBD9, IL6, ALDH1A2",BRCA2,"{
|
||||
""answer"": ""BRCA2""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with androgenic alopecia and mature B-cell neoplasm. Given list is: TM6SF2, HLA-B, SLC14A2, PHGDH, TTLL5",SLC14A2,"{
|
||||
""answer"": ""HLA-B""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with androgenic alopecia and cocaine dependence. Given list is: GSDMB, SLC14A2, ATXN2, PNPLA3, PRKACB",SLC14A2,"{
|
||||
""answer"": ""PNPLA3""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with sclerosing cholangitis and endometrial cancer. Given list is: FADS2, RP1, ATXN2, VRK2, PLA2G6",ATXN2,"{
|
||||
""answer"": ""ATXN2""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with cocaine dependence and mature B-cell neoplasm. Given list is: CHST11, GSDMB, ERAP1, TP63, SLC14A2",SLC14A2,"{
|
||||
""answer"": ""TP63""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with cocaine dependence and androgenic alopecia. Given list is: ATG5, ADGRV1, NEURL1, SLC14A2, HLA-DPB1",SLC14A2,"{
|
||||
""answer"": ""ADGRV1""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with epilepsy and focal epilepsy. Given list is: NEURL1, SCN1A, HAAO, CLDN14, MYBPC3",SCN1A,"{
|
||||
""answer"": ""SCN1A""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with myeloproliferative neoplasm and interstitial lung disease. Given list is: LRMDA, TERT, CLDN14, UCK2, STAT3",TERT,"{
|
||||
""answer"": ""STAT3""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with myeloproliferative neoplasm and triple-receptor negative breast cancer. Given list is: ABO, SCN1A, TERT, TGM2, COL22A1",TERT,"{
|
||||
""answer"": ""TERT""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with myeloproliferative neoplasm and idiopathic pulmonary fibrosis. Given list is: FBN1, TERT, DLEU7, IL2RA, PTK2B",TERT,"{
|
||||
""answer"": ""TERT""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with myeloproliferative neoplasm and central nervous system cancer. Given list is: WNT4, TERT, VAV3, ADH1B, GATA3",TERT,"{
|
||||
""answer"": ""TERT""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with myeloproliferative neoplasm and estrogen-receptor negative breast cancer. Given list is: STAT4, MYH7, BTBD9, ERAP1, TERT",TERT,"{
|
||||
""answer"": ""TERT""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with myeloproliferative neoplasm and lung adenocarcinoma. Given list is: SLC17A4, STAT6, HLA-DQB1, TERT, PRX",TERT,"{
|
||||
""answer"": ""TERT""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with myeloproliferative neoplasm and lung carcinoma. Given list is: LPP, TENM2, DMRT1, TERT, UCK2",TERT,"{
|
||||
""answer"": ""TERT""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with rheumatic heart disease and autoimmune hepatitis. Given list is: SPRED2, TTLL5, TLR1, ALDH1A2, HLA-DQB1",HLA-DQB1,"{
|
||||
""answer"": ""HLA-DQB1""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with rheumatic heart disease and oral cavity cancer. Given list is: HLA-DQB1, IL23R, TM6SF2, BTC, SYT14",HLA-DQB1,"{
|
||||
""answer"": ""HLA-DQB1""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with rheumatic heart disease and oropharynx cancer. Given list is: PLA2G6, HLA-DQB1, IL23R, FAM13A, ADH1B",HLA-DQB1,"{
|
||||
""answer"": ""HLA-DQB1""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with rheumatic heart disease and nephrotic syndrome. Given list is: CACNA1D, TFAP2B, STAT4, HLA-DQB1, PTK2B",HLA-DQB1,"{
|
||||
""answer"": ""HLA-DQB1""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with atrophic gastritis and duodenal ulcer. Given list is: HOXD3, ATP2B1, PSCA, CDK8, CACNA1A",PSCA,"{
|
||||
""answer"": ""PSCA""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with atrophic gastritis and gastric fundus cancer. Given list is: EYA2, CDKAL1, KAT2B, PSCA, PSCA",PSCA,"{
|
||||
""answer"": ""PSCA""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with wheat allergy and dengue hemorrhagic fever. Given list is: NEURL1, DLEU7, DMRT1, ADGRG6, RBFOX1",RBFOX1,"{
|
||||
""answer"": ""RBFOX1""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with pulmonary hypertension and dermatomyositis. Given list is: CLPTM1L, C5, HLA-DPA1, AHR, HLA-DQA1",HLA-DPA1,"{
|
||||
""answer"": ""HLA-DQA1""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with cutaneous lupus erythematosus and membranous glomerulonephritis. Given list is: JAK2, IL6, HLA-DQA1, HNF1B, ZEB2",HLA-DQA1,"{
|
||||
""answer"": ""HLA-DQA1""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with cutaneous lupus erythematosus and autoimmune hepatitis. Given list is: FGFR2, TERT, HLA-DQA1, IL6, HLA-DQB1",HLA-DQA1,"{
|
||||
""answer"": ""HLA-DQA1 and HLA-DQB1""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with cutaneous lupus erythematosus and immunoglobulin alpha deficiency. Given list is: DTNB, IL10, TNXB, FAM13A, HLA-DQA1",HLA-DQA1,"{
|
||||
""answer"": ""HLA-DQA1""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with cutaneous lupus erythematosus and collagenous colitis. Given list is: MUC5B, DLEU7, BRCA2, HLA-DQA1, THADA",HLA-DQA1,"{
|
||||
""answer"": ""HLA-DQA1""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with cutaneous lupus erythematosus and cervix carcinoma. Given list is: PRX, CDK8, HIP1, HLA-DQA1, RAD51B",HLA-DQA1,"{
|
||||
""answer"": ""HLA-DQA1""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with systemic scleroderma and myositis. Given list is: HLA-DPB1, STAT4, UGT1A9, HLA-DQA1, TNRC6B",STAT4,"{
|
||||
""answer"": ""HLA-DQA1""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with systemic scleroderma and Sjogren's syndrome. Given list is: KITLG, STAT4, SLC14A2, COL22A1, TDP2",STAT4,"{
|
||||
""answer"": ""STAT4""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with childhood type dermatomyositis and dermatomyositis. Given list is: FTO, PLA2G6, ATP2B1, GSDMB, BRCA2",GSDMB,"{
|
||||
""answer"": ""PLA2G6""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with central nervous system cancer and interstitial lung disease. Given list is: ADGRV1, TENM2, TERT, LRMDA, CCDC33",TERT,"{
|
||||
""answer"": ""TERT""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with central nervous system cancer and triple-receptor negative breast cancer. Given list is: SLC17A4, KITLG, CAPN14, CACNA2D1, TERT",TERT,"{
|
||||
""answer"": ""TERT""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with central nervous system cancer and idiopathic pulmonary fibrosis. Given list is: TERT, MORC4, DMRT1, GRAMD1B, GTF2I",TERT,"{
|
||||
""answer"": ""TERT""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with central nervous system cancer and myeloproliferative neoplasm. Given list is: TERT, NOD2, HLA-DQB1, SAMM50, SFRP4",TERT,"{
|
||||
""answer"": ""TERT""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with central nervous system cancer and estrogen-receptor negative breast cancer. Given list is: BABAM1, ABO, TERT, PHACTR1, DTNB",TERT,"{
|
||||
""answer"": ""TERT""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with central nervous system cancer and lung adenocarcinoma. Given list is: ADGRG6, CDKAL1, TERT, HLA-DPA1, BRCA2",TERT,"{
|
||||
""answer"": ""TERT""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with central nervous system cancer and lung carcinoma. Given list is: MYBPC3, GCKR, STAT4, TERT, BTN2A1",TERT,"{
|
||||
""answer"": ""TERT""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with opiate dependence and lung small cell carcinoma. Given list is: IL23R, HLA-DQB2, ADGRV1, DLEU7, RBFOX1",ADGRV1,"{
|
||||
""answer"": ""RBFOX1""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with opiate dependence and cervix carcinoma. Given list is: SCN1A, ADGRV1, AHR, THADA, CASZ1",ADGRV1,"{
|
||||
""answer"": ""THADA""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with estrogen-receptor negative breast cancer and interstitial lung disease. Given list is: FAM227B, PTPN22, PSCA, ABO, TERT",TERT,"{
|
||||
""answer"": ""PTPN22""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with estrogen-receptor negative breast cancer and triple-receptor negative breast cancer. Given list is: TRAF3IP2, HBB, TERT, HOXD3, ATP2B1",TERT,"{
|
||||
""answer"": ""TRAF3IP2""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with estrogen-receptor negative breast cancer and idiopathic pulmonary fibrosis. Given list is: IL23R, BTBD9, SFRP4, PHGDH, TERT",TERT,"{
|
||||
""answer"": ""SFRP4""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with estrogen-receptor negative breast cancer and squamous cell carcinoma. Given list is: BRCA2, CLDN14, HLA-DPB1, HLA-DQB1, MTTP",BRCA2,"{
|
||||
""answer"": ""BRCA2""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with estrogen-receptor negative breast cancer and myeloproliferative neoplasm. Given list is: TERT, HLA-DQB2, BRCA2, GNE, STAT3",TERT,"{
|
||||
""answer"": ""STAT3""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with estrogen-receptor negative breast cancer and central nervous system cancer. Given list is: FER, CACNA1D, COL22A1, TNFSF15, TERT",TERT,"{
|
||||
""answer"": ""TNFSF15""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with estrogen-receptor negative breast cancer and lung adenocarcinoma. Given list is: SAMD9L, PTPRD, DAB2IP, IL23R, TERT",TERT,"{
|
||||
""answer"": ""DAB2IP""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with estrogen-receptor negative breast cancer and lung squamous cell carcinoma. Given list is: BRCA2, SULT1B1, SPRED2, CHST11, CCDC33",BRCA2,"{
|
||||
""answer"": ""BRCA2""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with estrogen-receptor negative breast cancer and lung carcinoma. Given list is: ABCG2, GATA3, TP53, TERT, PLA2G6",TERT,"{
|
||||
""answer"": ""TP53""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with dermatomyositis and pulmonary hypertension. Given list is: TG, HLA-DPA1, PNPLA3, ZFPM2, UMOD",HLA-DPA1,"{
|
||||
""answer"": ""ZFPM2""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with dermatomyositis and childhood type dermatomyositis. Given list is: GSDMB, HLA-DQA1, ADH1B, POU5F1B, HLA-B",GSDMB,"{
|
||||
""answer"": ""HLA-B""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with esophagus adenocarcinoma and Barrett's esophagus. Given list is: TERT, HLA-DQB2, EPDR1, PNPLA3, CRTC1",CRTC1,"{
|
||||
""answer"": ""EPDR1""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with kidney disease and age related macular degeneration. Given list is: CFH, MUC5B, DAB2IP, BTN2A1, ADH1B",CFH,"{
|
||||
""answer"": ""CFH""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with kidney disease and Kuhnt-Junius degeneration. Given list is: CFH, HLA-DQB2, DNMT3A, TNNT2, GATA3",CFH,"{
|
||||
""answer"": ""CFH""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with anterior uveitis and ankylosing spondylitis. Given list is: SYT14, TNFSF15, UGT1A8, HBB, ERAP1",ERAP1,"{
|
||||
""answer"": ""ERAP1""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with dilated cardiomyopathy and hypertrophic cardiomyopathy. Given list is: TLR1, IL23R, HLA-B, MYH7, HLA-DQA1",MYH7,"{
|
||||
""answer"": ""MYH7""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with pancreatic carcinoma and malaria. Given list is: HLA-DQA1, CACNA1S, KAT2B, ABO, ATXN2",ABO,"{
|
||||
""answer"": ""ABO""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with pancreatic carcinoma and oral cavity cancer. Given list is: GCKR, CLPTM1L, CHST11, CRTC1, COL22A1",CLPTM1L,"{
|
||||
""answer"": ""CLPTM1L""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with pancreatic carcinoma and duodenal ulcer. Given list is: ABO, CRTC1, CACNB2, PSCA, CDK8",ABO,"{
|
||||
""answer"": ""PSCA""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with cervix carcinoma and membranous glomerulonephritis. Given list is: HLA-DQA1, WNT4, TNIP1, CAPN14, DTNB",HLA-DQA1,"{
|
||||
""answer"": ""TNIP1""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with cervix carcinoma and lung small cell carcinoma. Given list is: TLR1, SYT14, VAV3, BTN2A1, ADGRV1",ADGRV1,"{
|
||||
""answer"": ""SYT14""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with cervix carcinoma and autoimmune hepatitis. Given list is: CHST11, FAT3, IL6, ERAP1, HLA-DQA1",HLA-DQA1,"{
|
||||
""answer"": ""HLA-DQA1""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with cervix carcinoma and immunoglobulin alpha deficiency. Given list is: SAMD9L, CDK8, HLA-DQA1, CFH, PRKN",HLA-DQA1,"{
|
||||
""answer"": ""SAMD9L""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with cervix carcinoma and collagenous colitis. Given list is: FAM227B, HLA-B, HLA-DQA1, CDKAL1, PNPLA3",HLA-DQA1,"{
|
||||
""answer"": ""HLA-DQA1""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with cervix carcinoma and cutaneous lupus erythematosus. Given list is: PRKN, HLA-DPA1, VAV3, RBFOX1, HLA-DQA1",HLA-DQA1,"{
|
||||
""answer"": ""HLA-DQA1""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with cervix carcinoma and opiate dependence. Given list is: HYKK, HOXD3, HLA-DQA1, ADGRV1, BRCA2",ADGRV1,"{
|
||||
""answer"": ""ADGRV1""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with Hodgkin's lymphoma, nodular sclerosis and Hodgkin's lymphoma. Given list is: HLA-DQB2, FADS2, GATA3, TM6SF2, CFH",GATA3,"{
|
||||
""answer"": ""GATA3""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with Sjogren's syndrome and myositis. Given list is: HLA-DQA1, KIT, TERT, STAT4, TERT",STAT4,"{
|
||||
""answer"": ""STAT4""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with Sjogren's syndrome and systemic scleroderma. Given list is: BTN3A1, HLA-DQB1, JAK2, TGM2, STAT4",STAT4,"{
|
||||
""answer"": ""STAT4""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with Crohn's disease and inflammatory bowel disease. Given list is: HBB, TNRC18, IL23R, RP1, LOXL1",IL23R,"{
|
||||
""answer"": ""IL23R""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with Crohn's disease and ankylosing spondylitis. Given list is: YLPM1, CHEK2, ZEB2, HLA-DQA1, IL23R",IL23R,"{
|
||||
""answer"": ""IL23R""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with Crohn's disease and ulcerative colitis. Given list is: CAPN14, LPP, UMPS, RBFOX1, IL23R",IL23R,"{
|
||||
""answer"": ""IL23R""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with urticaria and male breast cancer. Given list is: TGM2, TENM2, HLA-B, RAD51B, GSDMB",RAD51B,"{
|
||||
""answer"": ""RAD51B""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with allergic rhinitis and psoriasis. Given list is: MYH7, ADH1B, MYH7, HLA-B, PKNOX2",HLA-B,"{
|
||||
""answer"": ""HLA-B""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with allergic rhinitis and limited scleroderma. Given list is: SNCA, HLA-DQB1, TLR1, EPDR1, SHTN1",TLR1,"{
|
||||
""answer"": ""HLA-DQB1""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with allergic rhinitis and Takayasu's arteritis. Given list is: MORC4, STN1, ABO, HLA-B, PNPLA3",HLA-B,"{
|
||||
""answer"": ""HLA-B""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with allergic rhinitis and myelodysplastic syndrome. Given list is: TRAF3IP2, FADS1, SHTN1, ATXN2, HLA-B",HLA-B,"{
|
||||
""answer"": ""TRAF3IP2""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with allergic rhinitis and herpes zoster. Given list is: CHST11, HLA-B, HLA-DQB1, RELN, TP53",HLA-B,"{
|
||||
""answer"": ""HLA-B""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with allergic rhinitis and diffuse large B-cell lymphoma. Given list is: HLA-B, CACNA1A, TERT, EPDR1, ATXN2",HLA-B,"{
|
||||
""answer"": ""EPDR1""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with allergic rhinitis and psoriatic arthritis. Given list is: HLA-B, FAM227B, RP1, FTO, KIF1B",HLA-B,"{
|
||||
""answer"": ""HLA-B""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with marginal zone lymphoma and diffuse large B-cell lymphoma. Given list is: FHOD3, PBX2, RP1, KALRN, AHR",KALRN,"{
|
||||
""answer"": ""AHR""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with diffuse large B-cell lymphoma and psoriasis. Given list is: ERAP1, CLPTM1L, ADGRG6, HLA-B, MST1",HLA-B,"{
|
||||
""answer"": ""HLA-B""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with diffuse large B-cell lymphoma and Takayasu's arteritis. Given list is: GTF2I, HLA-DQA1, HLA-B, CRTC1, RORA",HLA-B,"{
|
||||
""answer"": ""HLA-B""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with diffuse large B-cell lymphoma and myelodysplastic syndrome. Given list is: IL23R, TERT, HLA-B, HLA-DQA1, TNXB",HLA-B,"{
|
||||
""answer"": ""TNXB""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with diffuse large B-cell lymphoma and herpes zoster. Given list is: SNCA, CDKAL1, HLA-DQA1, HLA-B, RBFOX1",HLA-B,"{
|
||||
""answer"": ""RBFOX1""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with diffuse large B-cell lymphoma and allergic rhinitis. Given list is: IL2RA, SLC14A2, HLA-B, TNFSF13, ZEB2",HLA-B,"{
|
||||
""answer"": ""TNFSF13""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with diffuse large B-cell lymphoma and marginal zone lymphoma. Given list is: HLA-DPA1, VAV3, KALRN, IL12RB2, WNT10A",KALRN,"{
|
||||
""answer"": ""IL12RB2""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with diffuse large B-cell lymphoma and psoriatic arthritis. Given list is: ARMS2, RORA, TLR1, ADH1B, HLA-B",HLA-B,"{
|
||||
""answer"": ""HLA-B""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with lung adenocarcinoma and interstitial lung disease. Given list is: TERT, YLPM1, FTO, SHTN1, IL23R",TERT,"{
|
||||
""answer"": ""IL23R""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with lung adenocarcinoma and triple-receptor negative breast cancer. Given list is: BTBD9, NTM, RP1, TERT, CASZ1",TERT,"{
|
||||
""answer"": ""TERT""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with lung adenocarcinoma and idiopathic pulmonary fibrosis. Given list is: SLC14A2, SLC14A2, MTTP, PSCA, TERT",TERT,"{
|
||||
""answer"": ""MTTP""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with lung adenocarcinoma and myeloproliferative neoplasm. Given list is: TG, CACNB2, PRKAA1, TERT, CACNA1S",TERT,"{
|
||||
""answer"": ""TERT""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with lung adenocarcinoma and central nervous system cancer. Given list is: POU5F1B, SCN1A, STAT4, TERT, BTNL2",TERT,"{
|
||||
""answer"": ""TERT""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with lung adenocarcinoma and estrogen-receptor negative breast cancer. Given list is: JRK, PLG, PNPLA3, TERT, IL23R",TERT,"{
|
||||
""answer"": ""PNPLA3""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with lung adenocarcinoma and lung carcinoma. Given list is: TERT, IL23R, PHACTR1, SLC2A9, JRK",TERT,"{
|
||||
""answer"": ""TERT""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with psoriatic arthritis and psoriasis. Given list is: HLA-B, DAB2IP, TYR, FTO, FAT3",HLA-B,"{
|
||||
""answer"": ""HLA-B""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with psoriatic arthritis and Takayasu's arteritis. Given list is: TMC7, HLA-B, SLC2A9, PCDH7, PHGDH",HLA-B,"{
|
||||
""answer"": ""HLA-B""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with psoriatic arthritis and myelodysplastic syndrome. Given list is: EPDR1, HLA-B, SFRP4, PNPLA3, ARMS2",HLA-B,"{
|
||||
""answer"": ""HLA-B""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with psoriatic arthritis and herpes zoster. Given list is: NANOS1, TLR1, NTM, HLA-B, SCN1A",HLA-B,"{
|
||||
""answer"": ""HLA-B""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with psoriatic arthritis and allergic rhinitis. Given list is: RP1, STAT4, C5AR1, TENM2, HLA-B",HLA-B,"{
|
||||
""answer"": ""HLA-B""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with psoriatic arthritis and diffuse large B-cell lymphoma. Given list is: HLA-DQB1, ABCG2, PTK2B, HLA-B, RP1",HLA-B,"{
|
||||
""answer"": ""HLA-B""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with lung squamous cell carcinoma and squamous cell carcinoma. Given list is: DTNB, BRCA2, CCDC33, IGF1R, XBP1",BRCA2,"{
|
||||
""answer"": ""XBP1""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with lung squamous cell carcinoma and estrogen-receptor negative breast cancer. Given list is: STAT4, CACNA2D1, KIF1B, ATXN2, BRCA2",BRCA2,"{
|
||||
""answer"": ""KIF1B""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with lung carcinoma and interstitial lung disease. Given list is: ATXN2, TERT, FAM227B, ALDH1A2, KALRN",TERT,"{
|
||||
""answer"": ""TERT""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with lung carcinoma and triple-receptor negative breast cancer. Given list is: TERT, SLC2A9, MYBPC3, HLA-DQA1, WNT10A",TERT,"{
|
||||
""answer"": ""TERT""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with lung carcinoma and idiopathic pulmonary fibrosis. Given list is: PRKAG2, YLPM1, TERT, LOXL1, HLA-DQB1",TERT,"{
|
||||
""answer"": ""LOXL1""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with lung carcinoma and myeloproliferative neoplasm. Given list is: TERT, MST1, OPTN, TNRC18, PSCA",TERT,"{
|
||||
""answer"": ""TERT""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with lung carcinoma and central nervous system cancer. Given list is: C9, GNE, CDKAL1, TERT, PTPN22",TERT,"{
|
||||
""answer"": ""TERT""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with lung carcinoma and estrogen-receptor negative breast cancer. Given list is: SAMD9L, BTNL2, TERT, TERT, STAT4",TERT,"{
|
||||
""answer"": ""STAT4""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with lung carcinoma and lung adenocarcinoma. Given list is: RP1, RBFOX1, TP53, PRKAG2, TERT",TERT,"{
|
||||
""answer"": ""TP53""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with endometrial cancer and sclerosing cholangitis. Given list is: ATXN2, FBN1, STAT3, ADGRG6, ATG5",ATXN2,"{
|
||||
""answer"": ""STAT3""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with uveal melanoma and liver cirrhosis. Given list is: PRX, CACNA2D1, GTF2I, ADGRV1, TERT",CACNA2D1,"{
|
||||
""answer"": ""TERT""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with uveal melanoma and head and neck cancer. Given list is: USHBP1, BARD1, GNE, CACNA2D1, SAMM50",CACNA2D1,"{
|
||||
""answer"": ""BARD1""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with gastric fundus cancer and duodenal ulcer. Given list is: GSDMB, PSCA, CDKAL1, EML4, ADH1B",PSCA,"{
|
||||
""answer"": ""PSCA""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with gastric fundus cancer and atrophic gastritis. Given list is: PSCA, PLG, IL23R, ABO, RP1",PSCA,"{
|
||||
""answer"": ""PSCA""
|
||||
}"
|
||||
"Out of the given list, which Variant is associated with breast carcinoma and male breast cancer. Given list is: rs11651755, rs9271588, rs2472493, rs3803662, rs4459895",rs3803662,"{
|
||||
""answer"": ""rs3803662""
|
||||
}"
|
||||
"Out of the given list, which Variant is associated with abdominal aortic aneurysm and thoracic aortic aneurysm. Given list is: rs11675342, rs595244, rs3018362, rs11651755, rs1709393",rs595244,"{
|
||||
""answer"": ""rs11675342""
|
||||
}"
|
||||
"Out of the given list, which Variant is associated with Kawasaki disease and inflammatory bowel disease. Given list is: rs573872, rs2072499, rs1333040, rs1801274, rs3757318",rs1801274,"{
|
||||
""answer"": ""rs573872""
|
||||
}"
|
||||
"Out of the given list, which Variant is associated with inflammatory bowel disease and Kawasaki disease. Given list is: rs3764147, rs1801274, rs3814113, rs479844, rs13141641",rs1801274,"{
|
||||
""answer"": ""rs3764147""
|
||||
}"
|
||||
"Out of the given list, which Variant is associated with triple-receptor negative breast cancer and uterine fibroid. Given list is: rs4459895, rs8176719, rs115879499, rs78378222, rs2143571",rs78378222,"{
|
||||
""answer"": ""rs115879499""
|
||||
}"
|
||||
"Out of the given list, which Variant is associated with vitiligo and rheumatoid arthritis. Given list is: rs12203592, rs10103692, rs78378222, rs2476601, rs1150757",rs2476601,"{
|
||||
""answer"": ""rs2476601""
|
||||
}"
|
||||
"Out of the given list, which Variant is associated with male breast cancer and breast carcinoma. Given list is: rs3803662, rs34574566, rs1278769, rs16948876, rs10488631",rs3803662,"{
|
||||
""answer"": ""rs10488631""
|
||||
}"
|
||||
"Out of the given list, which Variant is associated with autoimmune hepatitis and collagenous colitis. Given list is: rs17398575, rs1975197, rs2187668, rs6444305, rs2230199",rs2187668,"{
|
||||
""answer"": ""rs1975197""
|
||||
}"
|
||||
"Out of the given list, which Variant is associated with autoimmune hepatitis and cutaneous lupus erythematosus. Given list is: rs2187668, rs11724804, rs10497394, rs1801274, rs6457327",rs2187668,"{
|
||||
""answer"": ""rs2187668""
|
||||
}"
|
||||
"Out of the given list, which Variant is associated with ankylosing spondylitis and Crohn's disease. Given list is: rs219780, rs11209026, rs1233491, rs1953126, rs2294008",rs11209026,"{
|
||||
""answer"": ""rs11209026""
|
||||
}"
|
||||
"Out of the given list, which Variant is associated with rheumatoid arthritis and vitiligo. Given list is: rs7176508, rs11675342, rs3018362, rs6426833, rs2476601",rs2476601,"{
|
||||
""answer"": ""rs2476601""
|
||||
}"
|
||||
"Out of the given list, which Variant is associated with collagenous colitis and autoimmune hepatitis. Given list is: rs2187668, rs6426833, rs6969780, rs3787184, rs230540",rs2187668,"{
|
||||
""answer"": ""rs230540""
|
||||
}"
|
||||
"Out of the given list, which Variant is associated with collagenous colitis and cutaneous lupus erythematosus. Given list is: rs2187668, rs975730, rs17398575, rs229527, rs1537377",rs2187668,"{
|
||||
""answer"": ""rs2187668""
|
||||
}"
|
||||
"Out of the given list, which Variant is associated with age related macular degeneration and Kuhnt-Junius degeneration. Given list is: rs7579899, rs3803662, rs76972608, rs10490924, rs16948876",rs10490924,"{
|
||||
""answer"": ""rs10490924""
|
||||
}"
|
||||
"Out of the given list, which Variant is associated with Kuhnt-Junius degeneration and age related macular degeneration. Given list is: rs219780, rs3197999, rs4072037, rs6691768, rs10490924",rs10490924,"{
|
||||
""answer"": ""rs10490924""
|
||||
}"
|
||||
"Out of the given list, which Variant is associated with duodenal ulcer and atrophic gastritis. Given list is: rs1975197, rs2294008, rs17398575, rs755383, rs1801274",rs2294008,"{
|
||||
""answer"": ""rs1801274""
|
||||
}"
|
||||
"Out of the given list, which Variant is associated with duodenal ulcer and gastric fundus cancer. Given list is: rs2294008, rs10490924, rs2738048, rs711830, rs167479",rs2294008,"{
|
||||
""answer"": ""rs2294008""
|
||||
}"
|
||||
"Out of the given list, which Variant is associated with uterine fibroid and triple-receptor negative breast cancer. Given list is: rs1709393, rs3118470, rs1107345, rs78378222, rs1122171",rs78378222,"{
|
||||
""answer"": ""rs1709393""
|
||||
}"
|
||||
"Out of the given list, which Variant is associated with prostate carcinoma and large intestine cancer. Given list is: rs6983267, rs1150757, rs3129939, rs12917707, rs595244",rs6983267,"{
|
||||
""answer"": ""rs6983267""
|
||||
}"
|
||||
"Out of the given list, which Variant is associated with squamous cell carcinoma and androgenic alopecia. Given list is: rs10455872, rs1011970, rs3814113, rs12203592, rs116264669",rs12203592,"{
|
||||
""answer"": ""rs116264669""
|
||||
}"
|
||||
"Out of the given list, which Variant is associated with androgenic alopecia and squamous cell carcinoma. Given list is: rs10273639, rs334, rs595244, rs6457327, rs12203592",rs12203592,"{
|
||||
""answer"": ""rs334""
|
||||
}"
|
||||
"Out of the given list, which Variant is associated with sclerosing cholangitis and Crohn's disease. Given list is: rs3197999, rs59325236, rs6444305, rs1122171, rs1314913",rs3197999,"{
|
||||
""answer"": ""rs3197999""
|
||||
}"
|
||||
"Out of the given list, which Variant is associated with large intestine cancer and prostate carcinoma. Given list is: rs1107345, rs59325236, rs12203592, rs6983267, rs11675342",rs6983267,"{
|
||||
""answer"": ""rs6983267""
|
||||
}"
|
||||
"Out of the given list, which Variant is associated with atrophic gastritis and duodenal ulcer. Given list is: rs4459895, rs12203592, rs9275260, rs12524487, rs2294008",rs2294008,"{
|
||||
""answer"": ""rs2294008""
|
||||
}"
|
||||
"Out of the given list, which Variant is associated with atrophic gastritis and gastric fundus cancer. Given list is: rs2294008, rs9257809, rs35705950, rs12539707, rs2738048",rs2294008,"{
|
||||
""answer"": ""rs2294008""
|
||||
}"
|
||||
"Out of the given list, which Variant is associated with cutaneous lupus erythematosus and autoimmune hepatitis. Given list is: rs1937450, rs2187668, rs6010620, rs2231142, rs10455872",rs2187668,"{
|
||||
""answer"": ""rs6010620""
|
||||
}"
|
||||
"Out of the given list, which Variant is associated with cutaneous lupus erythematosus and collagenous colitis. Given list is: rs4939827, rs3197999, rs3739821, rs2187668, rs1975197",rs2187668,"{
|
||||
""answer"": ""rs1975197""
|
||||
}"
|
||||
"Out of the given list, which Variant is associated with central nervous system cancer and lung adenocarcinoma. Given list is: rs7426056, rs2736100, rs2187668, rs2107595, rs7405776",rs2736100,"{
|
||||
""answer"": ""rs2736100""
|
||||
}"
|
||||
"Out of the given list, which Variant is associated with thoracic aortic aneurysm and abdominal aortic aneurysm. Given list is: rs1642764, rs595244, rs139606545, rs12077210, rs12917707",rs595244,"{
|
||||
""answer"": ""rs12917707""
|
||||
}"
|
||||
"Out of the given list, which Variant is associated with Crohn's disease and ankylosing spondylitis. Given list is: rs8077245, rs11712066, rs11209026, rs10830962, rs6010620",rs11209026,"{
|
||||
""answer"": ""rs11209026""
|
||||
}"
|
||||
"Out of the given list, which Variant is associated with Crohn's disease and sclerosing cholangitis. Given list is: rs1047891, rs9268905, rs3197999, rs1025128, rs4624820",rs3197999,"{
|
||||
""answer"": ""rs1025128""
|
||||
}"
|
||||
"Out of the given list, which Variant is associated with lung adenocarcinoma and central nervous system cancer. Given list is: rs10490924, rs10830962, rs2736100, rs2391769, rs9272143",rs2736100,"{
|
||||
""answer"": ""rs2736100""
|
||||
}"
|
||||
"Out of the given list, which Variant is associated with gastric fundus cancer and duodenal ulcer. Given list is: rs11759064, rs975730, rs1150757, rs2294008, rs7453920",rs2294008,"{
|
||||
""answer"": ""rs2294008""
|
||||
}"
|
||||
"Out of the given list, which Variant is associated with gastric fundus cancer and atrophic gastritis. Given list is: rs2294008, rs2072499, rs3197999, rs1537377, rs988958",rs2294008,"{
|
||||
""answer"": ""rs2294008""
|
||||
}"
|
||||
"Out of the given list, which Variant is associated with keratinocyte carcinoma""@e and skin sensitivity to sun. Given list is: rs254020, rs4625, rs6059655, rs11738191, rs2963222",rs6059655,"{
|
||||
""answer"": ""rs254020""
|
||||
}"
|
||||
"Out of the given list, which Variant is associated with keratinocyte carcinoma""@e and anti-neutrophil antibody associated vasculitis. Given list is: rs6679677, rs12187903, rs1333047, rs11585651, rs55730499",rs6679677,"{
|
||||
""answer"": ""rs12187903""
|
||||
}"
|
||||
"Out of the given list, which Variant is associated with keratinocyte carcinoma""@e and autoimmune disease. Given list is: rs7936312, rs325485, rs13191786, rs72928038, rs7523907",rs72928038,"{
|
||||
""answer"": ""rs7523907""
|
||||
}"
|
||||
"Out of the given list, which Variant is associated with keratinocyte carcinoma""@e and age-related hearing impairment. Given list is: rs1950829, rs13263709, rs1126809, rs34871267, rs2431108",rs1126809,"{
|
||||
""answer"": ""rs2431108""
|
||||
}"
|
||||
"Out of the given list, which Variant is associated with aortic stenosis and large artery stroke. Given list is: rs34243448, rs1893592, rs1765871, rs229541, rs10455872",rs10455872,"{
|
||||
""answer"": ""rs10455872""
|
||||
}"
|
||||
"Out of the given list, which Variant is associated with skin sensitivity to sun and keratinocyte carcinoma""@e. Given list is: rs1042704, rs6059655, rs34396849, rs10052804, rs11747125",rs6059655,"{
|
||||
""answer"": ""rs1042704""
|
||||
}"
|
||||
"Out of the given list, which Variant is associated with skin sensitivity to sun and age-related hearing impairment. Given list is: rs61815704, rs4149909, rs36001488, rs1333047, rs1126809",rs1126809,"{
|
||||
""answer"": ""rs4149909""
|
||||
}"
|
||||
"Out of the given list, which Variant is associated with anti-neutrophil antibody associated vasculitis and keratinocyte carcinoma""@e. Given list is: rs2812378, rs17145188, rs12931267, rs6679677, rs12413409",rs6679677,"{
|
||||
""answer"": ""rs17145188""
|
||||
}"
|
||||
"Out of the given list, which Variant is associated with anti-neutrophil antibody associated vasculitis and autoimmune disease. Given list is: rs17293632, rs2487928, rs429358, rs6679677, rs6679677",rs6679677,"{
|
||||
""answer"": ""rs6679677""
|
||||
}"
|
||||
"Out of the given list, which Variant is associated with autoimmune disease and keratinocyte carcinoma""@e. Given list is: rs259919, rs10455872, rs11958220, rs72928038, rs141343442",rs72928038,"{
|
||||
""answer"": ""rs10455872""
|
||||
}"
|
||||
"Out of the given list, which Variant is associated with autoimmune disease and anti-neutrophil antibody associated vasculitis. Given list is: rs2310752, rs7528604, rs6679677, rs34691223, rs2963222",rs6679677,"{
|
||||
""answer"": ""rs34691223""
|
||||
}"
|
||||
"Out of the given list, which Variant is associated with autoimmune disease and atopic asthma. Given list is: rs62324212, rs10059133, rs149943, rs12931267, rs17156671",rs62324212,"{
|
||||
""answer"": ""rs12931267""
|
||||
}"
|
||||
"Out of the given list, which Variant is associated with large artery stroke and aortic stenosis. Given list is: rs10455872, rs35781323, rs4615152, rs761934676, rs11965538",rs10455872,"{
|
||||
""answer"": ""rs10455872""
|
||||
}"
|
||||
"Out of the given list, which Variant is associated with age-related hearing impairment and keratinocyte carcinoma""@e. Given list is: rs259919, rs2503199, rs325485, rs1126809, rs229541",rs1126809,"{
|
||||
""answer"": ""rs2503199""
|
||||
}"
|
||||
"Out of the given list, which Variant is associated with age-related hearing impairment and skin sensitivity to sun. Given list is: rs1126809, rs416223, rs12722502, rs9419958, rs1333049",rs1126809,"{
|
||||
""answer"": ""rs12722502""
|
||||
}"
|
||||
"Out of the given list, which Variant is associated with atopic asthma and autoimmune disease. Given list is: rs2447827, rs1937455, rs62324212, rs12205199, rs4482879",rs62324212,"{
|
||||
""answer"": ""rs2447827""
|
||||
}"
|
||||
|
@@ -0,0 +1,597 @@
|
||||
question,label,llm_answer
|
||||
enhanced S-cone syndrome is not a vitreoretinal degeneration,False,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
metronidazole treats crohn's disease,True,"{""answer"": ""True""}"
|
||||
KLEEFSTRA SYNDROME 1 is not associated with Gene EHMT1,False,"{""answer"": ""False""}"
|
||||
Juvenile polyposis syndrome associates Gene SMAD4,True,"{""answer"": ""True""}"
|
||||
Disease ontology identifier for congenital generalized lipodystrophy type 2 is DOID:10588,False,"{""answer"": ""False""}"
|
||||
Disease ontology identifier for Marfan syndrome is DOID:0060055,False,"{""answer"": ""False""}"
|
||||
cystic fibrosis is a respiratory system disorder,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
alpha-Mannosidosis associates Gene MAN2B1,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
Wolcott-Rallison syndrome associates Gene EIF2AK3,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
Neurofibromatosis 2 is not associated with Gene NF2,False,"{""answer"": ""False""}"
|
||||
Angelman syndrome is a syndromic disease,True,"{""answer"": ""True""}"
|
||||
colchicine treats familial mediterranean fever,True,"{""answer"": ""True""}"
|
||||
Marfan Syndrome associates Gene FBN1,True,"{""answer"": ""True""}"
|
||||
Mowat-Wilson syndrome is a syndromic intellectual disability,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
mulibrey nanism is a syndromic disease,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
Disease ontology identifier for pheochromocytoma is DOID:14692,False,"{""answer"": ""False""}"
|
||||
Tangier Disease is not associated with Gene ABCA1,False,"{""answer"": ""False""}"
|
||||
Disease ontology identifier for central diabetes insipidus is DOID:350,False,"{
|
||||
""answer"": ""False""
|
||||
}"
|
||||
Ulnar-mammary syndrome is not associated with Gene TBX3,False,"{""answer"": ""False""}"
|
||||
bevacizumab treats hereditary hemorrhagic telangiectasia,True,"{""answer"": ""True""}"
|
||||
Liver carcinoma is not associated with Gene MET,False,"{
|
||||
""answer"": ""False""
|
||||
}"
|
||||
Antithrombin III Deficiency is not associated with Gene SERPINC1,False,"{ ""answer"": ""False"" }"
|
||||
Mastocytosis is not associated with Gene KIT,False,"{""answer"": ""False""}"
|
||||
Disease ontology identifier for Farber lipogranulomatosis is DOID:0050464,True,"{""answer"": ""True""}"
|
||||
Familial Mediterranean Fever associates Gene MEFV,True,"{""answer"": ""True""}"
|
||||
Disease ontology identifier for Wiskott-Aldrich syndrome is DOID:9169,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
Tay-Sachs disease is not a eye degenerative disorder,False,"{""answer"": ""False""}"
|
||||
ibuprofen treats cystic fibrosis,True,"{
|
||||
""answer"": ""False""
|
||||
}"
|
||||
Juvenile Myoclonic Epilepsy is not associated with Gene EFHC1,False,"{""answer"": ""False""}"
|
||||
Costello syndrome (disorder) is not associated with Gene HRAS,False,"{""answer"": ""False""}"
|
||||
Very long chain acyl-CoA dehydrogenase deficiency is not associated with Gene ACADVL,False,"{ ""answer"": ""False"" }"
|
||||
Wolman disease is a lysosomal acid lipase deficiency,True,"{""answer"": ""True""}"
|
||||
Fibrodysplasia Ossificans Progressiva associates Gene ACVR1,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
Canavan Disease associates Gene ASPA,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
Chediak-Higashi syndrome is a congenital nervous system disorder,True,"{""answer"": ""True""}"
|
||||
Hereditary hemorrhagic telangiectasia associates Gene ENG,True,"{""answer"": ""True""}"
|
||||
Lafora Disease is not associated with Gene NHLRC1,False,"{""answer"": ""False""}"
|
||||
Pheochromocytoma is not associated with Gene RET,False,"{ ""answer"": ""False"" }"
|
||||
"Xeroderma pigmentosum, group B associates Gene ERCC3",True,"{
|
||||
""answer"": ""False""
|
||||
}"
|
||||
Acute intermittent porphyria is not associated with Gene HMBS,False,"{ ""answer"": ""False"" }"
|
||||
melphalan treats melanoma,True,"{""answer"": ""True""}"
|
||||
piebaldism is a autosomal dominant disease,True,"{""answer"": ""True""}"
|
||||
vitelliform macular dystrophy is not a macular degeneration,False,"{ ""answer"": ""False"" }"
|
||||
Spinocerebellar Ataxia Type 5 associates Gene SPTBN2,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
Disease ontology identifier for Pelizaeus-Merzbacher disease is DOID:5688,False,"{""answer"": ""False""}"
|
||||
"Robinow syndrome, autosomal recessive associates Gene ROR2",True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
Disease ontology identifier for Loeys-Dietz syndrome is DOID:0060745,False,"{""answer"": ""False""}"
|
||||
Cystic Fibrosis associates Gene CFTR,True,"{""answer"": ""True""}"
|
||||
Greig cephalopolysyndactyly syndrome associates Gene GLI3,True,"{""answer"": ""True""}"
|
||||
alkaptonuria is not a disorder of tyrosine metabolism,False,"{
|
||||
""answer"": ""False""
|
||||
}"
|
||||
Timothy syndrome associates Gene CACNA1C,True,"{""answer"": ""True""}"
|
||||
Unverricht-Lundborg syndrome is a movement disorder,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
Denys-Drash syndrome is a autosomal dominant disease,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
factor ix treats hemophilia b,True,"{""answer"": ""True""}"
|
||||
adrenal cortex hormones treats crohn's disease,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
Mucopolysaccharidosis VI associates Gene ARSB,True,"{""answer"": ""True""}"
|
||||
"HEMOCHROMATOSIS, TYPE 4 associates Gene SLC40A1",True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
"Charcot-Marie-Tooth Disease, Type Ib associates Gene MPZ",True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
Disease ontology identifier for Timothy syndrome is DOID:0060173,True,"{ ""answer"": ""True"" }"
|
||||
Denys-Drash Syndrome is not associated with Gene WT1,False,"{""answer"": ""False""}"
|
||||
Cherubism associates Gene SH3BP2,True,"{""answer"": ""True""}"
|
||||
PITT-HOPKINS SYNDROME is not associated with Gene TCF4,False,"{""answer"": ""False""}"
|
||||
Greig cephalopolysyndactyly syndrome is not a syndromic disease,False,"{""answer"": ""False""}"
|
||||
Paroxysmal Nonkinesigenic Dyskinesia 1 is not associated with Gene PNKD,False,"{""answer"": ""False""}"
|
||||
Enhanced S-Cone Syndrome is not associated with Gene NR2E3,False,"{""answer"": ""False""}"
|
||||
Canavan disease is a inborn aminoacylase deficiency,True,"{""answer"": ""False""}"
|
||||
Episodic ataxia type 2 (disorder) is not associated with Gene CACNA1A,False,"{""answer"": ""False""}"
|
||||
Aniridia is not associated with Gene PAX6,False,"{""answer"": ""False""}"
|
||||
Congenital contractural arachnodactyly associates Gene FBN2,True,"{""answer"": ""True""}"
|
||||
Muenke Syndrome associates Gene FGFR3,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
Carney complex is a autosomal dominant disease,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
Borjeson-Forssman-Lehmann syndrome is not a X-linked syndromic intellectual disability,False,"{""answer"": ""False""}"
|
||||
Johanson-Blizzard syndrome associates Gene UBR1,True,"{""answer"": ""True""}"
|
||||
MASA SYNDROME (disorder) is not associated with Gene L1CAM,False,"{
|
||||
""answer"": ""False""
|
||||
}"
|
||||
Autosomal dominant hypophosphatemic rickets associates Gene FGF23,True,"{""answer"": ""True""}"
|
||||
Acrodermatitis enteropathica associates Gene SLC39A4,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
Rothmund-Thomson syndrome is not associated with Gene RECQL4,False,"{""answer"": ""False""}"
|
||||
Cleidocranial Dysplasia associates Gene RUNX2,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
LONG QT SYNDROME 3 associates Gene SCN5A,True,"{""answer"": ""True""}"
|
||||
Infantile hypophosphatasia associates Gene ALPL,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
acrodermatitis enteropathica is not a inborn metal metabolism disorder,False,"{""answer"": ""False""}"
|
||||
Ataxia Telangiectasia associates Gene ATM,True,"{""answer"": ""True""}"
|
||||
alpha-galactosidase treats fabry disease,True,"{
|
||||
""answer"": ""False""
|
||||
}"
|
||||
Laron syndrome is a autosomal recessive disease,True,"{""answer"": ""True""}"
|
||||
Piebaldism associates Gene KIT,True,"{""answer"": ""True""}"
|
||||
Pfeiffer Syndrome associates Gene FGFR2,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
"Bernard-Soulier syndrome is a inherited bleeding disorder, platelet-type",True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
Burkitt Lymphoma is not associated with Gene MYC,False,"{""answer"": ""False""}"
|
||||
Ornithine carbamoyltransferase deficiency associates Gene OTC,True,"{""answer"": ""True""}"
|
||||
Nail-Patella Syndrome associates Gene LMX1B,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
Tetralogy of Fallot associates Gene ZFPM2,True,"{""answer"": ""True""}"
|
||||
Hartnup Disease is not associated with Gene SLC6A19,False,"{""answer"": ""False""}"
|
||||
Disease ontology identifier for fibrodysplasia ossificans progressiva is DOID:13374,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
familial Mediterranean fever is not a primary immunodeficiency due to a genetic defect in innate immunity,False,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
Hemophilia B is not associated with Gene F9,False,"{""answer"": ""False""}"
|
||||
Rapp-Hodgkin syndrome is a autosomal dominant disease,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
Borjeson-Forssman-Lehmann syndrome is not associated with Gene PHF6,False,"{""answer"": ""False""}"
|
||||
Multiple Endocrine Neoplasia Type 2b associates Gene RET,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
Choroideremia is not associated with Gene CHM,False,"{""answer"": ""False""}"
|
||||
Wolman Disease associates Gene LIPA,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
Adenine phosphoribosyltransferase deficiency associates Gene APRT,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
Holt-Oram syndrome is not associated with Gene TBX5,False,"{""answer"": ""False""}"
|
||||
tetralogy of fallot is not a hereditary disease,False,"{
|
||||
""answer"": ""False""
|
||||
}"
|
||||
Disease ontology identifier for mosaic variegated aneuploidy syndrome 1 is DOID:0080141,True,"{""answer"": ""True""}"
|
||||
hemophilia B is a hemorrhagic disease,True,"{""answer"": ""True""}"
|
||||
fatal familial insomnia is not a insomnia,False,"{
|
||||
""answer"": ""False""
|
||||
}"
|
||||
Disease ontology identifier for mastocytosis is DOID:0060768,False,"{""answer"": ""False""}"
|
||||
osteosarcoma is a sarcoma,True,"{""answer"": ""True""}"
|
||||
immune checkpoint inhibitors treats melanoma,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
Johanson-Blizzard syndrome is a congenital nervous system disorder,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
Achondroplasia is not a osteochondrodysplasia,False,"{""answer"": ""False""}"
|
||||
KUFOR-RAKEB SYNDROME associates Gene ATP13A2,True,"{""answer"": ""True""}"
|
||||
Loeys-Dietz Syndrome associates Gene TGFBR1,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
Disease ontology identifier for Rothmund-Thomson syndrome is DOID:2732,True,"{""answer"": ""True""}"
|
||||
Angelman Syndrome is not associated with Gene UBE3A,False,"{""answer"": ""False""}"
|
||||
biotinidase deficiency is not a multiple carboxylase deficiency,False,"{""answer"": ""False""}"
|
||||
6-mercaptopurine treats crohn's disease,True,"{""answer"": ""True""}"
|
||||
Wolcott-Rallison syndrome is a syndromic disease,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
Disease ontology identifier for spinocerebellar ataxia type 5 is DOID:0050882,False,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
Pseudopseudohypoparathyroidism associates Gene GNAS,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
alveolar rhabdomyosarcoma is not a rhabdomyosarcoma,False,"{""answer"": ""False""}"
|
||||
Disease ontology identifier for Norrie disease is DOID:0060599,False,"{""answer"": ""False""}"
|
||||
vaccines treats melanoma,True,"{
|
||||
""answer"": ""False""
|
||||
}"
|
||||
argipressin treats central diabetes insipidus,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
Omenn Syndrome associates Gene RAG2,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
adenine phosphoribosyltransferase deficiency is a inborn disorder of amino acid metabolism,True,"{""answer"": ""True""}"
|
||||
Progeria associates Gene LMNA,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
mercaptopurine treats crohn's disease,True,"{""answer"": ""True""}"
|
||||
Peutz-Jeghers Syndrome associates Gene STK11,True,"{""answer"": ""True""}"
|
||||
penicillamine treats cystinuria,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
Noonan syndrome is a multiple congenital anomalies/dysmorphic syndrome-variable intellectual disability syndrome,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
RAPP-HODGKIN SYNDROME associates Gene TP63,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
Bernard-Soulier Syndrome associates Gene GP1BA,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
Spinocerebellar Ataxia Type 6 (disorder) associates Gene CACNA1A,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
Werner Syndrome associates Gene WRN,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
sarcoma is a cancer,True,"{""answer"": ""True""}"
|
||||
brachydactyly type C is a brachydactyly,True,"{""answer"": ""True""}"
|
||||
Alveolar rhabdomyosarcoma associates Gene PAX3,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
CHARGE Syndrome is not associated with Gene CHD7,False,"{""answer"": ""False""}"
|
||||
Ellis-van Creveld syndrome is not a heart disorder,False,"{""answer"": ""False""}"
|
||||
Pelizaeus-Merzbacher Disease associates Gene PLP1,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
Microvillus inclusion disease is not associated with Gene MYO5B,False,"{
|
||||
""answer"": ""False""
|
||||
}"
|
||||
DiGeorge syndrome is a congenital T-cell immunodeficiency,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
melanoma associates Gene BRAF,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
"Basal ganglia disease, biotin-responsive associates Gene SLC19A3",True,"{""answer"": ""True""}"
|
||||
Coffin-Siris syndrome associates Gene ARID1B,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
Sitosterolemia is not associated with Gene ABCG8,False,"{""answer"": ""False""}"
|
||||
Alexander Disease associates Gene GFAP,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
pembrolizumab treats melanoma,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
congenital contractural arachnodactyly is not a congenital nervous system disorder,False,"{""answer"": ""True""}"
|
||||
cherubism is not a autosomal dominant disease,False,"{""answer"": ""False""}"
|
||||
Norrie disease associates Gene NDP,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
Hyperkalemic periodic paralysis is not associated with Gene SCN4A,False,"{""answer"": ""False""}"
|
||||
Disease ontology identifier for ataxia telangiectasia is DOID:0060010,False,"{""answer"": ""False""}"
|
||||
"Xeroderma pigmentosum, group A associates Gene XPA",True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
antibiotics treats obesity,True,"{
|
||||
""answer"": ""False""
|
||||
}"
|
||||
antineoplastic agents treats osteosarcoma,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
Jervell-Lange Nielsen Syndrome is not associated with Gene KCNQ1,False,"{""answer"": ""False""}"
|
||||
insulin treats obesity,True,"{
|
||||
""answer"": ""False""
|
||||
}"
|
||||
Pitt-Hopkins syndrome is a syndromic disease,True,"{""answer"": ""True""}"
|
||||
POLYCYSTIC KIDNEY DISEASE 1 associates Gene PKD1,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
Disease ontology identifier for Tangier disease is DOID:1388,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
Disease ontology identifier for Smith-Lemli-Opitz syndrome is DOID:0080026,False,"{""answer"": ""False""}"
|
||||
alpha-d-galactosidase enzyme treats fabry disease,True,"{
|
||||
""answer"": ""False""
|
||||
}"
|
||||
Burkitt lymphoma is a neoplasm of mature B-cells,True,"{""answer"": ""True""}"
|
||||
Vitelliform Macular Dystrophy associates Gene BEST1,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
Disease ontology identifier for Smith-Magenis syndrome is DOID:12271,False,"{""answer"": ""False""}"
|
||||
Noonan Syndrome associates Gene RAF1,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
Bernard-Soulier Syndrome associates Gene GP1BB,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
Neurofibromatosis 1 associates Gene NF1,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
Brugada Syndrome (disorder) associates Gene SCN5A,True,"{""answer"": ""True""}"
|
||||
Smith-Lemli-Opitz Syndrome is not associated with Gene DHCR7,False,"{ ""answer"": ""False"" }"
|
||||
Biotinidase Deficiency is not associated with Gene BTD,False,"{ ""answer"": ""False"" }"
|
||||
Allan-Herndon-Dudley syndrome (AHDS) is not associated with Gene SLC16A2,False,"{""answer"": ""False""}"
|
||||
enoxaparin treats obesity,True,"{
|
||||
""answer"": ""False""
|
||||
}"
|
||||
Li-Fraumeni syndrome is a autosomal dominant disease,True,"{""answer"": ""True""}"
|
||||
WHIM syndrome is not associated with Gene CXCR4,False,"{""answer"": ""False""}"
|
||||
multiple endocrine neoplasia type 2B is a autosomal dominant disease,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
Alstrom Syndrome associates Gene ALMS1,True,"{""answer"": ""True""}"
|
||||
Gyrate Atrophy associates Gene OAT,True,"{""answer"": ""True""}"
|
||||
tuberous sclerosis is a autosomal dominant disease,True,"{""answer"": ""True""}"
|
||||
Fabry disease is not a developmental anomaly of metabolic origin,False,"{""answer"": ""True""}"
|
||||
"Xeroderma Pigmentosum, Complementation Group D associates Gene ERCC2",True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
Argininosuccinic Aciduria associates Gene ASL,True,"{""answer"": ""True""}"
|
||||
Lesch-Nyhan Syndrome associates Gene HPRT1,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
Creutzfeldt-Jakob disease is not associated with Gene PRNP,False,"{""answer"": ""False""}"
|
||||
BIETTI CRYSTALLINE CORNEORETINAL DYSTROPHY is not associated with Gene CYP4V2,False,"{""answer"": ""False""}"
|
||||
Disease ontology identifier for juvenile myoclonic epilepsy is DOID:4890,True,"{""answer"": ""True""}"
|
||||
"XERODERMA PIGMENTOSUM, COMPLEMENTATION GROUP E associates Gene DDB2",True,"{
|
||||
""answer"": ""False""
|
||||
}"
|
||||
anesthetics treats pheochromocytoma,True,"{""answer"": ""False""}"
|
||||
Disease ontology identifier for ornithine carbamoyltransferase deficiency is DOID:9271,True,"{""answer"": ""True""}"
|
||||
Saethre-Chotzen Syndrome is not associated with Gene TWIST1,False,"{ ""answer"": ""False"" }"
|
||||
prothrombin complex concentrates treats hemophilia b,True,"{
|
||||
""answer"": ""False""
|
||||
}"
|
||||
Disease ontology identifier for ethylmalonic encephalopathy is DOID:0060640,True,"{""answer"": ""True""}"
|
||||
Alexander disease is a leukodystrophy,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
Variant rs2476601 associates Rheumatoid Arthritis,True,"{""answer"": ""True""}"
|
||||
Carney Complex is not associated with Gene PRKAR1A,False,"{""answer"": ""False""}"
|
||||
Disease ontology identifier for Werner syndrome is DOID:0050466,False,"{ ""answer"": ""False"" }"
|
||||
very long chain acyl-CoA dehydrogenase deficiency is not a disorder of fatty acid oxidation and ketogenesis,False,"{""answer"": ""False""}"
|
||||
DOYNE HONEYCOMB RETINAL DYSTROPHY associates Gene EFEMP1,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
Central Diabetes Insipidus associates Gene AVP,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
Disease ontology identifier for popliteal pterygium syndrome is DOID:0050756,False,"{""answer"": ""False""}"
|
||||
Fragile X Syndrome associates Gene FMR1,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
Loeys-Dietz Syndrome associates Gene TGFBR2,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
"XERODERMA PIGMENTOSUM, COMPLEMENTATION GROUP C associates Gene XPC",True,"{""answer"": ""True""}"
|
||||
"CHARCOT-MARIE-TOOTH DISEASE, TYPE 4C associates Gene SH3TC2",True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
hereditary hemorrhagic telangiectasia is a autosomal dominant disease,True,"{""answer"": ""True""}"
|
||||
Sandhoff disease is a eye degenerative disorder,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
Disease ontology identifier for aniridia is DOID:12704,False,"{""answer"": ""False""}"
|
||||
Congenital Generalized Lipodystrophy Type 2 associates Gene BSCL2,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
Noonan Syndrome associates Gene PTPN11,True,"{""answer"": ""True""}"
|
||||
Juvenile Spinal Muscular Atrophy associates Gene SMN1,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
"CHARCOT-MARIE-TOOTH DISEASE, TYPE 4J associates Gene FIG4",True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
Alkaptonuria associates Gene HGD,True,"{""answer"": ""True""}"
|
||||
Cystinuria is not associated with Gene SLC7A9,False,"{ ""answer"": ""False"" }"
|
||||
Popliteal pterygium syndrome is not associated with Gene IRF6,False,"{""answer"": ""False""}"
|
||||
Aspartylglucosaminuria is not associated with Gene AGA,False,"{""answer"": ""False""}"
|
||||
Nijmegen Breakage Syndrome is not associated with Gene NBN,False,"{""answer"": ""False""}"
|
||||
Mowat-Wilson syndrome is not associated with Gene ZEB2,False,"{""answer"": ""False""}"
|
||||
Disease ontology identifier for fragile X syndrome is DOID:14261,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
Sarcoma associates Gene TP53,True,"{
|
||||
""answer"": ""False""
|
||||
}"
|
||||
Alstrom syndrome is a ciliopathy,True,"{
|
||||
""answer"": ""False""
|
||||
}"
|
||||
Gray Platelet Syndrome is not associated with Gene NBEAL2,False,"{""answer"": ""False""}"
|
||||
Ethylmalonic encephalopathy is not associated with Gene ETHE1,False,"{ ""answer"": ""False"" }"
|
||||
L-2-HYDROXYGLUTARIC ACIDURIA associates Gene L2HGDH,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
Disease ontology identifier for campomelic dysplasia is DOID:0050463,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
choroideremia is not a X-linked disease,False,"{
|
||||
""answer"": ""False""
|
||||
}"
|
||||
Coffin-Siris syndrome is a syndromic disease,True,"{""answer"": ""True""}"
|
||||
Nance-Horan syndrome associates Gene NHS,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
Disease ontology identifier for cystinuria is DOID:9266,True,"{""answer"": ""True""}"
|
||||
Disease ontology identifier for gray platelet syndrome is DOID:0111044,True,"{""answer"": ""True""}"
|
||||
Maple Syrup Urine Disease associates Gene DBT,True,"{""answer"": ""True""}"
|
||||
Spinocerebellar Ataxia Type 1 is not associated with Gene ATXN1,False,"{""answer"": ""False""}"
|
||||
Holt-Oram syndrome is a autosomal dominant disease,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
agalsidase alfa treats fabry disease,True,"{""answer"": ""True""}"
|
||||
Disease ontology identifier for pseudopseudohypoparathyroidism is DOID:4183,True,"{""answer"": ""True""}"
|
||||
agalsidase beta treats fabry disease,True,"{""answer"": ""True""}"
|
||||
Unverricht-Lundborg Syndrome is not associated with Gene CSTB,False,"{ ""answer"": ""False"" }"
|
||||
L-2-hydroxyglutaric aciduria is not a 2-hydroxyglutaric aciduria,False,"{""answer"": ""False""}"
|
||||
Refsum Disease associates Gene PHYH,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
Achondroplasia is not associated with Gene FGFR3,False,"{""answer"": ""False""}"
|
||||
pseudoachondroplasia is a osteochondrodysplasia,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
prasterone treats obesity,True,"{
|
||||
""answer"": ""False""
|
||||
}"
|
||||
LATE-ONSET RETINAL DEGENERATION (disorder) associates Gene C1QTNF5,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
immunosuppressive agents treats crohn's disease,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
nail-patella syndrome is a autosomal dominant disease,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
Mulibrey Nanism is not associated with Gene TRIM37,False,"{""answer"": ""False""}"
|
||||
"Xeroderma pigmentosum, group G is not associated with Gene ERCC5",False,"{ ""answer"": ""False"" }"
|
||||
Disease ontology identifier for Lafora disease is DOID:3534,True,"{""answer"": ""True""}"
|
||||
Brachydactyly type C is not associated with Gene GDF5,False,"{""answer"": ""False""}"
|
||||
Cystinuria is not associated with Gene SLC3A1,False,"{""answer"": ""False""}"
|
||||
Obesity is not associated with Gene MC4R,False,"{""answer"": ""False""}"
|
||||
Kleefstra syndrome 1 is a Kleefstra syndrome,True,"{""answer"": ""True""}"
|
||||
everolimus treats tuberous sclerosis,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
Autosomal Recessive Polycystic Kidney Disease associates Gene PKHD1,True,"{""answer"": ""True""}"
|
||||
amiloride treats cystic fibrosis,True,"{
|
||||
""answer"": ""False""
|
||||
}"
|
||||
Liver carcinoma associates Gene TP53,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
Adrenoleukodystrophy associates Gene ABCD1,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
Tuberous Sclerosis associates Gene TSC2,True,"{""answer"": ""True""}"
|
||||
Myoclonic dystonia is not associated with Gene SGCE,False,"{
|
||||
""answer"": ""False""
|
||||
}"
|
||||
Long QT Syndrome 1 associates Gene KCNQ1,True,"{""answer"": ""True""}"
|
||||
Smith-Magenis syndrome associates Gene RAI1,True,"{""answer"": ""True""}"
|
||||
Disease ontology identifier for autosomal dominant hypophosphatemic rickets is DOID:0050948,True,"{""answer"": ""True""}"
|
||||
nitisinone treats alkaptonuria,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
immune checkpoint inhibitor treats melanoma,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
Li-Fraumeni Syndrome is not associated with Gene TP53,False,"{""answer"": ""False""}"
|
||||
argininosuccinic aciduria is a amino acid metabolism disease,True,"{""answer"": ""True""}"
|
||||
Hyperargininemia is not associated with Gene ARG1,False,"{""answer"": ""False""}"
|
||||
Fabry Disease associates Gene GLA,True,"{""answer"": ""True""}"
|
||||
Disease ontology identifier for beta-mannosidosis is DOID:0111136,False,"{
|
||||
""answer"": ""False""
|
||||
}"
|
||||
Disease ontology identifier for spinocerebellar ataxia type 1 is DOID:0050954,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
Waardenburg Syndrome Type 1 associates Gene PAX3,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
Osteosarcoma is not associated with Gene TP53,False,"{""answer"": ""False""}"
|
||||
Mucopolysaccharidosis II associates Gene IDS,True,"{""answer"": ""True""}"
|
||||
"Xeroderma pigmentosum, group F associates Gene ERCC4",True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
Pierson syndrome is not a autosomal recessive disease,False,"{""answer"": ""False""}"
|
||||
Nijmegen breakage syndrome is a autosomal recessive disease,True,"{""answer"": ""True""}"
|
||||
Ellis-Van Creveld Syndrome associates Gene EVC2,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
X-linked agammaglobulinemia associates Gene BTK,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
azithromycin treats cystic fibrosis,True,"{
|
||||
""answer"": ""False""
|
||||
}"
|
||||
liraglutide treats obesity,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
Chediak-Higashi Syndrome associates Gene LYST,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
"FANCONI ANEMIA, COMPLEMENTATION GROUP D2 is not associated with Gene FANCD2",False,"{""answer"": ""False""}"
|
||||
Wiskott-Aldrich Syndrome is not associated with Gene WAS,False,"{""answer"": ""False""}"
|
||||
Pseudoxanthoma Elasticum associates Gene ABCC6,True,"{""answer"": ""True""}"
|
||||
Disease ontology identifier for Omenn syndrome is DOID:3633,False,"{ ""answer"": ""False"" }"
|
||||
Hajdu-Cheney Syndrome associates Gene NOTCH2,True,"{""answer"": ""True""}"
|
||||
Disease ontology identifier for adrenoleukodystrophy is DOID:0060844,False,"{""answer"": ""False""}"
|
||||
antibiotics treats cystic fibrosis,True,"{""answer"": ""True""}"
|
||||
Mosaic variegated aneuploidy syndrome 1 associates Gene BUB1B,True,"{""answer"": ""True""}"
|
||||
Noonan Syndrome associates Gene KRAS,True,"{""answer"": ""True""}"
|
||||
Coffin-Lowry syndrome associates Gene RPS6KA3,True,"{""answer"": ""True""}"
|
||||
Laron Syndrome associates Gene GHR,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
Leigh Disease associates Gene SURF1,True,"{""answer"": ""True""}"
|
||||
DiGeorge Syndrome is not associated with Gene TBX1,False,"{""answer"": ""False""}"
|
||||
Disease ontology identifier for Nance-Horan syndrome is DOID:0050771,False,"{""answer"": ""False""}"
|
||||
"TIBIAL MUSCULAR DYSTROPHY, TARDIVE associates Gene TTN",True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
protein-tyrosine kinase inhibitor treats sarcoma,True,"{ ""answer"": ""False"" }"
|
||||
Lafora Disease associates Gene EPM2A,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
Pseudoachondroplasia associates Gene COMP,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
"Charcot-Marie-Tooth disease, Type 4B1 associates Gene MTMR2",True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
dehydroepiandrosterone treats obesity,True,"{
|
||||
""answer"": ""False""
|
||||
}"
|
||||
Hartnup disease is a inborn disorder of amino acid transport,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
Farber Lipogranulomatosis is not associated with Gene ASAH1,False,"{""answer"": ""False""}"
|
||||
Disease ontology identifier for Lesch-Nyhan syndrome is DOID:1919,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
Polycythemia Vera is not associated with Gene JAK2,False,"{""answer"": ""False""}"
|
||||
hyperkalemic periodic paralysis is not a familial periodic paralysis,False,"{""answer"": ""False""}"
|
||||
Coffin-Lowry syndrome is not a X-linked syndromic intellectual disability,False,"{""answer"": ""False""}"
|
||||
macrolide antibiotics treats cystic fibrosis,True,"{
|
||||
""answer"": ""False""
|
||||
}"
|
||||
Pierson syndrome is not associated with Gene LAMB2,False,"{""answer"": ""False""}"
|
||||
CAMPOMELIC DYSPLASIA associates Gene SOX9,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
Fatal Familial Insomnia is not associated with Gene PRNP,False,"{
|
||||
""answer"": ""False""
|
||||
}"
|
||||
Disease ontology identifier for sitosterolemia is DOID:0090019,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
Tay-Sachs Disease associates Gene HEXA,True,"{""answer"": ""True""}"
|
||||
beta-Mannosidosis is not associated with Gene MANBA,False,"{
|
||||
""answer"": ""False""
|
||||
}"
|
||||
Noonan Syndrome associates Gene SOS1,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
Obesity is not associated with Gene PPARG,False,"{""answer"": ""False""}"
|
||||
Congenital amegakaryocytic thrombocytopenia is not associated with Gene MPL,False,"{""answer"": ""False""}"
|
||||
Leigh Disease associates Gene NDUFS4,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
Sandhoff Disease is not associated with Gene HEXB,False,"{""answer"": ""False""}"
|
||||
Disease ontology identifier for Doyne honeycomb retinal dystrophy is DOID:0081055,False,"{""answer"": ""False""}"
|
||||
Juvenile polyposis syndrome associates Gene BMPR1A,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
|
@@ -0,0 +1,509 @@
|
||||
question,correct_answer,llm_answer
|
||||
"Out of the given list, which Gene is associated with psoriasis and Takayasu's arteritis. Given list is: SHTN1, HLA-B, SLC14A2, BTBD9, DTNB",HLA-B,"{""answer"": ""HLA-B""}"
|
||||
"Out of the given list, which Gene is associated with psoriasis and myelodysplastic syndrome. Given list is: NOD2, CHEK2, HLA-B, GCKR, PKNOX2",HLA-B,"{""answer"": ""HLA-B, CHEK2""}"
|
||||
"Out of the given list, which Gene is associated with psoriasis and herpes zoster. Given list is: MIF, HLA-B, PLA2G6, SCN1A, KITLG",HLA-B,"{""answer"": ""HLA-B""}"
|
||||
"Out of the given list, which Gene is associated with psoriasis and allergic rhinitis. Given list is: ATP2B1, HLA-B, STAT4, TERT, FADS1",HLA-B,"{""answer"": ""HLA-B""}"
|
||||
"Out of the given list, which Gene is associated with psoriasis and diffuse large B-cell lymphoma. Given list is: PTPRD, XBP1, BRCA2, DMRT1, HLA-B",HLA-B,"{""answer"": ""HLA-B""}"
|
||||
"Out of the given list, which Gene is associated with psoriasis and psoriatic arthritis. Given list is: IGF2BP2, GRAMD1B, TNRC18, SFRP4, HLA-B",HLA-B,"{""answer"": ""HLA-B""}"
|
||||
"Out of the given list, which Gene is associated with membranous glomerulonephritis and autoimmune hepatitis. Given list is: RBFOX1, RORA, IL2RA, BTC, HLA-DQA1",HLA-DQA1,"{""answer"": ""HLA-DQA1""}"
|
||||
"Out of the given list, which Gene is associated with membranous glomerulonephritis and immunoglobulin alpha deficiency. Given list is: HLA-DQA1, ADH1B, TM6SF2, TERT, IL2RA",HLA-DQA1,"{""answer"": ""HLA-DQA1""}"
|
||||
"Out of the given list, which Gene is associated with membranous glomerulonephritis and collagenous colitis. Given list is: HLA-DQA1, STAT4, ATXN2, GNE, RAD51B",HLA-DQA1,"{""answer"": ""HLA-DQA1""}"
|
||||
"Out of the given list, which Gene is associated with membranous glomerulonephritis and cutaneous lupus erythematosus. Given list is: ZFHX3, HLA-DQA1, EPDR1, CRTC1, HLA-DQA1",HLA-DQA1,"{""answer"": ""HLA-DQA1""}"
|
||||
"Out of the given list, which Gene is associated with membranous glomerulonephritis and cervix carcinoma. Given list is: PSCA, HLA-DQA1, KALRN, HLA-DQA1, HLA-DRB5",HLA-DQA1,"{
|
||||
""answer"": ""HLA-DQA1""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with periodontitis and primary angle-closure glaucoma. Given list is: EPDR1, TYR, IL23R, STN1, PRNP",EPDR1,"{
|
||||
""answer"": ""EPDR1""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with Hodgkin's lymphoma and Hodgkin's lymphoma, nodular sclerosis. Given list is: SHTN1, ERAP1, GATA3, XBP1, FTO",GATA3,"{""answer"": ""GATA3""}"
|
||||
"Out of the given list, which Gene is associated with limited scleroderma and allergic rhinitis. Given list is: TLR1, WNT4, HLA-DPA1, PSCA, DTNB",TLR1,"{
|
||||
""answer"": ""TLR1""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with malaria and duodenal ulcer. Given list is: TP53, ABO, HLA-DPA1, ADGRV1, GNE",ABO,"{
|
||||
""answer"": ""ABO""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with malaria and pancreatic carcinoma. Given list is: ABO, HLA-DPA1, TNRC6B, JAK2, TERT",ABO,"{
|
||||
""answer"": ""ABO""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with focal epilepsy and epilepsy. Given list is: SCN1A, ABCG2, DTNB, LRMDA, CPS1",SCN1A,"{""answer"": ""SCN1A""}"
|
||||
"Out of the given list, which Gene is associated with hypertrophic cardiomyopathy and dilated cardiomyopathy. Given list is: ZFPM2, HLA-B, BRCA2, MST1, MYH7",MYH7,"{""answer"": ""MYH7""}"
|
||||
"Out of the given list, which Gene is associated with inflammatory bowel disease and ankylosing spondylitis. Given list is: HOXD3, HNF1B, TYR, IL23R, TRAF3IP2",IL23R,"{
|
||||
""answer"": ""None""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with inflammatory bowel disease and ulcerative colitis. Given list is: GATA3, IL10, HOXD3, IL23R, TNFSF15",IL23R,"{""answer"": ""IL10, IL23R, TNFSF15""}"
|
||||
"Out of the given list, which Gene is associated with inflammatory bowel disease and Crohn's disease. Given list is: TNRC6B, ARMS2, RORA, MORC4, IL23R",IL23R,"{""answer"": ""IL23R""}"
|
||||
"Out of the given list, which Gene is associated with interstitial lung disease and triple-receptor negative breast cancer. Given list is: TERT, FER, TERT, PCDH15, PTK2B",TERT,"{
|
||||
""answer"": ""None""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with interstitial lung disease and idiopathic pulmonary fibrosis. Given list is: ATXN2, ERAP1, RBFOX1, NANOS1, TERT",TERT,"{""answer"": ""TERT""}"
|
||||
"Out of the given list, which Gene is associated with interstitial lung disease and myeloproliferative neoplasm. Given list is: ZFPM2, IL23R, TERT, THADA, IL23R",TERT,"{""answer"": ""TERT""}"
|
||||
"Out of the given list, which Gene is associated with interstitial lung disease and central nervous system cancer. Given list is: FGFR2, TERT, HLA-DQA1, GTF2I, SLC14A2",TERT,"{""answer"": ""TERT""}"
|
||||
"Out of the given list, which Gene is associated with interstitial lung disease and estrogen-receptor negative breast cancer. Given list is: TERT, CACNB2, ERAP1, PRKAA1, SHTN1",TERT,"{
|
||||
""answer"": ""TERT""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with interstitial lung disease and lung adenocarcinoma. Given list is: CHST11, SYT14, TERT, BARD1, USHBP1",TERT,"{""answer"": ""TERT""}"
|
||||
"Out of the given list, which Gene is associated with interstitial lung disease and lung carcinoma. Given list is: BTN2A1, BRCA2, STAT3, TERT, TFAP2B",TERT,"{
|
||||
""answer"": ""None of the genes in the given list are associated with interstitial lung disease and lung carcinoma based on the provided context.""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with triple-receptor negative breast cancer and interstitial lung disease. Given list is: ADGRG6, FGFR2, AFAP1, TERT, YLPM1",TERT,"{
|
||||
""answer"": ""TERT""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with triple-receptor negative breast cancer and idiopathic pulmonary fibrosis. Given list is: CRTC1, TERT, ATG5, WNT10A, ULK4",TERT,"{""answer"": ""TERT""}"
|
||||
"Out of the given list, which Gene is associated with triple-receptor negative breast cancer and myeloproliferative neoplasm. Given list is: ERAP1, SNCA, TERT, ULK4, ADGRG6",TERT,"{
|
||||
""answer"": ""None""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with triple-receptor negative breast cancer and central nervous system cancer. Given list is: PLG, HLA-DQA1, IL6, ATXN2, TERT",TERT,"{""answer"": ""TERT""}"
|
||||
"Out of the given list, which Gene is associated with triple-receptor negative breast cancer and estrogen-receptor negative breast cancer. Given list is: TERT, KIT, DGKK, ATP2B1, IL6",TERT,"{""answer"": ""TERT""}"
|
||||
"Out of the given list, which Gene is associated with triple-receptor negative breast cancer and lung adenocarcinoma. Given list is: TERT, POU5F1B, PLG, IGF1R, LRMDA",TERT,"{
|
||||
""answer"": ""None""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with triple-receptor negative breast cancer and lung carcinoma. Given list is: PTPN22, C5, TERT, FCGR2A, FADS2",TERT,"{
|
||||
""answer"": ""TERT""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with lung small cell carcinoma and opiate dependence. Given list is: CFH, CLPTM1L, TERT, FAT3, ADGRV1",ADGRV1,"{""answer"": ""ADGRV1""}"
|
||||
"Out of the given list, which Gene is associated with lung small cell carcinoma and cervix carcinoma. Given list is: TERT, ADGRV1, PHGDH, CACNA1D, TFAP2B",ADGRV1,"{""answer"": ""ADGRV1""}"
|
||||
"Out of the given list, which Gene is associated with male breast cancer and urticaria. Given list is: BABAM1, RAD51B, PHGDH, ABO, TERT",RAD51B,"{""answer"": ""RAD51B""}"
|
||||
"Out of the given list, which Gene is associated with idiopathic pulmonary fibrosis and interstitial lung disease. Given list is: COL22A1, KIF1B, TERT, CLPTM1L, HLA-DQA1",TERT,"{""answer"": ""TERT""}"
|
||||
"Out of the given list, which Gene is associated with idiopathic pulmonary fibrosis and triple-receptor negative breast cancer. Given list is: RELN, TERT, PLA2R1, DNMT3A, ABO",TERT,"{""answer"": ""TERT""}"
|
||||
"Out of the given list, which Gene is associated with idiopathic pulmonary fibrosis and myeloproliferative neoplasm. Given list is: STAT4, UMOD, ADGRV1, UMPS, TERT",TERT,"{""answer"": ""TERT""}"
|
||||
"Out of the given list, which Gene is associated with idiopathic pulmonary fibrosis and central nervous system cancer. Given list is: LOXL1, TERT, KALRN, RP1, IL6",TERT,"{""answer"": ""TERT""}"
|
||||
"Out of the given list, which Gene is associated with idiopathic pulmonary fibrosis and estrogen-receptor negative breast cancer. Given list is: TERT, TNFSF15, NTM, IGF2BP2, STN1",TERT,"{
|
||||
""answer"": ""TERT""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with idiopathic pulmonary fibrosis and lung adenocarcinoma. Given list is: HLA-B, CFH, PSCA, TERT, USHBP1",TERT,"{""answer"": ""TERT""}"
|
||||
"Out of the given list, which Gene is associated with idiopathic pulmonary fibrosis and lung carcinoma. Given list is: ABCG2, SULT1B1, ERAP1, TERT, CHST11",TERT,"{""answer"": ""TERT""}"
|
||||
"Out of the given list, which Gene is associated with thyroid gland papillary carcinoma and hypothyroidism. Given list is: CLPTM1L, MYBPC3, FAM227B, VAV3, PRNP",VAV3,"{
|
||||
""answer"": ""None""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with thyroid gland papillary carcinoma and differentiated thyroid gland carcinoma. Given list is: ACOXL, POU5F1B, VAV3, PSCA, ZFPM2",VAV3,"{
|
||||
""answer"": ""None of the genes in the given list are associated with thyroid gland papillary carcinoma and differentiated thyroid gland carcinoma.""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with mature B-cell neoplasm and androgenic alopecia. Given list is: HLA-DPA1, PRKAG2, ERAP1, SLC14A2, FER",SLC14A2,"{
|
||||
""answer"": ""None of the given genes are associated with mature B-cell neoplasm and androgenic alopecia.""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with mature B-cell neoplasm and cocaine dependence. Given list is: TLR1, SLC14A2, SCN1A, IL12RB2, PLG",SLC14A2,"{
|
||||
""answer"": ""None""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with hepatitis B and lymphoma. Given list is: KALRN, HLA-DQB2, ALDH1A2, STAT4, FBN1",HLA-DQB2,"{""answer"": ""HLA-DQB2""}"
|
||||
"Out of the given list, which Gene is associated with autoimmune hepatitis and membranous glomerulonephritis. Given list is: STAT4, HLA-DQA1, TNFSF13, CFH, KITLG",HLA-DQA1,"{""answer"": ""HLA-DQA1""}"
|
||||
"Out of the given list, which Gene is associated with autoimmune hepatitis and oral cavity cancer. Given list is: CACNA2D1, HLF, SULT1B1, HLA-DQB1, DLEU7",HLA-DQB1,"{
|
||||
""answer"": ""HLA-DQB1""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with autoimmune hepatitis and immunoglobulin alpha deficiency. Given list is: HLA-DQA1, HLA-DQB1, UCK2, PLA2R1, HLA-DQA1",HLA-DQA1,"{
|
||||
""answer"": ""HLA-DQA1, HLA-DQB1""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with autoimmune hepatitis and collagenous colitis. Given list is: KALRN, TERT, PLA2R1, NANOS1, HLA-DQA1",HLA-DQA1,"{
|
||||
""answer"": ""HLA-DQA1""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with autoimmune hepatitis and oropharynx cancer. Given list is: EYA2, LOXL1, BTBD9, TMEM71, HLA-DQB1",HLA-DQB1,"{""answer"": ""HLA-DQB1""}"
|
||||
"Out of the given list, which Gene is associated with autoimmune hepatitis and nephrotic syndrome. Given list is: IGF1R, HLA-DQB1, IL2RA, SLC17A4, EPDR1",HLA-DQB1,"{""answer"": ""HLA-DQB1""}"
|
||||
"Out of the given list, which Gene is associated with autoimmune hepatitis and rheumatic heart disease. Given list is: KAT2B, HLA-DQB1, GSDMB, ALDH1A2, THADA",HLA-DQB1,"{""answer"": ""HLA-DQB1""}"
|
||||
"Out of the given list, which Gene is associated with autoimmune hepatitis and cutaneous lupus erythematosus. Given list is: PTPN22, HLA-DQA1, CACNB2, CCDC33, IL2RA",HLA-DQA1,"{""answer"": ""HLA-DQA1""}"
|
||||
"Out of the given list, which Gene is associated with autoimmune hepatitis and cervix carcinoma. Given list is: FAT3, HLA-DPA1, HLA-DQA1, CACNA1S, CACNA2D1",HLA-DQA1,"{
|
||||
""answer"": ""HLA-DQA1""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with primary angle-closure glaucoma and periodontitis. Given list is: EPDR1, ADH1B, USHBP1, POU5F1B, SHTN1",EPDR1,"{""answer"": ""None of the genes from the given list are associated with both primary angle-closure glaucoma and periodontitis according to the provided context.""}"
|
||||
"Out of the given list, which Gene is associated with non-alcoholic fatty liver disease and liver cirrhosis. Given list is: IL23R, RP1, PSCA, PNPLA3, PLG",PNPLA3,"{""answer"": ""PNPLA3""}"
|
||||
"Out of the given list, which Gene is associated with non-alcoholic fatty liver disease and non-alcoholic steatohepatitis. Given list is: C5AR1, PNPLA3, ABCG2, BTC, UMPS",PNPLA3,"{""answer"": ""PNPLA3""}"
|
||||
"Out of the given list, which Gene is associated with hypothyroidism and thyroid gland papillary carcinoma. Given list is: PRKACB, FAM13A, VAV3, ZFPM2, TERT",VAV3,"{
|
||||
""answer"": ""None""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with hypothyroidism and differentiated thyroid gland carcinoma. Given list is: PNPLA3, RELN, RP1, STAT4, VAV3",VAV3,"{
|
||||
""answer"": ""None""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with liver cirrhosis and non-alcoholic fatty liver disease. Given list is: HYKK, PLA2G6, ADH1B, PNPLA3, RGS14",PNPLA3,"{""answer"": ""PNPLA3""}"
|
||||
"Out of the given list, which Gene is associated with liver cirrhosis and head and neck cancer. Given list is: CACNA2D1, HLA-DQA1, ADGRV1, YLPM1, STN1",CACNA2D1,"{""answer"": ""STN1""}"
|
||||
"Out of the given list, which Gene is associated with liver cirrhosis and non-alcoholic steatohepatitis. Given list is: SCN1A, EYA2, CACNA2D1, HBB, PNPLA3",PNPLA3,"{""answer"": ""PNPLA3""}"
|
||||
"Out of the given list, which Gene is associated with liver cirrhosis and uveal melanoma. Given list is: VAV3, PSCA, CACNA2D1, NTM, SULT1B1",CACNA2D1,"{
|
||||
""answer"": ""None""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with Takayasu's arteritis and psoriasis. Given list is: ABCG2, HLA-B, CACNA1C, RGS14, PTPN22",HLA-B,"{""answer"": ""HLA-B""}"
|
||||
"Out of the given list, which Gene is associated with Takayasu's arteritis and myelodysplastic syndrome. Given list is: CCDC33, PCDH15, RBFOX1, HLA-B, ERAP1",HLA-B,"{""answer"": ""HLA-B""}"
|
||||
"Out of the given list, which Gene is associated with Takayasu's arteritis and herpes zoster. Given list is: HLA-B, STAT6, HLA-DQA1, HBB, CFH",HLA-B,"{""answer"": ""HLA-B""}"
|
||||
"Out of the given list, which Gene is associated with Takayasu's arteritis and allergic rhinitis. Given list is: HLA-DQB2, CRTC1, FAM13A, TNRC6B, HLA-B",HLA-B,"{""answer"": ""HLA-B""}"
|
||||
"Out of the given list, which Gene is associated with Takayasu's arteritis and diffuse large B-cell lymphoma. Given list is: HLA-B, PLG, BRCA2, PNPLA3, PBX2",HLA-B,"{""answer"": ""HLA-B""}"
|
||||
"Out of the given list, which Gene is associated with Takayasu's arteritis and psoriatic arthritis. Given list is: RELN, HLA-B, HLA-B, SNTB1, SCN1A",HLA-B,"{""answer"": ""HLA-B""}"
|
||||
"Out of the given list, which Gene is associated with oral cavity cancer and autoimmune hepatitis. Given list is: KAT2B, TTLL5, HLA-DQB1, HOXD3, SAMM50",HLA-DQB1,"{
|
||||
""answer"": ""HLA-DQB1""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with oral cavity cancer and oropharynx cancer. Given list is: GCKR, HLA-DQB1, CACNA1S, TNFSF15, RAD51B",HLA-DQB1,"{""answer"": ""HLA-DQB1""}"
|
||||
"Out of the given list, which Gene is associated with oral cavity cancer and nephrotic syndrome. Given list is: ARMS2, HLA-DQB1, LOXL1, HLA-B, ACOXL",HLA-DQB1,"{""answer"": ""HLA-DQB1""}"
|
||||
"Out of the given list, which Gene is associated with oral cavity cancer and rheumatic heart disease. Given list is: HLA-DQB1, HBB, TNNT2, ITPA, HLA-DQB1",HLA-DQB1,"{""answer"": ""HLA-DQB1""}"
|
||||
"Out of the given list, which Gene is associated with oral cavity cancer and pancreatic carcinoma. Given list is: CLPTM1L, CASZ1, AKAP6, HERC2, IL6",CLPTM1L,"{""answer"": ""CLPTM1L""}"
|
||||
"Out of the given list, which Gene is associated with immunoglobulin alpha deficiency and membranous glomerulonephritis. Given list is: HLA-DQA1, HLA-DQB1, MYH7, TNRC6B, CRTC1",HLA-DQA1,"{""answer"": ""HLA-DQA1""}"
|
||||
"Out of the given list, which Gene is associated with immunoglobulin alpha deficiency and autoimmune hepatitis. Given list is: SLC14A2, PRKAG2, HLA-DQA1, HLA-DQA1, PLG",HLA-DQA1,"{""answer"": ""HLA-DQA1""}"
|
||||
"Out of the given list, which Gene is associated with immunoglobulin alpha deficiency and collagenous colitis. Given list is: GATA3, HLA-DQA1, SNTB1, CHEK2, HLA-DRB5",HLA-DQA1,"{
|
||||
""answer"": ""HLA-DQA1""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with immunoglobulin alpha deficiency and cutaneous lupus erythematosus. Given list is: PLA2R1, DTNB, FER, HLA-DQA1, PINX1",HLA-DQA1,"{""answer"": ""HLA-DQA1""}"
|
||||
"Out of the given list, which Gene is associated with immunoglobulin alpha deficiency and cervix carcinoma. Given list is: CLPTM1L, STAT3, HLA-DQA1, ABO, HLA-DPB1",HLA-DQA1,"{""answer"": ""HLA-DQA1""}"
|
||||
"Out of the given list, which Gene is associated with myelodysplastic syndrome and psoriasis. Given list is: VAV3, TERT, CLPTM1L, PTPN22, HLA-B",HLA-B,"{""answer"": ""HLA-B""}"
|
||||
"Out of the given list, which Gene is associated with myelodysplastic syndrome and Takayasu's arteritis. Given list is: BTN3A1, AKAP6, CACNA2D1, HLA-B, CACNA1A",HLA-B,"{""answer"": ""HLA-B""}"
|
||||
"Out of the given list, which Gene is associated with myelodysplastic syndrome and herpes zoster. Given list is: DTNB, HLA-B, ATP2B1, SLC14A2, KALRN",HLA-B,"{
|
||||
""answer"": ""None""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with myelodysplastic syndrome and allergic rhinitis. Given list is: ARMS2, CHEK2, HLA-B, BTN3A1, GSDMB",HLA-B,"{""answer"": ""CHEK2, HLA-B""}"
|
||||
"Out of the given list, which Gene is associated with myelodysplastic syndrome and diffuse large B-cell lymphoma. Given list is: MIF, TDP2, TMEM71, HLA-DQA1, HLA-B",HLA-B,"{
|
||||
""answer"": ""None of the genes in the given list are associated with myelodysplastic syndrome and diffuse large B-cell lymphoma according to the provided context.""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with myelodysplastic syndrome and psoriatic arthritis. Given list is: MST1, BTNL2, HLA-B, HERC2, HLA-DQB1",HLA-B,"{""answer"": ""HLA-B""}"
|
||||
"Out of the given list, which Gene is associated with differentiated thyroid gland carcinoma and thyroid gland papillary carcinoma. Given list is: ITPA, CHEK2, CRTC1, PLG, VAV3",VAV3,"{""answer"": ""CHEK2""}"
|
||||
"Out of the given list, which Gene is associated with differentiated thyroid gland carcinoma and hypothyroidism. Given list is: ERAP1, HLA-DQA1, VAV3, PINX1, PCDH15",VAV3,"{
|
||||
""answer"": ""None""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with Barrett's esophagus and esophagus adenocarcinoma. Given list is: HLA-DQB1, CRTC1, HLA-B, CFH, MYBPC3",CRTC1,"{""answer"": ""CRTC1""}"
|
||||
"Out of the given list, which Gene is associated with ankylosing spondylitis and inflammatory bowel disease. Given list is: LPP, UCK2, YLPM1, DAB2IP, IL23R",IL23R,"{""answer"": ""IL23R""}"
|
||||
"Out of the given list, which Gene is associated with ankylosing spondylitis and ulcerative colitis. Given list is: KIT, SAMM50, IL23R, PSCA, HLA-DQB1",IL23R,"{""answer"": ""IL23R""}"
|
||||
"Out of the given list, which Gene is associated with ankylosing spondylitis and anterior uveitis. Given list is: CFH, XBP1, ERAP1, SYT14, HNF1B",ERAP1,"{
|
||||
""answer"": ""None""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with ankylosing spondylitis and Crohn's disease. Given list is: IL23R, HLA-DQB1, TNRC18, EYA2, SLC2A9",IL23R,"{""answer"": ""IL23R""}"
|
||||
"Out of the given list, which Gene is associated with rheumatoid arthritis and myositis. Given list is: STAT3, BARD1, PTPN22, PRKN, C5AR1",PTPN22,"{""answer"": ""PTPN22""}"
|
||||
"Out of the given list, which Gene is associated with neuromyelitis optica and neurotic disorder. Given list is: TNRC18, PCDH7, CASZ1, GATA3, TNXB",TNXB,"{""answer"": ""TNXB""}"
|
||||
"Out of the given list, which Gene is associated with collagenous colitis and membranous glomerulonephritis. Given list is: PHACTR1, CASZ1, PNPLA3, HLA-DQA1, ATP2B1",HLA-DQA1,"{""answer"": ""HLA-DQA1""}"
|
||||
"Out of the given list, which Gene is associated with collagenous colitis and autoimmune hepatitis. Given list is: CACNA1D, HLA-DQA1, AKAP6, MST1, NTM",HLA-DQA1,"{""answer"": ""HLA-DQA1""}"
|
||||
"Out of the given list, which Gene is associated with collagenous colitis and immunoglobulin alpha deficiency. Given list is: EPAS1, MYH7, RELN, HLA-DQA1, KIT",HLA-DQA1,"{""answer"": ""HLA-DQA1""}"
|
||||
"Out of the given list, which Gene is associated with collagenous colitis and cutaneous lupus erythematosus. Given list is: MYH7, HLA-DQA1, HLA-DQA1, TERT, BARD1",HLA-DQA1,"{""answer"": ""HLA-DQA1""}"
|
||||
"Out of the given list, which Gene is associated with collagenous colitis and cervix carcinoma. Given list is: NEURL1, TERT, HLA-DQA1, TERT, SLC17A4",HLA-DQA1,"{""answer"": ""HLA-DQA1""}"
|
||||
"Out of the given list, which Gene is associated with dengue hemorrhagic fever and intracranial aneurysm. Given list is: RP1, TLR1, UCK2, GNE, FADS1",RP1,"{
|
||||
""answer"": ""None""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with dengue hemorrhagic fever and wheat allergy. Given list is: RBFOX1, EPDR1, BABAM1, PTPN22, WNT4",RBFOX1,"{
|
||||
""answer"": ""RBFOX1""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with neurotic disorder and neuromyelitis optica. Given list is: STAT4, LACC1, TNXB, UMPS, SFRP4",TNXB,"{""answer"": ""STAT4""}"
|
||||
"Out of the given list, which Gene is associated with head and neck cancer and liver cirrhosis. Given list is: TFAP2B, TERT, USHBP1, CACNA2D1, CRTC1",CACNA2D1,"{""answer"": ""TERT""}"
|
||||
"Out of the given list, which Gene is associated with head and neck cancer and uveal melanoma. Given list is: ABO, CACNA2D1, PSCA, TERT, SULT1B1",CACNA2D1,"{
|
||||
""answer"": ""None""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with age related macular degeneration and Kuhnt-Junius degeneration. Given list is: VAV3, UGT1A8, CFH, TP53, HLA-DQA1",CFH,"{""answer"": ""CFH""}"
|
||||
"Out of the given list, which Gene is associated with age related macular degeneration and kidney disease. Given list is: RAD51B, CFH, C1orf127, CASZ1, HAAO",CFH,"{""answer"": ""CFH""}"
|
||||
"Out of the given list, which Gene is associated with Kuhnt-Junius degeneration and age related macular degeneration. Given list is: CFH, CACNA2D1, STAT4, LACC1, SFRP4",CFH,"{""answer"": ""CFH""}"
|
||||
"Out of the given list, which Gene is associated with Kuhnt-Junius degeneration and kidney disease. Given list is: PRKACB, MUC5B, TERT, CFH, CACNA2D1",CFH,"{
|
||||
""answer"": ""None of the genes in the given list are associated with Kuhnt-Junius degeneration and kidney disease according to the provided context.""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with lymphoma and hepatitis B. Given list is: HLA-DQB2, YLPM1, MTTP, HAAO, PTPN22",HLA-DQB2,"{""answer"": ""HLA-DQB2""}"
|
||||
"Out of the given list, which Gene is associated with herpes zoster and psoriasis. Given list is: HLA-DQB1, HOXD3, FAM227B, DNMT3A, HLA-B",HLA-B,"{""answer"": ""HLA-B""}"
|
||||
"Out of the given list, which Gene is associated with herpes zoster and Takayasu's arteritis. Given list is: FAM227B, PRKN, CSNK2B, HLA-B, FGFR2",HLA-B,"{
|
||||
""answer"": ""None""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with herpes zoster and myelodysplastic syndrome. Given list is: HLA-B, TMEM71, KITLG, PTPRD, AHR",HLA-B,"{""answer"": ""None""}"
|
||||
"Out of the given list, which Gene is associated with herpes zoster and allergic rhinitis. Given list is: HLA-B, HLA-B, IGF2BP2, CLPTM1L, CACNA2D1",HLA-B,"{""answer"": ""HLA-B""}"
|
||||
"Out of the given list, which Gene is associated with herpes zoster and diffuse large B-cell lymphoma. Given list is: HLA-B, ATXN2, SLC14A2, EYA2, POU5F1B",HLA-B,"{""answer"": ""HLA-B""}"
|
||||
"Out of the given list, which Gene is associated with herpes zoster and psoriatic arthritis. Given list is: HLA-B, ADGRV1, CPS1, SULT1B1, ATG5",HLA-B,"{""answer"": ""HLA-B""}"
|
||||
"Out of the given list, which Gene is associated with duodenal ulcer and malaria. Given list is: IGF1R, HLA-DQA1, USHBP1, ABO, GTF2I",ABO,"{""answer"": ""ABO""}"
|
||||
"Out of the given list, which Gene is associated with duodenal ulcer and atrophic gastritis. Given list is: SLC17A4, GATA3, MST1, PSCA, SCN1A",PSCA,"{""answer"": ""PSCA""}"
|
||||
"Out of the given list, which Gene is associated with duodenal ulcer and pancreatic carcinoma. Given list is: YLPM1, CFH, ABO, KALRN, STAT6",ABO,"{""answer"": ""ABO""}"
|
||||
"Out of the given list, which Gene is associated with duodenal ulcer and gastric fundus cancer. Given list is: CACNA1S, MUC5B, FBN1, PSCA, BTC",PSCA,"{""answer"": ""PSCA""}"
|
||||
"Out of the given list, which Gene is associated with non-alcoholic steatohepatitis and non-alcoholic fatty liver disease. Given list is: HLA-DQB2, ZFPM2, KALRN, PNPLA3, DENND1A",PNPLA3,"{""answer"": ""PNPLA3""}"
|
||||
"Out of the given list, which Gene is associated with non-alcoholic steatohepatitis and liver cirrhosis. Given list is: PNPLA3, SULT1B1, KIT, AHR, FAM227B",PNPLA3,"{""answer"": ""PNPLA3""}"
|
||||
"Out of the given list, which Gene is associated with oropharynx cancer and autoimmune hepatitis. Given list is: HLA-DQB1, TNXB, FBN1, C9, BTN3A1",HLA-DQB1,"{""answer"": ""HLA-DQB1""}"
|
||||
"Out of the given list, which Gene is associated with oropharynx cancer and oral cavity cancer. Given list is: MYBPC3, KIF1B, DGKK, HLA-DQB1, HLA-B",HLA-DQB1,"{""answer"": ""HLA-DQB1""}"
|
||||
"Out of the given list, which Gene is associated with oropharynx cancer and nephrotic syndrome. Given list is: FER, HLA-DQB1, FTO, SLC2A9, RAD51B",HLA-DQB1,"{""answer"": ""HLA-DQB1""}"
|
||||
"Out of the given list, which Gene is associated with oropharynx cancer and rheumatic heart disease. Given list is: DENND1A, HLA-DQB1, VRK2, TERT, CACNA1A",HLA-DQB1,"{""answer"": ""HLA-DQB1""}"
|
||||
"Out of the given list, which Gene is associated with ulcerative colitis and inflammatory bowel disease. Given list is: SAMD9L, IL23R, GATA3, DNMT3A, RAD51B",IL23R,"{""answer"": ""IL23R""}"
|
||||
"Out of the given list, which Gene is associated with ulcerative colitis and ankylosing spondylitis. Given list is: ALDH1A2, IL23R, DTNB, SNTB1, MYH7",IL23R,"{""answer"": ""IL23R""}"
|
||||
"Out of the given list, which Gene is associated with ulcerative colitis and Crohn's disease. Given list is: ZFHX3, OPTN, EML4, IL23R, STN1",IL23R,"{""answer"": ""IL23R""}"
|
||||
"Out of the given list, which Gene is associated with nephrotic syndrome and autoimmune hepatitis. Given list is: TNIP1, CACNA1C, SLC2A9, HLA-DQB1, CSNK2B",HLA-DQB1,"{
|
||||
""answer"": ""HLA-DQB1""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with nephrotic syndrome and oral cavity cancer. Given list is: CRTC1, PLG, AHR, SLC14A2, HLA-DQB1",HLA-DQB1,"{""answer"": ""HLA-DQB1""}"
|
||||
"Out of the given list, which Gene is associated with nephrotic syndrome and oropharynx cancer. Given list is: PRKAG2, SYT14, VAV3, HLA-DQB1, PNPLA3",HLA-DQB1,"{""answer"": ""HLA-DQB1""}"
|
||||
"Out of the given list, which Gene is associated with nephrotic syndrome and rheumatic heart disease. Given list is: GSDMB, KALRN, SNTB1, HLA-DQB1, CRTC1",HLA-DQB1,"{""answer"": ""HLA-DQB1""}"
|
||||
"Out of the given list, which Gene is associated with myositis and rheumatoid arthritis. Given list is: C9, RORA, TERT, HLA-B, PTPN22",PTPN22,"{""answer"": ""HLA-B, PTPN22""}"
|
||||
"Out of the given list, which Gene is associated with myositis and systemic scleroderma. Given list is: BTNL2, DMRT1, STAT4, CLPTM1L, SLC2A9",STAT4,"{""answer"": ""STAT4""}"
|
||||
"Out of the given list, which Gene is associated with myositis and Sjogren's syndrome. Given list is: STAT4, FTO, ACOXL, MORC4, TNXB",STAT4,"{
|
||||
""answer"": ""STAT4""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with intracranial aneurysm and dengue hemorrhagic fever. Given list is: RP1, IGF1R, BABAM1, DLEU7, ATG5",RP1,"{""answer"": ""RP1""}"
|
||||
"Out of the given list, which Gene is associated with squamous cell carcinoma and estrogen-receptor negative breast cancer. Given list is: BRCA2, RBFOX1, UCK2, PNPLA3, RAD51B",BRCA2,"{
|
||||
""answer"": ""RAD51B""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with squamous cell carcinoma and lung squamous cell carcinoma. Given list is: ARMS2, BRCA2, BTBD9, IL6, ALDH1A2",BRCA2,"{""answer"": ""BRCA2""}"
|
||||
"Out of the given list, which Gene is associated with androgenic alopecia and mature B-cell neoplasm. Given list is: TM6SF2, HLA-B, SLC14A2, PHGDH, TTLL5",SLC14A2,"{
|
||||
""answer"": ""None""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with androgenic alopecia and cocaine dependence. Given list is: GSDMB, SLC14A2, ATXN2, PNPLA3, PRKACB",SLC14A2,"{""answer"": ""SLC14A2""}"
|
||||
"Out of the given list, which Gene is associated with sclerosing cholangitis and endometrial cancer. Given list is: FADS2, RP1, ATXN2, VRK2, PLA2G6",ATXN2,"{""answer"": ""ATXN2""}"
|
||||
"Out of the given list, which Gene is associated with cocaine dependence and mature B-cell neoplasm. Given list is: CHST11, GSDMB, ERAP1, TP63, SLC14A2",SLC14A2,"{
|
||||
""answer"": ""None""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with cocaine dependence and androgenic alopecia. Given list is: ATG5, ADGRV1, NEURL1, SLC14A2, HLA-DPB1",SLC14A2,"{""answer"": ""SLC14A2""}"
|
||||
"Out of the given list, which Gene is associated with epilepsy and focal epilepsy. Given list is: NEURL1, SCN1A, HAAO, CLDN14, MYBPC3",SCN1A,"{
|
||||
""answer"": ""None of the genes in the given list are associated with epilepsy and focal epilepsy based on the provided context.""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with myeloproliferative neoplasm and interstitial lung disease. Given list is: LRMDA, TERT, CLDN14, UCK2, STAT3",TERT,"{
|
||||
""answer"": ""TERT""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with myeloproliferative neoplasm and triple-receptor negative breast cancer. Given list is: ABO, SCN1A, TERT, TGM2, COL22A1",TERT,"{""answer"": ""TERT""}"
|
||||
"Out of the given list, which Gene is associated with myeloproliferative neoplasm and idiopathic pulmonary fibrosis. Given list is: FBN1, TERT, DLEU7, IL2RA, PTK2B",TERT,"{""answer"": ""TERT""}"
|
||||
"Out of the given list, which Gene is associated with myeloproliferative neoplasm and central nervous system cancer. Given list is: WNT4, TERT, VAV3, ADH1B, GATA3",TERT,"{""answer"": ""TERT""}"
|
||||
"Out of the given list, which Gene is associated with myeloproliferative neoplasm and estrogen-receptor negative breast cancer. Given list is: STAT4, MYH7, BTBD9, ERAP1, TERT",TERT,"{""answer"": ""TERT""}"
|
||||
"Out of the given list, which Gene is associated with myeloproliferative neoplasm and lung adenocarcinoma. Given list is: SLC17A4, STAT6, HLA-DQB1, TERT, PRX",TERT,"{""answer"": ""TERT""}"
|
||||
"Out of the given list, which Gene is associated with myeloproliferative neoplasm and lung carcinoma. Given list is: LPP, TENM2, DMRT1, TERT, UCK2",TERT,"{""answer"": ""TERT""}"
|
||||
"Out of the given list, which Gene is associated with rheumatic heart disease and autoimmune hepatitis. Given list is: SPRED2, TTLL5, TLR1, ALDH1A2, HLA-DQB1",HLA-DQB1,"{""answer"": ""HLA-DQB1""}"
|
||||
"Out of the given list, which Gene is associated with rheumatic heart disease and oral cavity cancer. Given list is: HLA-DQB1, IL23R, TM6SF2, BTC, SYT14",HLA-DQB1,"{""answer"": ""HLA-DQB1""}"
|
||||
"Out of the given list, which Gene is associated with rheumatic heart disease and oropharynx cancer. Given list is: PLA2G6, HLA-DQB1, IL23R, FAM13A, ADH1B",HLA-DQB1,"{""answer"": ""HLA-DQB1""}"
|
||||
"Out of the given list, which Gene is associated with rheumatic heart disease and nephrotic syndrome. Given list is: CACNA1D, TFAP2B, STAT4, HLA-DQB1, PTK2B",HLA-DQB1,"{""answer"": ""HLA-DQB1""}"
|
||||
"Out of the given list, which Gene is associated with atrophic gastritis and duodenal ulcer. Given list is: HOXD3, ATP2B1, PSCA, CDK8, CACNA1A",PSCA,"{""answer"": ""PSCA""}"
|
||||
"Out of the given list, which Gene is associated with atrophic gastritis and gastric fundus cancer. Given list is: EYA2, CDKAL1, KAT2B, PSCA, PSCA",PSCA,"{""answer"": ""PSCA""}"
|
||||
"Out of the given list, which Gene is associated with wheat allergy and dengue hemorrhagic fever. Given list is: NEURL1, DLEU7, DMRT1, ADGRG6, RBFOX1",RBFOX1,"{
|
||||
""answer"": ""None""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with pulmonary hypertension and dermatomyositis. Given list is: CLPTM1L, C5, HLA-DPA1, AHR, HLA-DQA1",HLA-DPA1,"{""answer"": ""HLA-DPA1""}"
|
||||
"Out of the given list, which Gene is associated with cutaneous lupus erythematosus and membranous glomerulonephritis. Given list is: JAK2, IL6, HLA-DQA1, HNF1B, ZEB2",HLA-DQA1,"{
|
||||
""answer"": ""HLA-DQA1""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with cutaneous lupus erythematosus and autoimmune hepatitis. Given list is: FGFR2, TERT, HLA-DQA1, IL6, HLA-DQB1",HLA-DQA1,"{""answer"": ""HLA-DQA1""}"
|
||||
"Out of the given list, which Gene is associated with cutaneous lupus erythematosus and immunoglobulin alpha deficiency. Given list is: DTNB, IL10, TNXB, FAM13A, HLA-DQA1",HLA-DQA1,"{
|
||||
""answer"": ""HLA-DQA1""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with cutaneous lupus erythematosus and collagenous colitis. Given list is: MUC5B, DLEU7, BRCA2, HLA-DQA1, THADA",HLA-DQA1,"{
|
||||
""answer"": ""None""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with cutaneous lupus erythematosus and cervix carcinoma. Given list is: PRX, CDK8, HIP1, HLA-DQA1, RAD51B",HLA-DQA1,"{
|
||||
""answer"": ""None""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with systemic scleroderma and myositis. Given list is: HLA-DPB1, STAT4, UGT1A9, HLA-DQA1, TNRC6B",STAT4,"{""answer"": ""STAT4""}"
|
||||
"Out of the given list, which Gene is associated with systemic scleroderma and Sjogren's syndrome. Given list is: KITLG, STAT4, SLC14A2, COL22A1, TDP2",STAT4,"{""answer"": ""STAT4""}"
|
||||
"Out of the given list, which Gene is associated with childhood type dermatomyositis and dermatomyositis. Given list is: FTO, PLA2G6, ATP2B1, GSDMB, BRCA2",GSDMB,"{""answer"": ""None of the genes in the given list are associated with childhood type dermatomyositis and dermatomyositis.""}"
|
||||
"Out of the given list, which Gene is associated with central nervous system cancer and interstitial lung disease. Given list is: ADGRV1, TENM2, TERT, LRMDA, CCDC33",TERT,"{""answer"": ""TERT""}"
|
||||
"Out of the given list, which Gene is associated with central nervous system cancer and triple-receptor negative breast cancer. Given list is: SLC17A4, KITLG, CAPN14, CACNA2D1, TERT",TERT,"{""answer"": ""TERT""}"
|
||||
"Out of the given list, which Gene is associated with central nervous system cancer and idiopathic pulmonary fibrosis. Given list is: TERT, MORC4, DMRT1, GRAMD1B, GTF2I",TERT,"{""answer"": ""TERT""}"
|
||||
"Out of the given list, which Gene is associated with central nervous system cancer and myeloproliferative neoplasm. Given list is: TERT, NOD2, HLA-DQB1, SAMM50, SFRP4",TERT,"{""answer"": ""TERT""}"
|
||||
"Out of the given list, which Gene is associated with central nervous system cancer and estrogen-receptor negative breast cancer. Given list is: BABAM1, ABO, TERT, PHACTR1, DTNB",TERT,"{
|
||||
""answer"": ""BABAM1, TERT""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with central nervous system cancer and lung adenocarcinoma. Given list is: ADGRG6, CDKAL1, TERT, HLA-DPA1, BRCA2",TERT,"{""answer"": ""TERT""}"
|
||||
"Out of the given list, which Gene is associated with central nervous system cancer and lung carcinoma. Given list is: MYBPC3, GCKR, STAT4, TERT, BTN2A1",TERT,"{""answer"": ""TERT""}"
|
||||
"Out of the given list, which Gene is associated with opiate dependence and lung small cell carcinoma. Given list is: IL23R, HLA-DQB2, ADGRV1, DLEU7, RBFOX1",ADGRV1,"{""answer"": ""ADGRV1""}"
|
||||
"Out of the given list, which Gene is associated with opiate dependence and cervix carcinoma. Given list is: SCN1A, ADGRV1, AHR, THADA, CASZ1",ADGRV1,"{""answer"": ""ADGRV1""}"
|
||||
"Out of the given list, which Gene is associated with estrogen-receptor negative breast cancer and interstitial lung disease. Given list is: FAM227B, PTPN22, PSCA, ABO, TERT",TERT,"{""answer"": ""TERT""}"
|
||||
"Out of the given list, which Gene is associated with estrogen-receptor negative breast cancer and triple-receptor negative breast cancer. Given list is: TRAF3IP2, HBB, TERT, HOXD3, ATP2B1",TERT,"{""answer"": ""TERT""}"
|
||||
"Out of the given list, which Gene is associated with estrogen-receptor negative breast cancer and idiopathic pulmonary fibrosis. Given list is: IL23R, BTBD9, SFRP4, PHGDH, TERT",TERT,"{""answer"": ""TERT""}"
|
||||
"Out of the given list, which Gene is associated with estrogen-receptor negative breast cancer and squamous cell carcinoma. Given list is: BRCA2, CLDN14, HLA-DPB1, HLA-DQB1, MTTP",BRCA2,"{""answer"": ""BRCA2""}"
|
||||
"Out of the given list, which Gene is associated with estrogen-receptor negative breast cancer and myeloproliferative neoplasm. Given list is: TERT, HLA-DQB2, BRCA2, GNE, STAT3",TERT,"{
|
||||
""answer"": ""TERT""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with estrogen-receptor negative breast cancer and central nervous system cancer. Given list is: FER, CACNA1D, COL22A1, TNFSF15, TERT",TERT,"{
|
||||
""answer"": ""TERT""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with estrogen-receptor negative breast cancer and lung adenocarcinoma. Given list is: SAMD9L, PTPRD, DAB2IP, IL23R, TERT",TERT,"{""answer"": ""TERT""}"
|
||||
"Out of the given list, which Gene is associated with estrogen-receptor negative breast cancer and lung squamous cell carcinoma. Given list is: BRCA2, SULT1B1, SPRED2, CHST11, CCDC33",BRCA2,"{""answer"": ""BRCA2""}"
|
||||
"Out of the given list, which Gene is associated with estrogen-receptor negative breast cancer and lung carcinoma. Given list is: ABCG2, GATA3, TP53, TERT, PLA2G6",TERT,"{""answer"": ""TP53, TERT""}"
|
||||
"Out of the given list, which Gene is associated with dermatomyositis and pulmonary hypertension. Given list is: TG, HLA-DPA1, PNPLA3, ZFPM2, UMOD",HLA-DPA1,"{""answer"": ""HLA-DPA1""}"
|
||||
"Out of the given list, which Gene is associated with dermatomyositis and childhood type dermatomyositis. Given list is: GSDMB, HLA-DQA1, ADH1B, POU5F1B, HLA-B",GSDMB,"{
|
||||
""answer"": ""None of the genes in the given list are associated with dermatomyositis and childhood type dermatomyositis according to the provided context.""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with esophagus adenocarcinoma and Barrett's esophagus. Given list is: TERT, HLA-DQB2, EPDR1, PNPLA3, CRTC1",CRTC1,"{""answer"": ""CRTC1""}"
|
||||
"Out of the given list, which Gene is associated with kidney disease and age related macular degeneration. Given list is: CFH, MUC5B, DAB2IP, BTN2A1, ADH1B",CFH,"{""answer"": ""CFH""}"
|
||||
"Out of the given list, which Gene is associated with kidney disease and Kuhnt-Junius degeneration. Given list is: CFH, HLA-DQB2, DNMT3A, TNNT2, GATA3",CFH,"{""answer"": ""CFH""}"
|
||||
"Out of the given list, which Gene is associated with anterior uveitis and ankylosing spondylitis. Given list is: SYT14, TNFSF15, UGT1A8, HBB, ERAP1",ERAP1,"{""answer"": ""ERAP1""}"
|
||||
"Out of the given list, which Gene is associated with dilated cardiomyopathy and hypertrophic cardiomyopathy. Given list is: TLR1, IL23R, HLA-B, MYH7, HLA-DQA1",MYH7,"{""answer"": ""MYH7""}"
|
||||
"Out of the given list, which Gene is associated with pancreatic carcinoma and malaria. Given list is: HLA-DQA1, CACNA1S, KAT2B, ABO, ATXN2",ABO,"{
|
||||
""answer"": ""ABO""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with pancreatic carcinoma and oral cavity cancer. Given list is: GCKR, CLPTM1L, CHST11, CRTC1, COL22A1",CLPTM1L,"{""answer"": ""CLPTM1L""}"
|
||||
"Out of the given list, which Gene is associated with pancreatic carcinoma and duodenal ulcer. Given list is: ABO, CRTC1, CACNB2, PSCA, CDK8",ABO,"{""answer"": ""ABO""}"
|
||||
"Out of the given list, which Gene is associated with cervix carcinoma and membranous glomerulonephritis. Given list is: HLA-DQA1, WNT4, TNIP1, CAPN14, DTNB",HLA-DQA1,"{""answer"": ""HLA-DQA1""}"
|
||||
"Out of the given list, which Gene is associated with cervix carcinoma and lung small cell carcinoma. Given list is: TLR1, SYT14, VAV3, BTN2A1, ADGRV1",ADGRV1,"{
|
||||
""answer"": ""ADGRV1""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with cervix carcinoma and autoimmune hepatitis. Given list is: CHST11, FAT3, IL6, ERAP1, HLA-DQA1",HLA-DQA1,"{""answer"": ""HLA-DQA1""}"
|
||||
"Out of the given list, which Gene is associated with cervix carcinoma and immunoglobulin alpha deficiency. Given list is: SAMD9L, CDK8, HLA-DQA1, CFH, PRKN",HLA-DQA1,"{
|
||||
""answer"": ""None""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with cervix carcinoma and collagenous colitis. Given list is: FAM227B, HLA-B, HLA-DQA1, CDKAL1, PNPLA3",HLA-DQA1,"{""answer"": ""HLA-DQA1""}"
|
||||
"Out of the given list, which Gene is associated with cervix carcinoma and cutaneous lupus erythematosus. Given list is: PRKN, HLA-DPA1, VAV3, RBFOX1, HLA-DQA1",HLA-DQA1,"{
|
||||
""answer"": ""None""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with cervix carcinoma and opiate dependence. Given list is: HYKK, HOXD3, HLA-DQA1, ADGRV1, BRCA2",ADGRV1,"{""answer"": ""ADGRV1""}"
|
||||
"Out of the given list, which Gene is associated with Hodgkin's lymphoma, nodular sclerosis and Hodgkin's lymphoma. Given list is: HLA-DQB2, FADS2, GATA3, TM6SF2, CFH",GATA3,"{""answer"": ""GATA3""}"
|
||||
"Out of the given list, which Gene is associated with Sjogren's syndrome and myositis. Given list is: HLA-DQA1, KIT, TERT, STAT4, TERT",STAT4,"{""answer"": ""STAT4""}"
|
||||
"Out of the given list, which Gene is associated with Sjogren's syndrome and systemic scleroderma. Given list is: BTN3A1, HLA-DQB1, JAK2, TGM2, STAT4",STAT4,"{""answer"": ""STAT4""}"
|
||||
"Out of the given list, which Gene is associated with Crohn's disease and inflammatory bowel disease. Given list is: HBB, TNRC18, IL23R, RP1, LOXL1",IL23R,"{
|
||||
""answer"": ""None""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with Crohn's disease and ankylosing spondylitis. Given list is: YLPM1, CHEK2, ZEB2, HLA-DQA1, IL23R",IL23R,"{""answer"": ""IL23R""}"
|
||||
"Out of the given list, which Gene is associated with Crohn's disease and ulcerative colitis. Given list is: CAPN14, LPP, UMPS, RBFOX1, IL23R",IL23R,"{""answer"": ""LPP, IL23R""}"
|
||||
"Out of the given list, which Gene is associated with urticaria and male breast cancer. Given list is: TGM2, TENM2, HLA-B, RAD51B, GSDMB",RAD51B,"{""answer"": ""RAD51B""}"
|
||||
"Out of the given list, which Gene is associated with allergic rhinitis and psoriasis. Given list is: MYH7, ADH1B, MYH7, HLA-B, PKNOX2",HLA-B,"{""answer"": ""HLA-B""}"
|
||||
"Out of the given list, which Gene is associated with allergic rhinitis and limited scleroderma. Given list is: SNCA, HLA-DQB1, TLR1, EPDR1, SHTN1",TLR1,"{""answer"": ""HLA-DQB1""}"
|
||||
"Out of the given list, which Gene is associated with allergic rhinitis and Takayasu's arteritis. Given list is: MORC4, STN1, ABO, HLA-B, PNPLA3",HLA-B,"{
|
||||
""answer"": ""ABO, HLA-B""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with allergic rhinitis and myelodysplastic syndrome. Given list is: TRAF3IP2, FADS1, SHTN1, ATXN2, HLA-B",HLA-B,"{""answer"": ""ATXN2, HLA-B""}"
|
||||
"Out of the given list, which Gene is associated with allergic rhinitis and herpes zoster. Given list is: CHST11, HLA-B, HLA-DQB1, RELN, TP53",HLA-B,"{
|
||||
""answer"": ""HLA-B, HLA-DQB1""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with allergic rhinitis and diffuse large B-cell lymphoma. Given list is: HLA-B, CACNA1A, TERT, EPDR1, ATXN2",HLA-B,"{""answer"": ""HLA-B""}"
|
||||
"Out of the given list, which Gene is associated with allergic rhinitis and psoriatic arthritis. Given list is: HLA-B, FAM227B, RP1, FTO, KIF1B",HLA-B,"{""answer"": ""HLA-B""}"
|
||||
"Out of the given list, which Gene is associated with marginal zone lymphoma and diffuse large B-cell lymphoma. Given list is: FHOD3, PBX2, RP1, KALRN, AHR",KALRN,"{
|
||||
""answer"": ""None""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with diffuse large B-cell lymphoma and psoriasis. Given list is: ERAP1, CLPTM1L, ADGRG6, HLA-B, MST1",HLA-B,"{""answer"": ""HLA-B""}"
|
||||
"Out of the given list, which Gene is associated with diffuse large B-cell lymphoma and Takayasu's arteritis. Given list is: GTF2I, HLA-DQA1, HLA-B, CRTC1, RORA",HLA-B,"{
|
||||
""answer"": ""HLA-B""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with diffuse large B-cell lymphoma and myelodysplastic syndrome. Given list is: IL23R, TERT, HLA-B, HLA-DQA1, TNXB",HLA-B,"{""answer"": ""TERT, HLA-B""}"
|
||||
"Out of the given list, which Gene is associated with diffuse large B-cell lymphoma and herpes zoster. Given list is: SNCA, CDKAL1, HLA-DQA1, HLA-B, RBFOX1",HLA-B,"{
|
||||
""answer"": ""HLA-B""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with diffuse large B-cell lymphoma and allergic rhinitis. Given list is: IL2RA, SLC14A2, HLA-B, TNFSF13, ZEB2",HLA-B,"{""answer"": ""HLA-B""}"
|
||||
"Out of the given list, which Gene is associated with diffuse large B-cell lymphoma and marginal zone lymphoma. Given list is: HLA-DPA1, VAV3, KALRN, IL12RB2, WNT10A",KALRN,"{
|
||||
""answer"": ""None of the genes in the given list are associated with diffuse large B-cell lymphoma and marginal zone lymphoma.""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with diffuse large B-cell lymphoma and psoriatic arthritis. Given list is: ARMS2, RORA, TLR1, ADH1B, HLA-B",HLA-B,"{""answer"": ""HLA-B""}"
|
||||
"Out of the given list, which Gene is associated with lung adenocarcinoma and interstitial lung disease. Given list is: TERT, YLPM1, FTO, SHTN1, IL23R",TERT,"{""answer"": ""TERT""}"
|
||||
"Out of the given list, which Gene is associated with lung adenocarcinoma and triple-receptor negative breast cancer. Given list is: BTBD9, NTM, RP1, TERT, CASZ1",TERT,"{""answer"": ""TERT""}"
|
||||
"Out of the given list, which Gene is associated with lung adenocarcinoma and idiopathic pulmonary fibrosis. Given list is: SLC14A2, SLC14A2, MTTP, PSCA, TERT",TERT,"{""answer"": ""TERT""}"
|
||||
"Out of the given list, which Gene is associated with lung adenocarcinoma and myeloproliferative neoplasm. Given list is: TG, CACNB2, PRKAA1, TERT, CACNA1S",TERT,"{
|
||||
""answer"": ""TERT""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with lung adenocarcinoma and central nervous system cancer. Given list is: POU5F1B, SCN1A, STAT4, TERT, BTNL2",TERT,"{""answer"": ""TERT""}"
|
||||
"Out of the given list, which Gene is associated with lung adenocarcinoma and estrogen-receptor negative breast cancer. Given list is: JRK, PLG, PNPLA3, TERT, IL23R",TERT,"{
|
||||
""answer"": ""None""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with lung adenocarcinoma and lung carcinoma. Given list is: TERT, IL23R, PHACTR1, SLC2A9, JRK",TERT,"{""answer"": ""TERT""}"
|
||||
"Out of the given list, which Gene is associated with psoriatic arthritis and psoriasis. Given list is: HLA-B, DAB2IP, TYR, FTO, FAT3",HLA-B,"{""answer"": ""HLA-B""}"
|
||||
"Out of the given list, which Gene is associated with psoriatic arthritis and Takayasu's arteritis. Given list is: TMC7, HLA-B, SLC2A9, PCDH7, PHGDH",HLA-B,"{
|
||||
""answer"": ""HLA-B""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with psoriatic arthritis and myelodysplastic syndrome. Given list is: EPDR1, HLA-B, SFRP4, PNPLA3, ARMS2",HLA-B,"{""answer"": ""HLA-B""}"
|
||||
"Out of the given list, which Gene is associated with psoriatic arthritis and herpes zoster. Given list is: NANOS1, TLR1, NTM, HLA-B, SCN1A",HLA-B,"{
|
||||
""answer"": ""HLA-B""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with psoriatic arthritis and allergic rhinitis. Given list is: RP1, STAT4, C5AR1, TENM2, HLA-B",HLA-B,"{""answer"": ""HLA-B""}"
|
||||
"Out of the given list, which Gene is associated with psoriatic arthritis and diffuse large B-cell lymphoma. Given list is: HLA-DQB1, ABCG2, PTK2B, HLA-B, RP1",HLA-B,"{""answer"": ""HLA-B""}"
|
||||
"Out of the given list, which Gene is associated with lung squamous cell carcinoma and squamous cell carcinoma. Given list is: DTNB, BRCA2, CCDC33, IGF1R, XBP1",BRCA2,"{""answer"": ""BRCA2""}"
|
||||
"Out of the given list, which Gene is associated with lung squamous cell carcinoma and estrogen-receptor negative breast cancer. Given list is: STAT4, CACNA2D1, KIF1B, ATXN2, BRCA2",BRCA2,"{""answer"": ""BRCA2""}"
|
||||
"Out of the given list, which Gene is associated with lung carcinoma and interstitial lung disease. Given list is: ATXN2, TERT, FAM227B, ALDH1A2, KALRN",TERT,"{
|
||||
""answer"": ""None""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with lung carcinoma and triple-receptor negative breast cancer. Given list is: TERT, SLC2A9, MYBPC3, HLA-DQA1, WNT10A",TERT,"{""answer"": ""TERT""}"
|
||||
"Out of the given list, which Gene is associated with lung carcinoma and idiopathic pulmonary fibrosis. Given list is: PRKAG2, YLPM1, TERT, LOXL1, HLA-DQB1",TERT,"{""answer"": ""TERT""}"
|
||||
"Out of the given list, which Gene is associated with lung carcinoma and myeloproliferative neoplasm. Given list is: TERT, MST1, OPTN, TNRC18, PSCA",TERT,"{""answer"": ""TERT""}"
|
||||
"Out of the given list, which Gene is associated with lung carcinoma and central nervous system cancer. Given list is: C9, GNE, CDKAL1, TERT, PTPN22",TERT,"{""answer"": ""TERT""}"
|
||||
"Out of the given list, which Gene is associated with lung carcinoma and estrogen-receptor negative breast cancer. Given list is: SAMD9L, BTNL2, TERT, TERT, STAT4",TERT,"{
|
||||
""answer"": ""TERT""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with lung carcinoma and lung adenocarcinoma. Given list is: RP1, RBFOX1, TP53, PRKAG2, TERT",TERT,"{""answer"": ""TERT""}"
|
||||
"Out of the given list, which Gene is associated with endometrial cancer and sclerosing cholangitis. Given list is: ATXN2, FBN1, STAT3, ADGRG6, ATG5",ATXN2,"{""answer"": ""ATXN2""}"
|
||||
"Out of the given list, which Gene is associated with uveal melanoma and liver cirrhosis. Given list is: PRX, CACNA2D1, GTF2I, ADGRV1, TERT",CACNA2D1,"{""answer"": ""TERT""}"
|
||||
"Out of the given list, which Gene is associated with uveal melanoma and head and neck cancer. Given list is: USHBP1, BARD1, GNE, CACNA2D1, SAMM50",CACNA2D1,"{
|
||||
""answer"": ""None""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with gastric fundus cancer and duodenal ulcer. Given list is: GSDMB, PSCA, CDKAL1, EML4, ADH1B",PSCA,"{""answer"": ""PSCA""}"
|
||||
"Out of the given list, which Gene is associated with gastric fundus cancer and atrophic gastritis. Given list is: PSCA, PLG, IL23R, ABO, RP1",PSCA,"{""answer"": ""PSCA""}"
|
||||
"Out of the given list, which Variant is associated with breast carcinoma and male breast cancer. Given list is: rs11651755, rs9271588, rs2472493, rs3803662, rs4459895",rs3803662,"{""answer"": ""rs3803662""}"
|
||||
"Out of the given list, which Variant is associated with abdominal aortic aneurysm and thoracic aortic aneurysm. Given list is: rs11675342, rs595244, rs3018362, rs11651755, rs1709393",rs595244,"{
|
||||
""answer"": ""None""
|
||||
}"
|
||||
"Out of the given list, which Variant is associated with Kawasaki disease and inflammatory bowel disease. Given list is: rs573872, rs2072499, rs1333040, rs1801274, rs3757318",rs1801274,"{""answer"": ""rs1801274""}"
|
||||
"Out of the given list, which Variant is associated with inflammatory bowel disease and Kawasaki disease. Given list is: rs3764147, rs1801274, rs3814113, rs479844, rs13141641",rs1801274,"{""answer"": ""rs1801274""}"
|
||||
"Out of the given list, which Variant is associated with triple-receptor negative breast cancer and uterine fibroid. Given list is: rs4459895, rs8176719, rs115879499, rs78378222, rs2143571",rs78378222,"{
|
||||
""answer"": ""rs78378222""
|
||||
}"
|
||||
"Out of the given list, which Variant is associated with vitiligo and rheumatoid arthritis. Given list is: rs12203592, rs10103692, rs78378222, rs2476601, rs1150757",rs2476601,"{""answer"": ""rs2476601""}"
|
||||
"Out of the given list, which Variant is associated with male breast cancer and breast carcinoma. Given list is: rs3803662, rs34574566, rs1278769, rs16948876, rs10488631",rs3803662,"{""answer"": ""rs3803662""}"
|
||||
"Out of the given list, which Variant is associated with autoimmune hepatitis and collagenous colitis. Given list is: rs17398575, rs1975197, rs2187668, rs6444305, rs2230199",rs2187668,"{
|
||||
""answer"": ""None of the variants in the given list are associated with autoimmune hepatitis and collagenous colitis according to the provided context.""
|
||||
}"
|
||||
"Out of the given list, which Variant is associated with autoimmune hepatitis and cutaneous lupus erythematosus. Given list is: rs2187668, rs11724804, rs10497394, rs1801274, rs6457327",rs2187668,"{""answer"": ""rs2187668""}"
|
||||
"Out of the given list, which Variant is associated with ankylosing spondylitis and Crohn's disease. Given list is: rs219780, rs11209026, rs1233491, rs1953126, rs2294008",rs11209026,"{""answer"": ""rs11209026""}"
|
||||
"Out of the given list, which Variant is associated with rheumatoid arthritis and vitiligo. Given list is: rs7176508, rs11675342, rs3018362, rs6426833, rs2476601",rs2476601,"{""answer"": ""rs2476601""}"
|
||||
"Out of the given list, which Variant is associated with collagenous colitis and autoimmune hepatitis. Given list is: rs2187668, rs6426833, rs6969780, rs3787184, rs230540",rs2187668,"{
|
||||
""answer"": ""rs2187668""
|
||||
}"
|
||||
"Out of the given list, which Variant is associated with collagenous colitis and cutaneous lupus erythematosus. Given list is: rs2187668, rs975730, rs17398575, rs229527, rs1537377",rs2187668,"{""answer"": ""rs2187668""}"
|
||||
"Out of the given list, which Variant is associated with age related macular degeneration and Kuhnt-Junius degeneration. Given list is: rs7579899, rs3803662, rs76972608, rs10490924, rs16948876",rs10490924,"{
|
||||
""answer"": ""None of the variants in the given list are associated with age related macular degeneration and Kuhnt-Junius degeneration according to the provided context.""
|
||||
}"
|
||||
"Out of the given list, which Variant is associated with Kuhnt-Junius degeneration and age related macular degeneration. Given list is: rs219780, rs3197999, rs4072037, rs6691768, rs10490924",rs10490924,"{
|
||||
""answer"": ""None""
|
||||
}"
|
||||
"Out of the given list, which Variant is associated with duodenal ulcer and atrophic gastritis. Given list is: rs1975197, rs2294008, rs17398575, rs755383, rs1801274",rs2294008,"{""answer"": ""rs2294008""}"
|
||||
"Out of the given list, which Variant is associated with duodenal ulcer and gastric fundus cancer. Given list is: rs2294008, rs10490924, rs2738048, rs711830, rs167479",rs2294008,"{
|
||||
""answer"": ""None""
|
||||
}"
|
||||
"Out of the given list, which Variant is associated with uterine fibroid and triple-receptor negative breast cancer. Given list is: rs1709393, rs3118470, rs1107345, rs78378222, rs1122171",rs78378222,"{
|
||||
""answer"": ""None""
|
||||
}"
|
||||
"Out of the given list, which Variant is associated with prostate carcinoma and large intestine cancer. Given list is: rs6983267, rs1150757, rs3129939, rs12917707, rs595244",rs6983267,"{
|
||||
""answer"": ""None of the variants in the given list are associated with prostate carcinoma and large intestine cancer.""
|
||||
}"
|
||||
"Out of the given list, which Variant is associated with squamous cell carcinoma and androgenic alopecia. Given list is: rs10455872, rs1011970, rs3814113, rs12203592, rs116264669",rs12203592,"{""answer"": ""rs12203592""}"
|
||||
"Out of the given list, which Variant is associated with androgenic alopecia and squamous cell carcinoma. Given list is: rs10273639, rs334, rs595244, rs6457327, rs12203592",rs12203592,"{""answer"": ""rs12203592""}"
|
||||
"Out of the given list, which Variant is associated with sclerosing cholangitis and Crohn's disease. Given list is: rs3197999, rs59325236, rs6444305, rs1122171, rs1314913",rs3197999,"{""answer"": ""rs3197999""}"
|
||||
"Out of the given list, which Variant is associated with large intestine cancer and prostate carcinoma. Given list is: rs1107345, rs59325236, rs12203592, rs6983267, rs11675342",rs6983267,"{
|
||||
""answer"": ""None""
|
||||
}"
|
||||
"Out of the given list, which Variant is associated with atrophic gastritis and duodenal ulcer. Given list is: rs4459895, rs12203592, rs9275260, rs12524487, rs2294008",rs2294008,"{""answer"": ""rs2294008""}"
|
||||
"Out of the given list, which Variant is associated with atrophic gastritis and gastric fundus cancer. Given list is: rs2294008, rs9257809, rs35705950, rs12539707, rs2738048",rs2294008,"{
|
||||
""answer"": ""rs2294008""
|
||||
}"
|
||||
"Out of the given list, which Variant is associated with cutaneous lupus erythematosus and autoimmune hepatitis. Given list is: rs1937450, rs2187668, rs6010620, rs2231142, rs10455872",rs2187668,"{""answer"": ""rs2187668""}"
|
||||
"Out of the given list, which Variant is associated with cutaneous lupus erythematosus and collagenous colitis. Given list is: rs4939827, rs3197999, rs3739821, rs2187668, rs1975197",rs2187668,"{
|
||||
""answer"": ""None""
|
||||
}"
|
||||
"Out of the given list, which Variant is associated with central nervous system cancer and lung adenocarcinoma. Given list is: rs7426056, rs2736100, rs2187668, rs2107595, rs7405776",rs2736100,"{""answer"": ""rs2736100""}"
|
||||
"Out of the given list, which Variant is associated with thoracic aortic aneurysm and abdominal aortic aneurysm. Given list is: rs1642764, rs595244, rs139606545, rs12077210, rs12917707",rs595244,"{
|
||||
""answer"": ""None of the variants in the given list are associated with thoracic aortic aneurysm or abdominal aortic aneurysm.""
|
||||
}"
|
||||
"Out of the given list, which Variant is associated with Crohn's disease and ankylosing spondylitis. Given list is: rs8077245, rs11712066, rs11209026, rs10830962, rs6010620",rs11209026,"{""answer"": ""rs11209026""}"
|
||||
"Out of the given list, which Variant is associated with Crohn's disease and sclerosing cholangitis. Given list is: rs1047891, rs9268905, rs3197999, rs1025128, rs4624820",rs3197999,"{""answer"": ""rs3197999""}"
|
||||
"Out of the given list, which Variant is associated with lung adenocarcinoma and central nervous system cancer. Given list is: rs10490924, rs10830962, rs2736100, rs2391769, rs9272143",rs2736100,"{""answer"": ""rs2736100""}"
|
||||
"Out of the given list, which Variant is associated with gastric fundus cancer and duodenal ulcer. Given list is: rs11759064, rs975730, rs1150757, rs2294008, rs7453920",rs2294008,"{
|
||||
""answer"": ""rs2294008""
|
||||
}"
|
||||
"Out of the given list, which Variant is associated with gastric fundus cancer and atrophic gastritis. Given list is: rs2294008, rs2072499, rs3197999, rs1537377, rs988958",rs2294008,"{
|
||||
""answer"": ""rs2294008""
|
||||
}"
|
||||
"Out of the given list, which Variant is associated with keratinocyte carcinoma""@e and skin sensitivity to sun. Given list is: rs254020, rs4625, rs6059655, rs11738191, rs2963222",rs6059655,"{
|
||||
""answer"": ""rs6059655""
|
||||
}"
|
||||
"Out of the given list, which Variant is associated with keratinocyte carcinoma""@e and anti-neutrophil antibody associated vasculitis. Given list is: rs6679677, rs12187903, rs1333047, rs11585651, rs55730499",rs6679677,"{
|
||||
""answer"": ""The context does not provide information on which variant is associated with keratinocyte carcinoma and anti-neutrophil antibody associated vasculitis.""
|
||||
}"
|
||||
"Out of the given list, which Variant is associated with keratinocyte carcinoma""@e and autoimmune disease. Given list is: rs7936312, rs325485, rs13191786, rs72928038, rs7523907",rs72928038,"{
|
||||
""answer"": ""The context does not provide information on which variant is associated with keratinocyte carcinoma and autoimmune disease.""
|
||||
}"
|
||||
"Out of the given list, which Variant is associated with keratinocyte carcinoma""@e and age-related hearing impairment. Given list is: rs1950829, rs13263709, rs1126809, rs34871267, rs2431108",rs1126809,"{
|
||||
""answer"": ""The context does not provide information on which variant is associated with keratinocyte carcinoma and age-related hearing impairment.""
|
||||
}"
|
||||
"Out of the given list, which Variant is associated with aortic stenosis and large artery stroke. Given list is: rs34243448, rs1893592, rs1765871, rs229541, rs10455872",rs10455872,"{
|
||||
""answer"": ""rs10455872""
|
||||
}"
|
||||
"Out of the given list, which Variant is associated with skin sensitivity to sun and keratinocyte carcinoma""@e. Given list is: rs1042704, rs6059655, rs34396849, rs10052804, rs11747125",rs6059655,"{
|
||||
""answer"": ""rs6059655""
|
||||
}"
|
||||
"Out of the given list, which Variant is associated with skin sensitivity to sun and age-related hearing impairment. Given list is: rs61815704, rs4149909, rs36001488, rs1333047, rs1126809",rs1126809,"{
|
||||
""answer"": ""None of the variants provided are associated with skin sensitivity to sun and age-related hearing impairment according to the context.""
|
||||
}"
|
||||
"Out of the given list, which Variant is associated with anti-neutrophil antibody associated vasculitis and keratinocyte carcinoma""@e. Given list is: rs2812378, rs17145188, rs12931267, rs6679677, rs12413409",rs6679677,"{
|
||||
""answer"": ""None of the variants in the given list are associated with anti-neutrophil antibody associated vasculitis and keratinocyte carcinoma.""
|
||||
}"
|
||||
"Out of the given list, which Variant is associated with anti-neutrophil antibody associated vasculitis and autoimmune disease. Given list is: rs17293632, rs2487928, rs429358, rs6679677, rs6679677",rs6679677,"{
|
||||
""answer"": ""The context does not provide information on which variant is associated with anti-neutrophil antibody associated vasculitis and autoimmune disease.""
|
||||
}"
|
||||
"Out of the given list, which Variant is associated with autoimmune disease and keratinocyte carcinoma""@e. Given list is: rs259919, rs10455872, rs11958220, rs72928038, rs141343442",rs72928038,"{
|
||||
""answer"": ""The context does not provide information on which variant is associated with autoimmune disease and keratinocyte carcinoma.""
|
||||
}"
|
||||
"Out of the given list, which Variant is associated with autoimmune disease and anti-neutrophil antibody associated vasculitis. Given list is: rs2310752, rs7528604, rs6679677, rs34691223, rs2963222",rs6679677,"{
|
||||
""answer"": ""None of the variants provided in the list are associated with autoimmune disease and anti-neutrophil antibody associated vasculitis according to the given context.""
|
||||
}"
|
||||
"Out of the given list, which Variant is associated with autoimmune disease and atopic asthma. Given list is: rs62324212, rs10059133, rs149943, rs12931267, rs17156671",rs62324212,"{
|
||||
""answer"": ""The context does not provide information on any variant associated with autoimmune disease and atopic asthma.""
|
||||
}"
|
||||
"Out of the given list, which Variant is associated with large artery stroke and aortic stenosis. Given list is: rs10455872, rs35781323, rs4615152, rs761934676, rs11965538",rs10455872,"{
|
||||
""answer"": ""rs10455872""
|
||||
}"
|
||||
"Out of the given list, which Variant is associated with age-related hearing impairment and keratinocyte carcinoma""@e. Given list is: rs259919, rs2503199, rs325485, rs1126809, rs229541",rs1126809,"{
|
||||
""answer"": ""The context does not provide information on which variant is associated with age-related hearing impairment and keratinocyte carcinoma.""
|
||||
}"
|
||||
"Out of the given list, which Variant is associated with age-related hearing impairment and skin sensitivity to sun. Given list is: rs1126809, rs416223, rs12722502, rs9419958, rs1333049",rs1126809,"{
|
||||
""answer"": ""None of the variants mentioned are associated with age-related hearing impairment and skin sensitivity to sun based on the provided context.""
|
||||
}"
|
||||
"Out of the given list, which Variant is associated with atopic asthma and autoimmune disease. Given list is: rs2447827, rs1937455, rs62324212, rs12205199, rs4482879",rs62324212,"{
|
||||
""answer"": ""The context does not provide information on which variant is associated with atopic asthma and autoimmune disease.""
|
||||
}"
|
||||
|
967
data/results/gpt_4_prompt_based_true_false_binary_response.csv
Normal file
@@ -0,0 +1,967 @@
|
||||
question,label,llm_answer
|
||||
enhanced S-cone syndrome is not a vitreoretinal degeneration,False,"{
|
||||
""answer"": ""False""
|
||||
}"
|
||||
metronidazole treats crohn's disease,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
KLEEFSTRA SYNDROME 1 is not associated with Gene EHMT1,False,"{
|
||||
""answer"": ""False""
|
||||
}"
|
||||
Juvenile polyposis syndrome associates Gene SMAD4,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
Disease ontology identifier for congenital generalized lipodystrophy type 2 is DOID:10588,False,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
Disease ontology identifier for Marfan syndrome is DOID:0060055,False,"{
|
||||
""answer"": ""False""
|
||||
}"
|
||||
cystic fibrosis is a respiratory system disorder,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
alpha-Mannosidosis associates Gene MAN2B1,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
Wolcott-Rallison syndrome associates Gene EIF2AK3,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
Neurofibromatosis 2 is not associated with Gene NF2,False,"{
|
||||
""answer"": ""False""
|
||||
}"
|
||||
Angelman syndrome is a syndromic disease,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
colchicine treats familial mediterranean fever,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
Marfan Syndrome associates Gene FBN1,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
Mowat-Wilson syndrome is a syndromic intellectual disability,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
mulibrey nanism is a syndromic disease,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
Disease ontology identifier for pheochromocytoma is DOID:14692,False,"{
|
||||
""answer"": ""False""
|
||||
}"
|
||||
Tangier Disease is not associated with Gene ABCA1,False,"{
|
||||
""answer"": ""False""
|
||||
}"
|
||||
Disease ontology identifier for central diabetes insipidus is DOID:350,False,"{
|
||||
""answer"": ""False""
|
||||
}"
|
||||
Ulnar-mammary syndrome is not associated with Gene TBX3,False,"{
|
||||
""answer"": ""False""
|
||||
}"
|
||||
bevacizumab treats hereditary hemorrhagic telangiectasia,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
Liver carcinoma is not associated with Gene MET,False,"{
|
||||
""answer"": ""False""
|
||||
}"
|
||||
Antithrombin III Deficiency is not associated with Gene SERPINC1,False,"{
|
||||
""answer"": ""False""
|
||||
}"
|
||||
Mastocytosis is not associated with Gene KIT,False,"{
|
||||
""answer"": ""False""
|
||||
}"
|
||||
Disease ontology identifier for Farber lipogranulomatosis is DOID:0050464,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
Familial Mediterranean Fever associates Gene MEFV,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
Disease ontology identifier for Wiskott-Aldrich syndrome is DOID:9169,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
Tay-Sachs disease is not a eye degenerative disorder,False,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
ibuprofen treats cystic fibrosis,True,"{
|
||||
""answer"": ""False""
|
||||
}"
|
||||
Juvenile Myoclonic Epilepsy is not associated with Gene EFHC1,False,"{
|
||||
""answer"": ""False""
|
||||
}"
|
||||
Costello syndrome (disorder) is not associated with Gene HRAS,False,"{
|
||||
""answer"": ""False""
|
||||
}"
|
||||
Very long chain acyl-CoA dehydrogenase deficiency is not associated with Gene ACADVL,False,"{
|
||||
""answer"": ""False""
|
||||
}"
|
||||
Wolman disease is a lysosomal acid lipase deficiency,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
Fibrodysplasia Ossificans Progressiva associates Gene ACVR1,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
Canavan Disease associates Gene ASPA,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
Chediak-Higashi syndrome is a congenital nervous system disorder,True,"{
|
||||
""answer"": ""False""
|
||||
}"
|
||||
Hereditary hemorrhagic telangiectasia associates Gene ENG,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
Lafora Disease is not associated with Gene NHLRC1,False,"{
|
||||
""answer"": ""False""
|
||||
}"
|
||||
Pheochromocytoma is not associated with Gene RET,False,"{
|
||||
""answer"": ""False""
|
||||
}"
|
||||
"Xeroderma pigmentosum, group B associates Gene ERCC3",True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
Acute intermittent porphyria is not associated with Gene HMBS,False,"{
|
||||
""answer"": ""False""
|
||||
}"
|
||||
melphalan treats melanoma,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
piebaldism is a autosomal dominant disease,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
vitelliform macular dystrophy is not a macular degeneration,False,"{
|
||||
""answer"": ""False""
|
||||
}"
|
||||
Spinocerebellar Ataxia Type 5 associates Gene SPTBN2,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
Disease ontology identifier for Pelizaeus-Merzbacher disease is DOID:5688,False,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
"Robinow syndrome, autosomal recessive associates Gene ROR2",True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
Disease ontology identifier for Loeys-Dietz syndrome is DOID:0060745,False,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
Cystic Fibrosis associates Gene CFTR,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
Greig cephalopolysyndactyly syndrome associates Gene GLI3,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
alkaptonuria is not a disorder of tyrosine metabolism,False,"{
|
||||
""answer"": ""False""
|
||||
}"
|
||||
Timothy syndrome associates Gene CACNA1C,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
Unverricht-Lundborg syndrome is a movement disorder,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
Denys-Drash syndrome is a autosomal dominant disease,True,"{
|
||||
""answer"": ""False""
|
||||
}"
|
||||
factor ix treats hemophilia b,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
adrenal cortex hormones treats crohn's disease,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
Mucopolysaccharidosis VI associates Gene ARSB,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
"HEMOCHROMATOSIS, TYPE 4 associates Gene SLC40A1",True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
"Charcot-Marie-Tooth Disease, Type Ib associates Gene MPZ",True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
Disease ontology identifier for Timothy syndrome is DOID:0060173,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
Denys-Drash Syndrome is not associated with Gene WT1,False,"{
|
||||
""answer"": ""False""
|
||||
}"
|
||||
Cherubism associates Gene SH3BP2,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
PITT-HOPKINS SYNDROME is not associated with Gene TCF4,False,"{
|
||||
""answer"": ""False""
|
||||
}"
|
||||
Greig cephalopolysyndactyly syndrome is not a syndromic disease,False,"{
|
||||
""answer"": ""False""
|
||||
}"
|
||||
Paroxysmal Nonkinesigenic Dyskinesia 1 is not associated with Gene PNKD,False,"{
|
||||
""answer"": ""False""
|
||||
}"
|
||||
Enhanced S-Cone Syndrome is not associated with Gene NR2E3,False,"{
|
||||
""answer"": ""False""
|
||||
}"
|
||||
Canavan disease is a inborn aminoacylase deficiency,True,"{
|
||||
""answer"": ""False""
|
||||
}"
|
||||
Episodic ataxia type 2 (disorder) is not associated with Gene CACNA1A,False,"{
|
||||
""answer"": ""False""
|
||||
}"
|
||||
Aniridia is not associated with Gene PAX6,False,"{
|
||||
""answer"": ""False""
|
||||
}"
|
||||
Congenital contractural arachnodactyly associates Gene FBN2,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
Muenke Syndrome associates Gene FGFR3,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
Carney complex is a autosomal dominant disease,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
Borjeson-Forssman-Lehmann syndrome is not a X-linked syndromic intellectual disability,False,"{
|
||||
""answer"": ""False""
|
||||
}"
|
||||
Johanson-Blizzard syndrome associates Gene UBR1,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
MASA SYNDROME (disorder) is not associated with Gene L1CAM,False,"{
|
||||
""answer"": ""False""
|
||||
}"
|
||||
Autosomal dominant hypophosphatemic rickets associates Gene FGF23,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
Acrodermatitis enteropathica associates Gene SLC39A4,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
Rothmund-Thomson syndrome is not associated with Gene RECQL4,False,"{
|
||||
""answer"": ""False""
|
||||
}"
|
||||
Cleidocranial Dysplasia associates Gene RUNX2,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
LONG QT SYNDROME 3 associates Gene SCN5A,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
Infantile hypophosphatasia associates Gene ALPL,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
acrodermatitis enteropathica is not a inborn metal metabolism disorder,False,"{
|
||||
""answer"": ""False""
|
||||
}"
|
||||
Ataxia Telangiectasia associates Gene ATM,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
alpha-galactosidase treats fabry disease,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
Laron syndrome is a autosomal recessive disease,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
Piebaldism associates Gene KIT,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
Pfeiffer Syndrome associates Gene FGFR2,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
"Bernard-Soulier syndrome is a inherited bleeding disorder, platelet-type",True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
Burkitt Lymphoma is not associated with Gene MYC,False,"{
|
||||
""answer"": ""False""
|
||||
}"
|
||||
Ornithine carbamoyltransferase deficiency associates Gene OTC,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
Nail-Patella Syndrome associates Gene LMX1B,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
Tetralogy of Fallot associates Gene ZFPM2,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
Hartnup Disease is not associated with Gene SLC6A19,False,"{
|
||||
""answer"": ""False""
|
||||
}"
|
||||
Disease ontology identifier for fibrodysplasia ossificans progressiva is DOID:13374,True,"{
|
||||
""answer"": ""False""
|
||||
}"
|
||||
familial Mediterranean fever is not a primary immunodeficiency due to a genetic defect in innate immunity,False,"{
|
||||
""answer"": ""False""
|
||||
}"
|
||||
Hemophilia B is not associated with Gene F9,False,"{
|
||||
""answer"": ""False""
|
||||
}"
|
||||
Rapp-Hodgkin syndrome is a autosomal dominant disease,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
Borjeson-Forssman-Lehmann syndrome is not associated with Gene PHF6,False,"{
|
||||
""answer"": ""False""
|
||||
}"
|
||||
Multiple Endocrine Neoplasia Type 2b associates Gene RET,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
Choroideremia is not associated with Gene CHM,False,"{
|
||||
""answer"": ""False""
|
||||
}"
|
||||
Wolman Disease associates Gene LIPA,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
Adenine phosphoribosyltransferase deficiency associates Gene APRT,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
Holt-Oram syndrome is not associated with Gene TBX5,False,"{
|
||||
""answer"": ""False""
|
||||
}"
|
||||
tetralogy of fallot is not a hereditary disease,False,"{
|
||||
""answer"": ""False""
|
||||
}"
|
||||
Disease ontology identifier for mosaic variegated aneuploidy syndrome 1 is DOID:0080141,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
hemophilia B is a hemorrhagic disease,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
fatal familial insomnia is not a insomnia,False,"{
|
||||
""answer"": ""False""
|
||||
}"
|
||||
Disease ontology identifier for mastocytosis is DOID:0060768,False,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
osteosarcoma is a sarcoma,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
immune checkpoint inhibitors treats melanoma,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
Johanson-Blizzard syndrome is a congenital nervous system disorder,True,"{
|
||||
""answer"": ""False""
|
||||
}"
|
||||
Achondroplasia is not a osteochondrodysplasia,False,"{
|
||||
""answer"": ""False""
|
||||
}"
|
||||
KUFOR-RAKEB SYNDROME associates Gene ATP13A2,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
Loeys-Dietz Syndrome associates Gene TGFBR1,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
Disease ontology identifier for Rothmund-Thomson syndrome is DOID:2732,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
Angelman Syndrome is not associated with Gene UBE3A,False,"{
|
||||
""answer"": ""False""
|
||||
}"
|
||||
biotinidase deficiency is not a multiple carboxylase deficiency,False,"{
|
||||
""answer"": ""False""
|
||||
}"
|
||||
6-mercaptopurine treats crohn's disease,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
Wolcott-Rallison syndrome is a syndromic disease,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
Disease ontology identifier for spinocerebellar ataxia type 5 is DOID:0050882,False,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
Pseudopseudohypoparathyroidism associates Gene GNAS,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
alveolar rhabdomyosarcoma is not a rhabdomyosarcoma,False,"{
|
||||
""answer"": ""False""
|
||||
}"
|
||||
Disease ontology identifier for Norrie disease is DOID:0060599,False,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
vaccines treats melanoma,True,"{
|
||||
""answer"": ""False""
|
||||
}"
|
||||
argipressin treats central diabetes insipidus,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
Omenn Syndrome associates Gene RAG2,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
adenine phosphoribosyltransferase deficiency is a inborn disorder of amino acid metabolism,True,"{
|
||||
""answer"": ""False""
|
||||
}"
|
||||
Progeria associates Gene LMNA,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
mercaptopurine treats crohn's disease,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
Peutz-Jeghers Syndrome associates Gene STK11,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
penicillamine treats cystinuria,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
Noonan syndrome is a multiple congenital anomalies/dysmorphic syndrome-variable intellectual disability syndrome,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
RAPP-HODGKIN SYNDROME associates Gene TP63,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
Bernard-Soulier Syndrome associates Gene GP1BA,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
Spinocerebellar Ataxia Type 6 (disorder) associates Gene CACNA1A,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
Werner Syndrome associates Gene WRN,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
sarcoma is a cancer,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
brachydactyly type C is a brachydactyly,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
Alveolar rhabdomyosarcoma associates Gene PAX3,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
CHARGE Syndrome is not associated with Gene CHD7,False,"{
|
||||
""answer"": ""False""
|
||||
}"
|
||||
Ellis-van Creveld syndrome is not a heart disorder,False,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
Pelizaeus-Merzbacher Disease associates Gene PLP1,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
Microvillus inclusion disease is not associated with Gene MYO5B,False,"{
|
||||
""answer"": ""False""
|
||||
}"
|
||||
DiGeorge syndrome is a congenital T-cell immunodeficiency,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
melanoma associates Gene BRAF,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
"Basal ganglia disease, biotin-responsive associates Gene SLC19A3",True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
Coffin-Siris syndrome associates Gene ARID1B,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
Sitosterolemia is not associated with Gene ABCG8,False,"{
|
||||
""answer"": ""False""
|
||||
}"
|
||||
Alexander Disease associates Gene GFAP,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
pembrolizumab treats melanoma,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
congenital contractural arachnodactyly is not a congenital nervous system disorder,False,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
cherubism is not a autosomal dominant disease,False,"{
|
||||
""answer"": ""False""
|
||||
}"
|
||||
Norrie disease associates Gene NDP,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
Hyperkalemic periodic paralysis is not associated with Gene SCN4A,False,"{
|
||||
""answer"": ""False""
|
||||
}"
|
||||
Disease ontology identifier for ataxia telangiectasia is DOID:0060010,False,"{
|
||||
""answer"": ""False""
|
||||
}"
|
||||
"Xeroderma pigmentosum, group A associates Gene XPA",True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
antibiotics treats obesity,True,"{
|
||||
""answer"": ""False""
|
||||
}"
|
||||
antineoplastic agents treats osteosarcoma,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
Jervell-Lange Nielsen Syndrome is not associated with Gene KCNQ1,False,"{
|
||||
""answer"": ""False""
|
||||
}"
|
||||
insulin treats obesity,True,"{
|
||||
""answer"": ""False""
|
||||
}"
|
||||
Pitt-Hopkins syndrome is a syndromic disease,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
POLYCYSTIC KIDNEY DISEASE 1 associates Gene PKD1,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
Disease ontology identifier for Tangier disease is DOID:1388,True,"{
|
||||
""answer"": ""False""
|
||||
}"
|
||||
Disease ontology identifier for Smith-Lemli-Opitz syndrome is DOID:0080026,False,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
alpha-d-galactosidase enzyme treats fabry disease,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
Burkitt lymphoma is a neoplasm of mature B-cells,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
Vitelliform Macular Dystrophy associates Gene BEST1,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
Disease ontology identifier for Smith-Magenis syndrome is DOID:12271,False,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
Noonan Syndrome associates Gene RAF1,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
Bernard-Soulier Syndrome associates Gene GP1BB,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
Neurofibromatosis 1 associates Gene NF1,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
Brugada Syndrome (disorder) associates Gene SCN5A,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
Smith-Lemli-Opitz Syndrome is not associated with Gene DHCR7,False,"{
|
||||
""answer"": ""False""
|
||||
}"
|
||||
Biotinidase Deficiency is not associated with Gene BTD,False,"{
|
||||
""answer"": ""False""
|
||||
}"
|
||||
Allan-Herndon-Dudley syndrome (AHDS) is not associated with Gene SLC16A2,False,"{
|
||||
""answer"": ""False""
|
||||
}"
|
||||
enoxaparin treats obesity,True,"{
|
||||
""answer"": ""False""
|
||||
}"
|
||||
Li-Fraumeni syndrome is a autosomal dominant disease,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
WHIM syndrome is not associated with Gene CXCR4,False,"{
|
||||
""answer"": ""False""
|
||||
}"
|
||||
multiple endocrine neoplasia type 2B is a autosomal dominant disease,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
Alstrom Syndrome associates Gene ALMS1,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
Gyrate Atrophy associates Gene OAT,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
tuberous sclerosis is a autosomal dominant disease,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
Fabry disease is not a developmental anomaly of metabolic origin,False,"{
|
||||
""answer"": ""False""
|
||||
}"
|
||||
"Xeroderma Pigmentosum, Complementation Group D associates Gene ERCC2",True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
Argininosuccinic Aciduria associates Gene ASL,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
Lesch-Nyhan Syndrome associates Gene HPRT1,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
Creutzfeldt-Jakob disease is not associated with Gene PRNP,False,"{
|
||||
""answer"": ""False""
|
||||
}"
|
||||
BIETTI CRYSTALLINE CORNEORETINAL DYSTROPHY is not associated with Gene CYP4V2,False,"{
|
||||
""answer"": ""False""
|
||||
}"
|
||||
Disease ontology identifier for juvenile myoclonic epilepsy is DOID:4890,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
"XERODERMA PIGMENTOSUM, COMPLEMENTATION GROUP E associates Gene DDB2",True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
anesthetics treats pheochromocytoma,True,"{
|
||||
""answer"": ""False""
|
||||
}"
|
||||
Disease ontology identifier for ornithine carbamoyltransferase deficiency is DOID:9271,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
Saethre-Chotzen Syndrome is not associated with Gene TWIST1,False,"{
|
||||
""answer"": ""False""
|
||||
}"
|
||||
prothrombin complex concentrates treats hemophilia b,True,"{
|
||||
""answer"": ""False""
|
||||
}"
|
||||
Disease ontology identifier for ethylmalonic encephalopathy is DOID:0060640,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
Alexander disease is a leukodystrophy,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
Variant rs2476601 associates Rheumatoid Arthritis,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
Carney Complex is not associated with Gene PRKAR1A,False,"{
|
||||
""answer"": ""False""
|
||||
}"
|
||||
Disease ontology identifier for Werner syndrome is DOID:0050466,False,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
very long chain acyl-CoA dehydrogenase deficiency is not a disorder of fatty acid oxidation and ketogenesis,False,"{
|
||||
""answer"": ""False""
|
||||
}"
|
||||
DOYNE HONEYCOMB RETINAL DYSTROPHY associates Gene EFEMP1,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
Central Diabetes Insipidus associates Gene AVP,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
Disease ontology identifier for popliteal pterygium syndrome is DOID:0050756,False,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
Fragile X Syndrome associates Gene FMR1,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
Loeys-Dietz Syndrome associates Gene TGFBR2,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
"XERODERMA PIGMENTOSUM, COMPLEMENTATION GROUP C associates Gene XPC",True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
"CHARCOT-MARIE-TOOTH DISEASE, TYPE 4C associates Gene SH3TC2",True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
hereditary hemorrhagic telangiectasia is a autosomal dominant disease,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
Sandhoff disease is a eye degenerative disorder,True,"{
|
||||
""answer"": ""False""
|
||||
}"
|
||||
Disease ontology identifier for aniridia is DOID:12704,False,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
Congenital Generalized Lipodystrophy Type 2 associates Gene BSCL2,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
Noonan Syndrome associates Gene PTPN11,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
Juvenile Spinal Muscular Atrophy associates Gene SMN1,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
"CHARCOT-MARIE-TOOTH DISEASE, TYPE 4J associates Gene FIG4",True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
Alkaptonuria associates Gene HGD,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
Cystinuria is not associated with Gene SLC7A9,False,"{
|
||||
""answer"": ""False""
|
||||
}"
|
||||
Popliteal pterygium syndrome is not associated with Gene IRF6,False,"{
|
||||
""answer"": ""False""
|
||||
}"
|
||||
Aspartylglucosaminuria is not associated with Gene AGA,False,"{
|
||||
""answer"": ""False""
|
||||
}"
|
||||
Nijmegen Breakage Syndrome is not associated with Gene NBN,False,"{
|
||||
""answer"": ""False""
|
||||
}"
|
||||
Mowat-Wilson syndrome is not associated with Gene ZEB2,False,"{
|
||||
""answer"": ""False""
|
||||
}"
|
||||
Disease ontology identifier for fragile X syndrome is DOID:14261,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
Sarcoma associates Gene TP53,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
Alstrom syndrome is a ciliopathy,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
Gray Platelet Syndrome is not associated with Gene NBEAL2,False,"{
|
||||
""answer"": ""False""
|
||||
}"
|
||||
Ethylmalonic encephalopathy is not associated with Gene ETHE1,False,"{
|
||||
""answer"": ""False""
|
||||
}"
|
||||
L-2-HYDROXYGLUTARIC ACIDURIA associates Gene L2HGDH,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
Disease ontology identifier for campomelic dysplasia is DOID:0050463,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
choroideremia is not a X-linked disease,False,"{
|
||||
""answer"": ""False""
|
||||
}"
|
||||
Coffin-Siris syndrome is a syndromic disease,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
Nance-Horan syndrome associates Gene NHS,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
Disease ontology identifier for cystinuria is DOID:9266,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
Disease ontology identifier for gray platelet syndrome is DOID:0111044,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
Maple Syrup Urine Disease associates Gene DBT,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
Spinocerebellar Ataxia Type 1 is not associated with Gene ATXN1,False,"{
|
||||
""answer"": ""False""
|
||||
}"
|
||||
Holt-Oram syndrome is a autosomal dominant disease,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
agalsidase alfa treats fabry disease,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
Disease ontology identifier for pseudopseudohypoparathyroidism is DOID:4183,True,"{
|
||||
""answer"": ""False""
|
||||
}"
|
||||
agalsidase beta treats fabry disease,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
Unverricht-Lundborg Syndrome is not associated with Gene CSTB,False,"{
|
||||
""answer"": ""False""
|
||||
}"
|
||||
L-2-hydroxyglutaric aciduria is not a 2-hydroxyglutaric aciduria,False,"{
|
||||
""answer"": ""False""
|
||||
}"
|
||||
Refsum Disease associates Gene PHYH,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
Achondroplasia is not associated with Gene FGFR3,False,"{
|
||||
""answer"": ""False""
|
||||
}"
|
||||
pseudoachondroplasia is a osteochondrodysplasia,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
prasterone treats obesity,True,"{
|
||||
""answer"": ""False""
|
||||
}"
|
||||
LATE-ONSET RETINAL DEGENERATION (disorder) associates Gene C1QTNF5,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
immunosuppressive agents treats crohn's disease,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
nail-patella syndrome is a autosomal dominant disease,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
Mulibrey Nanism is not associated with Gene TRIM37,False,"{
|
||||
""answer"": ""False""
|
||||
}"
|
||||
"Xeroderma pigmentosum, group G is not associated with Gene ERCC5",False,"{
|
||||
""answer"": ""False""
|
||||
}"
|
||||
Disease ontology identifier for Lafora disease is DOID:3534,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
Brachydactyly type C is not associated with Gene GDF5,False,"{
|
||||
""answer"": ""False""
|
||||
}"
|
||||
Cystinuria is not associated with Gene SLC3A1,False,"{
|
||||
""answer"": ""False""
|
||||
}"
|
||||
Obesity is not associated with Gene MC4R,False,"{
|
||||
""answer"": ""False""
|
||||
}"
|
||||
Kleefstra syndrome 1 is a Kleefstra syndrome,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
everolimus treats tuberous sclerosis,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
Autosomal Recessive Polycystic Kidney Disease associates Gene PKHD1,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
amiloride treats cystic fibrosis,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
Liver carcinoma associates Gene TP53,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
Adrenoleukodystrophy associates Gene ABCD1,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
Tuberous Sclerosis associates Gene TSC2,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
Myoclonic dystonia is not associated with Gene SGCE,False,"{
|
||||
""answer"": ""False""
|
||||
}"
|
||||
Long QT Syndrome 1 associates Gene KCNQ1,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
Smith-Magenis syndrome associates Gene RAI1,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
Disease ontology identifier for autosomal dominant hypophosphatemic rickets is DOID:0050948,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
nitisinone treats alkaptonuria,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
immune checkpoint inhibitor treats melanoma,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
Li-Fraumeni Syndrome is not associated with Gene TP53,False,"{
|
||||
""answer"": ""False""
|
||||
}"
|
||||
argininosuccinic aciduria is a amino acid metabolism disease,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
Hyperargininemia is not associated with Gene ARG1,False,"{
|
||||
""answer"": ""False""
|
||||
}"
|
||||
Fabry Disease associates Gene GLA,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
Disease ontology identifier for beta-mannosidosis is DOID:0111136,False,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
Disease ontology identifier for spinocerebellar ataxia type 1 is DOID:0050954,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
Waardenburg Syndrome Type 1 associates Gene PAX3,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
Osteosarcoma is not associated with Gene TP53,False,"{
|
||||
""answer"": ""False""
|
||||
}"
|
||||
Mucopolysaccharidosis II associates Gene IDS,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
"Xeroderma pigmentosum, group F associates Gene ERCC4",True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
Pierson syndrome is not a autosomal recessive disease,False,"{
|
||||
""answer"": ""False""
|
||||
}"
|
||||
Nijmegen breakage syndrome is a autosomal recessive disease,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
Ellis-Van Creveld Syndrome associates Gene EVC2,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
X-linked agammaglobulinemia associates Gene BTK,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
azithromycin treats cystic fibrosis,True,"{
|
||||
""answer"": ""False""
|
||||
}"
|
||||
liraglutide treats obesity,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
Chediak-Higashi Syndrome associates Gene LYST,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
"FANCONI ANEMIA, COMPLEMENTATION GROUP D2 is not associated with Gene FANCD2",False,"{
|
||||
""answer"": ""False""
|
||||
}"
|
||||
Wiskott-Aldrich Syndrome is not associated with Gene WAS,False,"{
|
||||
""answer"": ""False""
|
||||
}"
|
||||
Pseudoxanthoma Elasticum associates Gene ABCC6,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
Disease ontology identifier for Omenn syndrome is DOID:3633,False,"{
|
||||
""answer"": ""False""
|
||||
}"
|
||||
Hajdu-Cheney Syndrome associates Gene NOTCH2,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
Disease ontology identifier for adrenoleukodystrophy is DOID:0060844,False,"{
|
||||
""answer"": ""False""
|
||||
}"
|
||||
antibiotics treats cystic fibrosis,True,"{
|
||||
""answer"": ""False""
|
||||
}"
|
||||
Mosaic variegated aneuploidy syndrome 1 associates Gene BUB1B,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
Noonan Syndrome associates Gene KRAS,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
Coffin-Lowry syndrome associates Gene RPS6KA3,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
Laron Syndrome associates Gene GHR,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
Leigh Disease associates Gene SURF1,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
DiGeorge Syndrome is not associated with Gene TBX1,False,"{
|
||||
""answer"": ""False""
|
||||
}"
|
||||
Disease ontology identifier for Nance-Horan syndrome is DOID:0050771,False,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
"TIBIAL MUSCULAR DYSTROPHY, TARDIVE associates Gene TTN",True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
protein-tyrosine kinase inhibitor treats sarcoma,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
Lafora Disease associates Gene EPM2A,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
Pseudoachondroplasia associates Gene COMP,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
"Charcot-Marie-Tooth disease, Type 4B1 associates Gene MTMR2",True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
dehydroepiandrosterone treats obesity,True,"{
|
||||
""answer"": ""False""
|
||||
}"
|
||||
Hartnup disease is a inborn disorder of amino acid transport,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
Farber Lipogranulomatosis is not associated with Gene ASAH1,False,"{
|
||||
""answer"": ""False""
|
||||
}"
|
||||
Disease ontology identifier for Lesch-Nyhan syndrome is DOID:1919,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
Polycythemia Vera is not associated with Gene JAK2,False,"{
|
||||
""answer"": ""False""
|
||||
}"
|
||||
hyperkalemic periodic paralysis is not a familial periodic paralysis,False,"{
|
||||
""answer"": ""False""
|
||||
}"
|
||||
Coffin-Lowry syndrome is not a X-linked syndromic intellectual disability,False,"{
|
||||
""answer"": ""False""
|
||||
}"
|
||||
macrolide antibiotics treats cystic fibrosis,True,"{
|
||||
""answer"": ""False""
|
||||
}"
|
||||
Pierson syndrome is not associated with Gene LAMB2,False,"{
|
||||
""answer"": ""False""
|
||||
}"
|
||||
CAMPOMELIC DYSPLASIA associates Gene SOX9,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
Fatal Familial Insomnia is not associated with Gene PRNP,False,"{
|
||||
""answer"": ""False""
|
||||
}"
|
||||
Disease ontology identifier for sitosterolemia is DOID:0090019,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
Tay-Sachs Disease associates Gene HEXA,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
beta-Mannosidosis is not associated with Gene MANBA,False,"{
|
||||
""answer"": ""False""
|
||||
}"
|
||||
Noonan Syndrome associates Gene SOS1,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
Obesity is not associated with Gene PPARG,False,"{
|
||||
""answer"": ""False""
|
||||
}"
|
||||
Congenital amegakaryocytic thrombocytopenia is not associated with Gene MPL,False,"{
|
||||
""answer"": ""False""
|
||||
}"
|
||||
Leigh Disease associates Gene NDUFS4,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
Sandhoff Disease is not associated with Gene HEXB,False,"{
|
||||
""answer"": ""False""
|
||||
}"
|
||||
Disease ontology identifier for Doyne honeycomb retinal dystrophy is DOID:0081055,False,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
Juvenile polyposis syndrome associates Gene BMPR1A,True,"{
|
||||
""answer"": ""True""
|
||||
}"
|
||||
|
@@ -0,0 +1,919 @@
|
||||
question,correct_answer,llm_answer
|
||||
"Out of the given list, which Gene is associated with psoriasis and Takayasu's arteritis. Given list is: SHTN1, HLA-B, SLC14A2, BTBD9, DTNB",HLA-B,"{
|
||||
""answer"": ""HLA-B""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with psoriasis and myelodysplastic syndrome. Given list is: NOD2, CHEK2, HLA-B, GCKR, PKNOX2",HLA-B,"{
|
||||
""answer"": ""NOD2""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with psoriasis and herpes zoster. Given list is: MIF, HLA-B, PLA2G6, SCN1A, KITLG",HLA-B,"{
|
||||
""answer"": ""HLA-B""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with psoriasis and allergic rhinitis. Given list is: ATP2B1, HLA-B, STAT4, TERT, FADS1",HLA-B,"{
|
||||
""answer"": ""STAT4""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with psoriasis and diffuse large B-cell lymphoma. Given list is: PTPRD, XBP1, BRCA2, DMRT1, HLA-B",HLA-B,"{
|
||||
""answer"": ""XBP1""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with psoriasis and psoriatic arthritis. Given list is: IGF2BP2, GRAMD1B, TNRC18, SFRP4, HLA-B",HLA-B,"{
|
||||
""answer"": ""HLA-B""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with membranous glomerulonephritis and autoimmune hepatitis. Given list is: RBFOX1, RORA, IL2RA, BTC, HLA-DQA1",HLA-DQA1,"{
|
||||
""answer"": ""HLA-DQA1""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with membranous glomerulonephritis and immunoglobulin alpha deficiency. Given list is: HLA-DQA1, ADH1B, TM6SF2, TERT, IL2RA",HLA-DQA1,"{
|
||||
""answer"": ""HLA-DQA1""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with membranous glomerulonephritis and collagenous colitis. Given list is: HLA-DQA1, STAT4, ATXN2, GNE, RAD51B",HLA-DQA1,"{
|
||||
""answer"": ""HLA-DQA1""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with membranous glomerulonephritis and cutaneous lupus erythematosus. Given list is: ZFHX3, HLA-DQA1, EPDR1, CRTC1, HLA-DQA1",HLA-DQA1,"{
|
||||
""answer"": ""HLA-DQA1""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with membranous glomerulonephritis and cervix carcinoma. Given list is: PSCA, HLA-DQA1, KALRN, HLA-DQA1, HLA-DRB5",HLA-DQA1,"{
|
||||
""answer"": ""HLA-DQA1""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with periodontitis and primary angle-closure glaucoma. Given list is: EPDR1, TYR, IL23R, STN1, PRNP",EPDR1,"{
|
||||
""answer"": ""IL23R""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with Hodgkin's lymphoma and Hodgkin's lymphoma, nodular sclerosis. Given list is: SHTN1, ERAP1, GATA3, XBP1, FTO",GATA3,"{
|
||||
""answer"": ""GATA3""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with limited scleroderma and allergic rhinitis. Given list is: TLR1, WNT4, HLA-DPA1, PSCA, DTNB",TLR1,"{
|
||||
""answer"": ""HLA-DPA1""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with malaria and duodenal ulcer. Given list is: TP53, ABO, HLA-DPA1, ADGRV1, GNE",ABO,"{
|
||||
""answer"": ""ABO""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with malaria and pancreatic carcinoma. Given list is: ABO, HLA-DPA1, TNRC6B, JAK2, TERT",ABO,"{
|
||||
""answer"": ""ABO""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with focal epilepsy and epilepsy. Given list is: SCN1A, ABCG2, DTNB, LRMDA, CPS1",SCN1A,"{
|
||||
""answer"": ""SCN1A""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with hypertrophic cardiomyopathy and dilated cardiomyopathy. Given list is: ZFPM2, HLA-B, BRCA2, MST1, MYH7",MYH7,"{
|
||||
""answer"": ""MYH7""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with inflammatory bowel disease and ankylosing spondylitis. Given list is: HOXD3, HNF1B, TYR, IL23R, TRAF3IP2",IL23R,"{
|
||||
""answer"": ""IL23R""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with inflammatory bowel disease and ulcerative colitis. Given list is: GATA3, IL10, HOXD3, IL23R, TNFSF15",IL23R,"{
|
||||
""answer"": ""IL10, IL23R, TNFSF15""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with inflammatory bowel disease and Crohn's disease. Given list is: TNRC6B, ARMS2, RORA, MORC4, IL23R",IL23R,"{
|
||||
""answer"": ""IL23R""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with interstitial lung disease and triple-receptor negative breast cancer. Given list is: TERT, FER, TERT, PCDH15, PTK2B",TERT,"{
|
||||
""answer"": ""TERT""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with interstitial lung disease and idiopathic pulmonary fibrosis. Given list is: ATXN2, ERAP1, RBFOX1, NANOS1, TERT",TERT,"{
|
||||
""answer"": ""TERT""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with interstitial lung disease and myeloproliferative neoplasm. Given list is: ZFPM2, IL23R, TERT, THADA, IL23R",TERT,"{
|
||||
""answer"": ""TERT""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with interstitial lung disease and central nervous system cancer. Given list is: FGFR2, TERT, HLA-DQA1, GTF2I, SLC14A2",TERT,"{
|
||||
""answer"": ""TERT""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with interstitial lung disease and estrogen-receptor negative breast cancer. Given list is: TERT, CACNB2, ERAP1, PRKAA1, SHTN1",TERT,"{
|
||||
""answer"": ""TERT""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with interstitial lung disease and lung adenocarcinoma. Given list is: CHST11, SYT14, TERT, BARD1, USHBP1",TERT,"{
|
||||
""answer"": ""TERT""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with interstitial lung disease and lung carcinoma. Given list is: BTN2A1, BRCA2, STAT3, TERT, TFAP2B",TERT,"{
|
||||
""answer"": ""TERT""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with triple-receptor negative breast cancer and interstitial lung disease. Given list is: ADGRG6, FGFR2, AFAP1, TERT, YLPM1",TERT,"{
|
||||
""answer"": ""TERT""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with triple-receptor negative breast cancer and idiopathic pulmonary fibrosis. Given list is: CRTC1, TERT, ATG5, WNT10A, ULK4",TERT,"{
|
||||
""answer"": ""TERT""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with triple-receptor negative breast cancer and myeloproliferative neoplasm. Given list is: ERAP1, SNCA, TERT, ULK4, ADGRG6",TERT,"{
|
||||
""answer"": ""TERT""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with triple-receptor negative breast cancer and central nervous system cancer. Given list is: PLG, HLA-DQA1, IL6, ATXN2, TERT",TERT,"{
|
||||
""answer"": ""TERT""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with triple-receptor negative breast cancer and estrogen-receptor negative breast cancer. Given list is: TERT, KIT, DGKK, ATP2B1, IL6",TERT,"{
|
||||
""answer"": ""KIT""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with triple-receptor negative breast cancer and lung adenocarcinoma. Given list is: TERT, POU5F1B, PLG, IGF1R, LRMDA",TERT,"{
|
||||
""answer"": ""TERT""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with triple-receptor negative breast cancer and lung carcinoma. Given list is: PTPN22, C5, TERT, FCGR2A, FADS2",TERT,"{
|
||||
""answer"": ""TERT""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with lung small cell carcinoma and opiate dependence. Given list is: CFH, CLPTM1L, TERT, FAT3, ADGRV1",ADGRV1,"{
|
||||
""answer"": ""CLPTM1L, TERT""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with lung small cell carcinoma and cervix carcinoma. Given list is: TERT, ADGRV1, PHGDH, CACNA1D, TFAP2B",ADGRV1,"{
|
||||
""answer"": ""TERT""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with male breast cancer and urticaria. Given list is: BABAM1, RAD51B, PHGDH, ABO, TERT",RAD51B,"{
|
||||
""answer"": ""RAD51B""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with idiopathic pulmonary fibrosis and interstitial lung disease. Given list is: COL22A1, KIF1B, TERT, CLPTM1L, HLA-DQA1",TERT,"{
|
||||
""answer"": ""TERT""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with idiopathic pulmonary fibrosis and triple-receptor negative breast cancer. Given list is: RELN, TERT, PLA2R1, DNMT3A, ABO",TERT,"{
|
||||
""answer"": ""TERT""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with idiopathic pulmonary fibrosis and myeloproliferative neoplasm. Given list is: STAT4, UMOD, ADGRV1, UMPS, TERT",TERT,"{
|
||||
""answer"": ""TERT""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with idiopathic pulmonary fibrosis and central nervous system cancer. Given list is: LOXL1, TERT, KALRN, RP1, IL6",TERT,"{
|
||||
""answer"": ""TERT""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with idiopathic pulmonary fibrosis and estrogen-receptor negative breast cancer. Given list is: TERT, TNFSF15, NTM, IGF2BP2, STN1",TERT,"{
|
||||
""answer"": ""TERT""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with idiopathic pulmonary fibrosis and lung adenocarcinoma. Given list is: HLA-B, CFH, PSCA, TERT, USHBP1",TERT,"{
|
||||
""answer"": ""TERT""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with idiopathic pulmonary fibrosis and lung carcinoma. Given list is: ABCG2, SULT1B1, ERAP1, TERT, CHST11",TERT,"{
|
||||
""answer"": ""TERT""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with thyroid gland papillary carcinoma and hypothyroidism. Given list is: CLPTM1L, MYBPC3, FAM227B, VAV3, PRNP",VAV3,"{
|
||||
""answer"": ""VAV3""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with thyroid gland papillary carcinoma and differentiated thyroid gland carcinoma. Given list is: ACOXL, POU5F1B, VAV3, PSCA, ZFPM2",VAV3,"{
|
||||
""answer"": ""POU5F1B""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with mature B-cell neoplasm and androgenic alopecia. Given list is: HLA-DPA1, PRKAG2, ERAP1, SLC14A2, FER",SLC14A2,"{
|
||||
""answer"": ""HLA-DPA1""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with mature B-cell neoplasm and cocaine dependence. Given list is: TLR1, SLC14A2, SCN1A, IL12RB2, PLG",SLC14A2,"{
|
||||
""answer"": ""None""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with hepatitis B and lymphoma. Given list is: KALRN, HLA-DQB2, ALDH1A2, STAT4, FBN1",HLA-DQB2,"{
|
||||
""answer"": ""HLA-DQB2""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with autoimmune hepatitis and membranous glomerulonephritis. Given list is: STAT4, HLA-DQA1, TNFSF13, CFH, KITLG",HLA-DQA1,"{
|
||||
""answer"": ""HLA-DQA1""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with autoimmune hepatitis and oral cavity cancer. Given list is: CACNA2D1, HLF, SULT1B1, HLA-DQB1, DLEU7",HLA-DQB1,"{
|
||||
""answer"": ""HLA-DQB1""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with autoimmune hepatitis and immunoglobulin alpha deficiency. Given list is: HLA-DQA1, HLA-DQB1, UCK2, PLA2R1, HLA-DQA1",HLA-DQA1,"{
|
||||
""answer"": ""HLA-DQA1""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with autoimmune hepatitis and collagenous colitis. Given list is: KALRN, TERT, PLA2R1, NANOS1, HLA-DQA1",HLA-DQA1,"{
|
||||
""answer"": ""HLA-DQA1""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with autoimmune hepatitis and oropharynx cancer. Given list is: EYA2, LOXL1, BTBD9, TMEM71, HLA-DQB1",HLA-DQB1,"{
|
||||
""answer"": ""HLA-DQB1""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with autoimmune hepatitis and nephrotic syndrome. Given list is: IGF1R, HLA-DQB1, IL2RA, SLC17A4, EPDR1",HLA-DQB1,"{
|
||||
""answer"": ""HLA-DQB1""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with autoimmune hepatitis and rheumatic heart disease. Given list is: KAT2B, HLA-DQB1, GSDMB, ALDH1A2, THADA",HLA-DQB1,"{
|
||||
""answer"": ""HLA-DQB1""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with autoimmune hepatitis and cutaneous lupus erythematosus. Given list is: PTPN22, HLA-DQA1, CACNB2, CCDC33, IL2RA",HLA-DQA1,"{
|
||||
""answer"": ""HLA-DQA1""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with autoimmune hepatitis and cervix carcinoma. Given list is: FAT3, HLA-DPA1, HLA-DQA1, CACNA1S, CACNA2D1",HLA-DQA1,"{
|
||||
""answer"": ""HLA-DPA1, HLA-DQA1""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with primary angle-closure glaucoma and periodontitis. Given list is: EPDR1, ADH1B, USHBP1, POU5F1B, SHTN1",EPDR1,"{
|
||||
""answer"": ""None of the genes in the given list are directly associated with primary angle-closure glaucoma and periodontitis.""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with non-alcoholic fatty liver disease and liver cirrhosis. Given list is: IL23R, RP1, PSCA, PNPLA3, PLG",PNPLA3,"{
|
||||
""answer"": ""PNPLA3""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with non-alcoholic fatty liver disease and non-alcoholic steatohepatitis. Given list is: C5AR1, PNPLA3, ABCG2, BTC, UMPS",PNPLA3,"{
|
||||
""answer"": ""PNPLA3""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with hypothyroidism and thyroid gland papillary carcinoma. Given list is: PRKACB, FAM13A, VAV3, ZFPM2, TERT",VAV3,"{
|
||||
""answer"": ""TERT""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with hypothyroidism and differentiated thyroid gland carcinoma. Given list is: PNPLA3, RELN, RP1, STAT4, VAV3",VAV3,"{
|
||||
""answer"": ""VAV3""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with liver cirrhosis and non-alcoholic fatty liver disease. Given list is: HYKK, PLA2G6, ADH1B, PNPLA3, RGS14",PNPLA3,"{
|
||||
""answer"": ""PNPLA3""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with liver cirrhosis and head and neck cancer. Given list is: CACNA2D1, HLA-DQA1, ADGRV1, YLPM1, STN1",CACNA2D1,"{
|
||||
""answer"": ""ADGRV1""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with liver cirrhosis and non-alcoholic steatohepatitis. Given list is: SCN1A, EYA2, CACNA2D1, HBB, PNPLA3",PNPLA3,"{
|
||||
""answer"": ""PNPLA3""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with liver cirrhosis and uveal melanoma. Given list is: VAV3, PSCA, CACNA2D1, NTM, SULT1B1",CACNA2D1,"{
|
||||
""answer"": ""VAV3""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with Takayasu's arteritis and psoriasis. Given list is: ABCG2, HLA-B, CACNA1C, RGS14, PTPN22",HLA-B,"{
|
||||
""answer"": ""HLA-B""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with Takayasu's arteritis and myelodysplastic syndrome. Given list is: CCDC33, PCDH15, RBFOX1, HLA-B, ERAP1",HLA-B,"{
|
||||
""answer"": ""HLA-B, ERAP1""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with Takayasu's arteritis and herpes zoster. Given list is: HLA-B, STAT6, HLA-DQA1, HBB, CFH",HLA-B,"{
|
||||
""answer"": ""HLA-B""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with Takayasu's arteritis and allergic rhinitis. Given list is: HLA-DQB2, CRTC1, FAM13A, TNRC6B, HLA-B",HLA-B,"{
|
||||
""answer"": ""HLA-DQB2""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with Takayasu's arteritis and diffuse large B-cell lymphoma. Given list is: HLA-B, PLG, BRCA2, PNPLA3, PBX2",HLA-B,"{
|
||||
""answer"": ""HLA-B""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with Takayasu's arteritis and psoriatic arthritis. Given list is: RELN, HLA-B, HLA-B, SNTB1, SCN1A",HLA-B,"{
|
||||
""answer"": ""HLA-B""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with oral cavity cancer and autoimmune hepatitis. Given list is: KAT2B, TTLL5, HLA-DQB1, HOXD3, SAMM50",HLA-DQB1,"{
|
||||
""answer"": ""HLA-DQB1""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with oral cavity cancer and oropharynx cancer. Given list is: GCKR, HLA-DQB1, CACNA1S, TNFSF15, RAD51B",HLA-DQB1,"{
|
||||
""answer"": ""RAD51B""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with oral cavity cancer and nephrotic syndrome. Given list is: ARMS2, HLA-DQB1, LOXL1, HLA-B, ACOXL",HLA-DQB1,"{
|
||||
""answer"": ""HLA-DQB1""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with oral cavity cancer and rheumatic heart disease. Given list is: HLA-DQB1, HBB, TNNT2, ITPA, HLA-DQB1",HLA-DQB1,"{
|
||||
""answer"": ""HLA-DQB1""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with oral cavity cancer and pancreatic carcinoma. Given list is: CLPTM1L, CASZ1, AKAP6, HERC2, IL6",CLPTM1L,"{
|
||||
""answer"": ""CLPTM1L""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with immunoglobulin alpha deficiency and membranous glomerulonephritis. Given list is: HLA-DQA1, HLA-DQB1, MYH7, TNRC6B, CRTC1",HLA-DQA1,"{
|
||||
""answer"": ""HLA-DQA1""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with immunoglobulin alpha deficiency and autoimmune hepatitis. Given list is: SLC14A2, PRKAG2, HLA-DQA1, HLA-DQA1, PLG",HLA-DQA1,"{
|
||||
""answer"": ""HLA-DQA1""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with immunoglobulin alpha deficiency and collagenous colitis. Given list is: GATA3, HLA-DQA1, SNTB1, CHEK2, HLA-DRB5",HLA-DQA1,"{
|
||||
""answer"": ""HLA-DQA1""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with immunoglobulin alpha deficiency and cutaneous lupus erythematosus. Given list is: PLA2R1, DTNB, FER, HLA-DQA1, PINX1",HLA-DQA1,"{
|
||||
""answer"": ""HLA-DQA1""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with immunoglobulin alpha deficiency and cervix carcinoma. Given list is: CLPTM1L, STAT3, HLA-DQA1, ABO, HLA-DPB1",HLA-DQA1,"{
|
||||
""answer"": ""STAT3""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with myelodysplastic syndrome and psoriasis. Given list is: VAV3, TERT, CLPTM1L, PTPN22, HLA-B",HLA-B,"{
|
||||
""answer"": ""TERT""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with myelodysplastic syndrome and Takayasu's arteritis. Given list is: BTN3A1, AKAP6, CACNA2D1, HLA-B, CACNA1A",HLA-B,"{
|
||||
""answer"": ""HLA-B""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with myelodysplastic syndrome and herpes zoster. Given list is: DTNB, HLA-B, ATP2B1, SLC14A2, KALRN",HLA-B,"{
|
||||
""answer"": ""HLA-B""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with myelodysplastic syndrome and allergic rhinitis. Given list is: ARMS2, CHEK2, HLA-B, BTN3A1, GSDMB",HLA-B,"{
|
||||
""answer"": ""GSDMB""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with myelodysplastic syndrome and diffuse large B-cell lymphoma. Given list is: MIF, TDP2, TMEM71, HLA-DQA1, HLA-B",HLA-B,"{
|
||||
""answer"": ""TDP2""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with myelodysplastic syndrome and psoriatic arthritis. Given list is: MST1, BTNL2, HLA-B, HERC2, HLA-DQB1",HLA-B,"{
|
||||
""answer"": ""BTNL2""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with differentiated thyroid gland carcinoma and thyroid gland papillary carcinoma. Given list is: ITPA, CHEK2, CRTC1, PLG, VAV3",VAV3,"{
|
||||
""answer"": ""CHEK2""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with differentiated thyroid gland carcinoma and hypothyroidism. Given list is: ERAP1, HLA-DQA1, VAV3, PINX1, PCDH15",VAV3,"{
|
||||
""answer"": ""VAV3""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with Barrett's esophagus and esophagus adenocarcinoma. Given list is: HLA-DQB1, CRTC1, HLA-B, CFH, MYBPC3",CRTC1,"{
|
||||
""answer"": ""CRTC1""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with ankylosing spondylitis and inflammatory bowel disease. Given list is: LPP, UCK2, YLPM1, DAB2IP, IL23R",IL23R,"{
|
||||
""answer"": ""IL23R""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with ankylosing spondylitis and ulcerative colitis. Given list is: KIT, SAMM50, IL23R, PSCA, HLA-DQB1",IL23R,"{
|
||||
""answer"": ""IL23R, HLA-DQB1""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with ankylosing spondylitis and anterior uveitis. Given list is: CFH, XBP1, ERAP1, SYT14, HNF1B",ERAP1,"{
|
||||
""answer"": ""ERAP1""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with ankylosing spondylitis and Crohn's disease. Given list is: IL23R, HLA-DQB1, TNRC18, EYA2, SLC2A9",IL23R,"{
|
||||
""answer"": ""IL23R""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with rheumatoid arthritis and myositis. Given list is: STAT3, BARD1, PTPN22, PRKN, C5AR1",PTPN22,"{
|
||||
""answer"": ""PTPN22""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with neuromyelitis optica and neurotic disorder. Given list is: TNRC18, PCDH7, CASZ1, GATA3, TNXB",TNXB,"{
|
||||
""answer"": ""None""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with collagenous colitis and membranous glomerulonephritis. Given list is: PHACTR1, CASZ1, PNPLA3, HLA-DQA1, ATP2B1",HLA-DQA1,"{
|
||||
""answer"": ""HLA-DQA1""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with collagenous colitis and autoimmune hepatitis. Given list is: CACNA1D, HLA-DQA1, AKAP6, MST1, NTM",HLA-DQA1,"{
|
||||
""answer"": ""HLA-DQA1""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with collagenous colitis and immunoglobulin alpha deficiency. Given list is: EPAS1, MYH7, RELN, HLA-DQA1, KIT",HLA-DQA1,"{
|
||||
""answer"": ""HLA-DQA1""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with collagenous colitis and cutaneous lupus erythematosus. Given list is: MYH7, HLA-DQA1, HLA-DQA1, TERT, BARD1",HLA-DQA1,"{
|
||||
""answer"": ""HLA-DQA1""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with collagenous colitis and cervix carcinoma. Given list is: NEURL1, TERT, HLA-DQA1, TERT, SLC17A4",HLA-DQA1,"{
|
||||
""answer"": ""TERT""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with dengue hemorrhagic fever and intracranial aneurysm. Given list is: RP1, TLR1, UCK2, GNE, FADS1",RP1,"{
|
||||
""answer"": ""TLR1""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with dengue hemorrhagic fever and wheat allergy. Given list is: RBFOX1, EPDR1, BABAM1, PTPN22, WNT4",RBFOX1,"{
|
||||
""answer"": ""None""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with neurotic disorder and neuromyelitis optica. Given list is: STAT4, LACC1, TNXB, UMPS, SFRP4",TNXB,"{
|
||||
""answer"": ""STAT4""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with head and neck cancer and liver cirrhosis. Given list is: TFAP2B, TERT, USHBP1, CACNA2D1, CRTC1",CACNA2D1,"{
|
||||
""answer"": ""TERT""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with head and neck cancer and uveal melanoma. Given list is: ABO, CACNA2D1, PSCA, TERT, SULT1B1",CACNA2D1,"{
|
||||
""answer"": ""TERT""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with age related macular degeneration and Kuhnt-Junius degeneration. Given list is: VAV3, UGT1A8, CFH, TP53, HLA-DQA1",CFH,"{
|
||||
""answer"": ""CFH""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with age related macular degeneration and kidney disease. Given list is: RAD51B, CFH, C1orf127, CASZ1, HAAO",CFH,"{
|
||||
""answer"": ""CFH""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with Kuhnt-Junius degeneration and age related macular degeneration. Given list is: CFH, CACNA2D1, STAT4, LACC1, SFRP4",CFH,"{
|
||||
""answer"": ""CFH""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with Kuhnt-Junius degeneration and kidney disease. Given list is: PRKACB, MUC5B, TERT, CFH, CACNA2D1",CFH,"{
|
||||
""answer"": ""CFH""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with lymphoma and hepatitis B. Given list is: HLA-DQB2, YLPM1, MTTP, HAAO, PTPN22",HLA-DQB2,"{
|
||||
""answer"": ""YLPM1""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with herpes zoster and psoriasis. Given list is: HLA-DQB1, HOXD3, FAM227B, DNMT3A, HLA-B",HLA-B,"{
|
||||
""answer"": ""HLA-DQB1""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with herpes zoster and Takayasu's arteritis. Given list is: FAM227B, PRKN, CSNK2B, HLA-B, FGFR2",HLA-B,"{
|
||||
""answer"": ""HLA-B""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with herpes zoster and myelodysplastic syndrome. Given list is: HLA-B, TMEM71, KITLG, PTPRD, AHR",HLA-B,"{
|
||||
""answer"": ""HLA-B""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with herpes zoster and allergic rhinitis. Given list is: HLA-B, HLA-B, IGF2BP2, CLPTM1L, CACNA2D1",HLA-B,"{
|
||||
""answer"": ""HLA-B""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with herpes zoster and diffuse large B-cell lymphoma. Given list is: HLA-B, ATXN2, SLC14A2, EYA2, POU5F1B",HLA-B,"{
|
||||
""answer"": ""HLA-B""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with herpes zoster and psoriatic arthritis. Given list is: HLA-B, ADGRV1, CPS1, SULT1B1, ATG5",HLA-B,"{
|
||||
""answer"": ""HLA-B""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with duodenal ulcer and malaria. Given list is: IGF1R, HLA-DQA1, USHBP1, ABO, GTF2I",ABO,"{
|
||||
""answer"": ""ABO""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with duodenal ulcer and atrophic gastritis. Given list is: SLC17A4, GATA3, MST1, PSCA, SCN1A",PSCA,"{
|
||||
""answer"": ""PSCA""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with duodenal ulcer and pancreatic carcinoma. Given list is: YLPM1, CFH, ABO, KALRN, STAT6",ABO,"{
|
||||
""answer"": ""ABO""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with duodenal ulcer and gastric fundus cancer. Given list is: CACNA1S, MUC5B, FBN1, PSCA, BTC",PSCA,"{
|
||||
""answer"": ""PSCA""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with non-alcoholic steatohepatitis and non-alcoholic fatty liver disease. Given list is: HLA-DQB2, ZFPM2, KALRN, PNPLA3, DENND1A",PNPLA3,"{
|
||||
""answer"": ""PNPLA3""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with non-alcoholic steatohepatitis and liver cirrhosis. Given list is: PNPLA3, SULT1B1, KIT, AHR, FAM227B",PNPLA3,"{
|
||||
""answer"": ""PNPLA3""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with oropharynx cancer and autoimmune hepatitis. Given list is: HLA-DQB1, TNXB, FBN1, C9, BTN3A1",HLA-DQB1,"{
|
||||
""answer"": ""HLA-DQB1""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with oropharynx cancer and oral cavity cancer. Given list is: MYBPC3, KIF1B, DGKK, HLA-DQB1, HLA-B",HLA-DQB1,"{
|
||||
""answer"": ""DGKK""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with oropharynx cancer and nephrotic syndrome. Given list is: FER, HLA-DQB1, FTO, SLC2A9, RAD51B",HLA-DQB1,"{
|
||||
""answer"": ""HLA-DQB1""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with oropharynx cancer and rheumatic heart disease. Given list is: DENND1A, HLA-DQB1, VRK2, TERT, CACNA1A",HLA-DQB1,"{
|
||||
""answer"": ""None""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with ulcerative colitis and inflammatory bowel disease. Given list is: SAMD9L, IL23R, GATA3, DNMT3A, RAD51B",IL23R,"{
|
||||
""answer"": ""IL23R""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with ulcerative colitis and ankylosing spondylitis. Given list is: ALDH1A2, IL23R, DTNB, SNTB1, MYH7",IL23R,"{
|
||||
""answer"": ""IL23R""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with ulcerative colitis and Crohn's disease. Given list is: ZFHX3, OPTN, EML4, IL23R, STN1",IL23R,"{
|
||||
""answer"": ""IL23R""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with nephrotic syndrome and autoimmune hepatitis. Given list is: TNIP1, CACNA1C, SLC2A9, HLA-DQB1, CSNK2B",HLA-DQB1,"{
|
||||
""answer"": ""TNIP1""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with nephrotic syndrome and oral cavity cancer. Given list is: CRTC1, PLG, AHR, SLC14A2, HLA-DQB1",HLA-DQB1,"{
|
||||
""answer"": ""PLG""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with nephrotic syndrome and oropharynx cancer. Given list is: PRKAG2, SYT14, VAV3, HLA-DQB1, PNPLA3",HLA-DQB1,"{
|
||||
""answer"": ""None""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with nephrotic syndrome and rheumatic heart disease. Given list is: GSDMB, KALRN, SNTB1, HLA-DQB1, CRTC1",HLA-DQB1,"{
|
||||
""answer"": ""HLA-DQB1""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with myositis and rheumatoid arthritis. Given list is: C9, RORA, TERT, HLA-B, PTPN22",PTPN22,"{
|
||||
""answer"": ""PTPN22""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with myositis and systemic scleroderma. Given list is: BTNL2, DMRT1, STAT4, CLPTM1L, SLC2A9",STAT4,"{
|
||||
""answer"": ""STAT4""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with myositis and Sjogren's syndrome. Given list is: STAT4, FTO, ACOXL, MORC4, TNXB",STAT4,"{
|
||||
""answer"": ""STAT4""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with intracranial aneurysm and dengue hemorrhagic fever. Given list is: RP1, IGF1R, BABAM1, DLEU7, ATG5",RP1,"{
|
||||
""answer"": ""None""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with squamous cell carcinoma and estrogen-receptor negative breast cancer. Given list is: BRCA2, RBFOX1, UCK2, PNPLA3, RAD51B",BRCA2,"{
|
||||
""answer"": ""BRCA2""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with squamous cell carcinoma and lung squamous cell carcinoma. Given list is: ARMS2, BRCA2, BTBD9, IL6, ALDH1A2",BRCA2,"{
|
||||
""answer"": ""IL6""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with androgenic alopecia and mature B-cell neoplasm. Given list is: TM6SF2, HLA-B, SLC14A2, PHGDH, TTLL5",SLC14A2,"{
|
||||
""answer"": ""HLA-B""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with androgenic alopecia and cocaine dependence. Given list is: GSDMB, SLC14A2, ATXN2, PNPLA3, PRKACB",SLC14A2,"{
|
||||
""answer"": ""ATXN2""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with sclerosing cholangitis and endometrial cancer. Given list is: FADS2, RP1, ATXN2, VRK2, PLA2G6",ATXN2,"{
|
||||
""answer"": ""None of the genes in the given list are directly associated with both sclerosing cholangitis and endometrial cancer.""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with cocaine dependence and mature B-cell neoplasm. Given list is: CHST11, GSDMB, ERAP1, TP63, SLC14A2",SLC14A2,"{
|
||||
""answer"": ""None""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with cocaine dependence and androgenic alopecia. Given list is: ATG5, ADGRV1, NEURL1, SLC14A2, HLA-DPB1",SLC14A2,"{
|
||||
""answer"": ""None""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with epilepsy and focal epilepsy. Given list is: NEURL1, SCN1A, HAAO, CLDN14, MYBPC3",SCN1A,"{
|
||||
""answer"": ""SCN1A""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with myeloproliferative neoplasm and interstitial lung disease. Given list is: LRMDA, TERT, CLDN14, UCK2, STAT3",TERT,"{
|
||||
""answer"": ""TERT""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with myeloproliferative neoplasm and triple-receptor negative breast cancer. Given list is: ABO, SCN1A, TERT, TGM2, COL22A1",TERT,"{
|
||||
""answer"": ""TERT""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with myeloproliferative neoplasm and idiopathic pulmonary fibrosis. Given list is: FBN1, TERT, DLEU7, IL2RA, PTK2B",TERT,"{
|
||||
""answer"": ""TERT""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with myeloproliferative neoplasm and central nervous system cancer. Given list is: WNT4, TERT, VAV3, ADH1B, GATA3",TERT,"{
|
||||
""answer"": ""TERT""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with myeloproliferative neoplasm and estrogen-receptor negative breast cancer. Given list is: STAT4, MYH7, BTBD9, ERAP1, TERT",TERT,"{
|
||||
""answer"": ""TERT""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with myeloproliferative neoplasm and lung adenocarcinoma. Given list is: SLC17A4, STAT6, HLA-DQB1, TERT, PRX",TERT,"{
|
||||
""answer"": ""TERT""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with myeloproliferative neoplasm and lung carcinoma. Given list is: LPP, TENM2, DMRT1, TERT, UCK2",TERT,"{
|
||||
""answer"": ""TERT""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with rheumatic heart disease and autoimmune hepatitis. Given list is: SPRED2, TTLL5, TLR1, ALDH1A2, HLA-DQB1",HLA-DQB1,"{
|
||||
""answer"": ""HLA-DQB1""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with rheumatic heart disease and oral cavity cancer. Given list is: HLA-DQB1, IL23R, TM6SF2, BTC, SYT14",HLA-DQB1,"{
|
||||
""answer"": ""HLA-DQB1""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with rheumatic heart disease and oropharynx cancer. Given list is: PLA2G6, HLA-DQB1, IL23R, FAM13A, ADH1B",HLA-DQB1,"{
|
||||
""answer"": ""HLA-DQB1""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with rheumatic heart disease and nephrotic syndrome. Given list is: CACNA1D, TFAP2B, STAT4, HLA-DQB1, PTK2B",HLA-DQB1,"{
|
||||
""answer"": ""STAT4, HLA-DQB1""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with atrophic gastritis and duodenal ulcer. Given list is: HOXD3, ATP2B1, PSCA, CDK8, CACNA1A",PSCA,"{
|
||||
""answer"": ""PSCA""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with atrophic gastritis and gastric fundus cancer. Given list is: EYA2, CDKAL1, KAT2B, PSCA, PSCA",PSCA,"{
|
||||
""answer"": ""PSCA""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with wheat allergy and dengue hemorrhagic fever. Given list is: NEURL1, DLEU7, DMRT1, ADGRG6, RBFOX1",RBFOX1,"{
|
||||
""answer"": ""None""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with pulmonary hypertension and dermatomyositis. Given list is: CLPTM1L, C5, HLA-DPA1, AHR, HLA-DQA1",HLA-DPA1,"{
|
||||
""answer"": ""HLA-DQA1""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with cutaneous lupus erythematosus and membranous glomerulonephritis. Given list is: JAK2, IL6, HLA-DQA1, HNF1B, ZEB2",HLA-DQA1,"{
|
||||
""answer"": ""HLA-DQA1""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with cutaneous lupus erythematosus and autoimmune hepatitis. Given list is: FGFR2, TERT, HLA-DQA1, IL6, HLA-DQB1",HLA-DQA1,"{
|
||||
""answer"": ""HLA-DQA1""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with cutaneous lupus erythematosus and immunoglobulin alpha deficiency. Given list is: DTNB, IL10, TNXB, FAM13A, HLA-DQA1",HLA-DQA1,"{
|
||||
""answer"": ""TNXB""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with cutaneous lupus erythematosus and collagenous colitis. Given list is: MUC5B, DLEU7, BRCA2, HLA-DQA1, THADA",HLA-DQA1,"{
|
||||
""answer"": ""HLA-DQA1""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with cutaneous lupus erythematosus and cervix carcinoma. Given list is: PRX, CDK8, HIP1, HLA-DQA1, RAD51B",HLA-DQA1,"{
|
||||
""answer"": ""CDK8""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with systemic scleroderma and myositis. Given list is: HLA-DPB1, STAT4, UGT1A9, HLA-DQA1, TNRC6B",STAT4,"{
|
||||
""answer"": ""STAT4, HLA-DPB1""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with systemic scleroderma and Sjogren's syndrome. Given list is: KITLG, STAT4, SLC14A2, COL22A1, TDP2",STAT4,"{
|
||||
""answer"": ""STAT4""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with childhood type dermatomyositis and dermatomyositis. Given list is: FTO, PLA2G6, ATP2B1, GSDMB, BRCA2",GSDMB,"{
|
||||
""answer"": ""None of the genes in the given list are directly associated with childhood type dermatomyositis and dermatomyositis.""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with central nervous system cancer and interstitial lung disease. Given list is: ADGRV1, TENM2, TERT, LRMDA, CCDC33",TERT,"{
|
||||
""answer"": ""TERT""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with central nervous system cancer and triple-receptor negative breast cancer. Given list is: SLC17A4, KITLG, CAPN14, CACNA2D1, TERT",TERT,"{
|
||||
""answer"": ""TERT""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with central nervous system cancer and idiopathic pulmonary fibrosis. Given list is: TERT, MORC4, DMRT1, GRAMD1B, GTF2I",TERT,"{
|
||||
""answer"": ""TERT""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with central nervous system cancer and myeloproliferative neoplasm. Given list is: TERT, NOD2, HLA-DQB1, SAMM50, SFRP4",TERT,"{
|
||||
""answer"": ""TERT""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with central nervous system cancer and estrogen-receptor negative breast cancer. Given list is: BABAM1, ABO, TERT, PHACTR1, DTNB",TERT,"{
|
||||
""answer"": ""TERT""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with central nervous system cancer and lung adenocarcinoma. Given list is: ADGRG6, CDKAL1, TERT, HLA-DPA1, BRCA2",TERT,"{
|
||||
""answer"": ""TERT""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with central nervous system cancer and lung carcinoma. Given list is: MYBPC3, GCKR, STAT4, TERT, BTN2A1",TERT,"{
|
||||
""answer"": ""TERT""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with opiate dependence and lung small cell carcinoma. Given list is: IL23R, HLA-DQB2, ADGRV1, DLEU7, RBFOX1",ADGRV1,"{
|
||||
""answer"": ""ADGRV1""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with opiate dependence and cervix carcinoma. Given list is: SCN1A, ADGRV1, AHR, THADA, CASZ1",ADGRV1,"{
|
||||
""answer"": ""AHR""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with estrogen-receptor negative breast cancer and interstitial lung disease. Given list is: FAM227B, PTPN22, PSCA, ABO, TERT",TERT,"{
|
||||
""answer"": ""TERT""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with estrogen-receptor negative breast cancer and triple-receptor negative breast cancer. Given list is: TRAF3IP2, HBB, TERT, HOXD3, ATP2B1",TERT,"{
|
||||
""answer"": ""TERT""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with estrogen-receptor negative breast cancer and idiopathic pulmonary fibrosis. Given list is: IL23R, BTBD9, SFRP4, PHGDH, TERT",TERT,"{
|
||||
""answer"": ""TERT""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with estrogen-receptor negative breast cancer and squamous cell carcinoma. Given list is: BRCA2, CLDN14, HLA-DPB1, HLA-DQB1, MTTP",BRCA2,"{
|
||||
""answer"": ""CLDN14""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with estrogen-receptor negative breast cancer and myeloproliferative neoplasm. Given list is: TERT, HLA-DQB2, BRCA2, GNE, STAT3",TERT,"{
|
||||
""answer"": ""STAT3""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with estrogen-receptor negative breast cancer and central nervous system cancer. Given list is: FER, CACNA1D, COL22A1, TNFSF15, TERT",TERT,"{
|
||||
""answer"": ""TERT""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with estrogen-receptor negative breast cancer and lung adenocarcinoma. Given list is: SAMD9L, PTPRD, DAB2IP, IL23R, TERT",TERT,"{
|
||||
""answer"": ""TERT""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with estrogen-receptor negative breast cancer and lung squamous cell carcinoma. Given list is: BRCA2, SULT1B1, SPRED2, CHST11, CCDC33",BRCA2,"{
|
||||
""answer"": ""SPRED2""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with estrogen-receptor negative breast cancer and lung carcinoma. Given list is: ABCG2, GATA3, TP53, TERT, PLA2G6",TERT,"{
|
||||
""answer"": ""TP53""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with dermatomyositis and pulmonary hypertension. Given list is: TG, HLA-DPA1, PNPLA3, ZFPM2, UMOD",HLA-DPA1,"{
|
||||
""answer"": ""HLA-DPA1""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with dermatomyositis and childhood type dermatomyositis. Given list is: GSDMB, HLA-DQA1, ADH1B, POU5F1B, HLA-B",GSDMB,"{
|
||||
""answer"": ""HLA-DQA1""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with esophagus adenocarcinoma and Barrett's esophagus. Given list is: TERT, HLA-DQB2, EPDR1, PNPLA3, CRTC1",CRTC1,"{
|
||||
""answer"": ""TERT""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with kidney disease and age related macular degeneration. Given list is: CFH, MUC5B, DAB2IP, BTN2A1, ADH1B",CFH,"{
|
||||
""answer"": ""CFH""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with kidney disease and Kuhnt-Junius degeneration. Given list is: CFH, HLA-DQB2, DNMT3A, TNNT2, GATA3",CFH,"{
|
||||
""answer"": ""CFH""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with anterior uveitis and ankylosing spondylitis. Given list is: SYT14, TNFSF15, UGT1A8, HBB, ERAP1",ERAP1,"{
|
||||
""answer"": ""ERAP1""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with dilated cardiomyopathy and hypertrophic cardiomyopathy. Given list is: TLR1, IL23R, HLA-B, MYH7, HLA-DQA1",MYH7,"{
|
||||
""answer"": ""MYH7""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with pancreatic carcinoma and malaria. Given list is: HLA-DQA1, CACNA1S, KAT2B, ABO, ATXN2",ABO,"{
|
||||
""answer"": ""ABO""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with pancreatic carcinoma and oral cavity cancer. Given list is: GCKR, CLPTM1L, CHST11, CRTC1, COL22A1",CLPTM1L,"{
|
||||
""answer"": ""CLPTM1L""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with pancreatic carcinoma and duodenal ulcer. Given list is: ABO, CRTC1, CACNB2, PSCA, CDK8",ABO,"{
|
||||
""answer"": ""PSCA""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with cervix carcinoma and membranous glomerulonephritis. Given list is: HLA-DQA1, WNT4, TNIP1, CAPN14, DTNB",HLA-DQA1,"{
|
||||
""answer"": ""HLA-DQA1""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with cervix carcinoma and lung small cell carcinoma. Given list is: TLR1, SYT14, VAV3, BTN2A1, ADGRV1",ADGRV1,"{
|
||||
""answer"": ""VAV3""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with cervix carcinoma and autoimmune hepatitis. Given list is: CHST11, FAT3, IL6, ERAP1, HLA-DQA1",HLA-DQA1,"{
|
||||
""answer"": ""HLA-DQA1""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with cervix carcinoma and immunoglobulin alpha deficiency. Given list is: SAMD9L, CDK8, HLA-DQA1, CFH, PRKN",HLA-DQA1,"{
|
||||
""answer"": ""HLA-DQA1""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with cervix carcinoma and collagenous colitis. Given list is: FAM227B, HLA-B, HLA-DQA1, CDKAL1, PNPLA3",HLA-DQA1,"{
|
||||
""answer"": ""HLA-DQA1""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with cervix carcinoma and cutaneous lupus erythematosus. Given list is: PRKN, HLA-DPA1, VAV3, RBFOX1, HLA-DQA1",HLA-DQA1,"{
|
||||
""answer"": ""HLA-DPA1""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with cervix carcinoma and opiate dependence. Given list is: HYKK, HOXD3, HLA-DQA1, ADGRV1, BRCA2",ADGRV1,"{
|
||||
""answer"": ""HLA-DQA1""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with Hodgkin's lymphoma, nodular sclerosis and Hodgkin's lymphoma. Given list is: HLA-DQB2, FADS2, GATA3, TM6SF2, CFH",GATA3,"{
|
||||
""answer"": ""GATA3""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with Sjogren's syndrome and myositis. Given list is: HLA-DQA1, KIT, TERT, STAT4, TERT",STAT4,"{
|
||||
""answer"": ""HLA-DQA1, STAT4""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with Sjogren's syndrome and systemic scleroderma. Given list is: BTN3A1, HLA-DQB1, JAK2, TGM2, STAT4",STAT4,"{
|
||||
""answer"": ""HLA-DQB1, STAT4""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with Crohn's disease and inflammatory bowel disease. Given list is: HBB, TNRC18, IL23R, RP1, LOXL1",IL23R,"{
|
||||
""answer"": ""IL23R""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with Crohn's disease and ankylosing spondylitis. Given list is: YLPM1, CHEK2, ZEB2, HLA-DQA1, IL23R",IL23R,"{
|
||||
""answer"": ""IL23R""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with Crohn's disease and ulcerative colitis. Given list is: CAPN14, LPP, UMPS, RBFOX1, IL23R",IL23R,"{
|
||||
""answer"": ""IL23R""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with urticaria and male breast cancer. Given list is: TGM2, TENM2, HLA-B, RAD51B, GSDMB",RAD51B,"{
|
||||
""answer"": ""RAD51B""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with allergic rhinitis and psoriasis. Given list is: MYH7, ADH1B, MYH7, HLA-B, PKNOX2",HLA-B,"{
|
||||
""answer"": ""HLA-B""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with allergic rhinitis and limited scleroderma. Given list is: SNCA, HLA-DQB1, TLR1, EPDR1, SHTN1",TLR1,"{
|
||||
""answer"": ""HLA-DQB1""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with allergic rhinitis and Takayasu's arteritis. Given list is: MORC4, STN1, ABO, HLA-B, PNPLA3",HLA-B,"{
|
||||
""answer"": ""HLA-B""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with allergic rhinitis and myelodysplastic syndrome. Given list is: TRAF3IP2, FADS1, SHTN1, ATXN2, HLA-B",HLA-B,"{
|
||||
""answer"": ""TRAF3IP2""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with allergic rhinitis and herpes zoster. Given list is: CHST11, HLA-B, HLA-DQB1, RELN, TP53",HLA-B,"{
|
||||
""answer"": ""HLA-DQB1""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with allergic rhinitis and diffuse large B-cell lymphoma. Given list is: HLA-B, CACNA1A, TERT, EPDR1, ATXN2",HLA-B,"{
|
||||
""answer"": ""TERT""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with allergic rhinitis and psoriatic arthritis. Given list is: HLA-B, FAM227B, RP1, FTO, KIF1B",HLA-B,"{
|
||||
""answer"": ""HLA-B""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with marginal zone lymphoma and diffuse large B-cell lymphoma. Given list is: FHOD3, PBX2, RP1, KALRN, AHR",KALRN,"{
|
||||
""answer"": ""AHR""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with diffuse large B-cell lymphoma and psoriasis. Given list is: ERAP1, CLPTM1L, ADGRG6, HLA-B, MST1",HLA-B,"{
|
||||
""answer"": ""ERAP1""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with diffuse large B-cell lymphoma and Takayasu's arteritis. Given list is: GTF2I, HLA-DQA1, HLA-B, CRTC1, RORA",HLA-B,"{
|
||||
""answer"": ""HLA-DQA1""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with diffuse large B-cell lymphoma and myelodysplastic syndrome. Given list is: IL23R, TERT, HLA-B, HLA-DQA1, TNXB",HLA-B,"{
|
||||
""answer"": ""TERT""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with diffuse large B-cell lymphoma and herpes zoster. Given list is: SNCA, CDKAL1, HLA-DQA1, HLA-B, RBFOX1",HLA-B,"{
|
||||
""answer"": ""HLA-B""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with diffuse large B-cell lymphoma and allergic rhinitis. Given list is: IL2RA, SLC14A2, HLA-B, TNFSF13, ZEB2",HLA-B,"{
|
||||
""answer"": ""TNFSF13""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with diffuse large B-cell lymphoma and marginal zone lymphoma. Given list is: HLA-DPA1, VAV3, KALRN, IL12RB2, WNT10A",KALRN,"{
|
||||
""answer"": ""VAV3""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with diffuse large B-cell lymphoma and psoriatic arthritis. Given list is: ARMS2, RORA, TLR1, ADH1B, HLA-B",HLA-B,"{
|
||||
""answer"": ""HLA-B""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with lung adenocarcinoma and interstitial lung disease. Given list is: TERT, YLPM1, FTO, SHTN1, IL23R",TERT,"{
|
||||
""answer"": ""TERT""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with lung adenocarcinoma and triple-receptor negative breast cancer. Given list is: BTBD9, NTM, RP1, TERT, CASZ1",TERT,"{
|
||||
""answer"": ""TERT""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with lung adenocarcinoma and idiopathic pulmonary fibrosis. Given list is: SLC14A2, SLC14A2, MTTP, PSCA, TERT",TERT,"{
|
||||
""answer"": ""TERT""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with lung adenocarcinoma and myeloproliferative neoplasm. Given list is: TG, CACNB2, PRKAA1, TERT, CACNA1S",TERT,"{
|
||||
""answer"": ""TERT""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with lung adenocarcinoma and central nervous system cancer. Given list is: POU5F1B, SCN1A, STAT4, TERT, BTNL2",TERT,"{
|
||||
""answer"": ""TERT""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with lung adenocarcinoma and estrogen-receptor negative breast cancer. Given list is: JRK, PLG, PNPLA3, TERT, IL23R",TERT,"{
|
||||
""answer"": ""TERT""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with lung adenocarcinoma and lung carcinoma. Given list is: TERT, IL23R, PHACTR1, SLC2A9, JRK",TERT,"{
|
||||
""answer"": ""TERT""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with psoriatic arthritis and psoriasis. Given list is: HLA-B, DAB2IP, TYR, FTO, FAT3",HLA-B,"{
|
||||
""answer"": ""HLA-B""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with psoriatic arthritis and Takayasu's arteritis. Given list is: TMC7, HLA-B, SLC2A9, PCDH7, PHGDH",HLA-B,"{
|
||||
""answer"": ""HLA-B""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with psoriatic arthritis and myelodysplastic syndrome. Given list is: EPDR1, HLA-B, SFRP4, PNPLA3, ARMS2",HLA-B,"{
|
||||
""answer"": ""HLA-B""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with psoriatic arthritis and herpes zoster. Given list is: NANOS1, TLR1, NTM, HLA-B, SCN1A",HLA-B,"{
|
||||
""answer"": ""HLA-B""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with psoriatic arthritis and allergic rhinitis. Given list is: RP1, STAT4, C5AR1, TENM2, HLA-B",HLA-B,"{
|
||||
""answer"": ""STAT4""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with psoriatic arthritis and diffuse large B-cell lymphoma. Given list is: HLA-DQB1, ABCG2, PTK2B, HLA-B, RP1",HLA-B,"{
|
||||
""answer"": ""HLA-B""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with lung squamous cell carcinoma and squamous cell carcinoma. Given list is: DTNB, BRCA2, CCDC33, IGF1R, XBP1",BRCA2,"{
|
||||
""answer"": ""IGF1R""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with lung squamous cell carcinoma and estrogen-receptor negative breast cancer. Given list is: STAT4, CACNA2D1, KIF1B, ATXN2, BRCA2",BRCA2,"{
|
||||
""answer"": ""BRCA2""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with lung carcinoma and interstitial lung disease. Given list is: ATXN2, TERT, FAM227B, ALDH1A2, KALRN",TERT,"{
|
||||
""answer"": ""TERT""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with lung carcinoma and triple-receptor negative breast cancer. Given list is: TERT, SLC2A9, MYBPC3, HLA-DQA1, WNT10A",TERT,"{
|
||||
""answer"": ""TERT""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with lung carcinoma and idiopathic pulmonary fibrosis. Given list is: PRKAG2, YLPM1, TERT, LOXL1, HLA-DQB1",TERT,"{
|
||||
""answer"": ""TERT""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with lung carcinoma and myeloproliferative neoplasm. Given list is: TERT, MST1, OPTN, TNRC18, PSCA",TERT,"{
|
||||
""answer"": ""TERT""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with lung carcinoma and central nervous system cancer. Given list is: C9, GNE, CDKAL1, TERT, PTPN22",TERT,"{
|
||||
""answer"": ""TERT""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with lung carcinoma and estrogen-receptor negative breast cancer. Given list is: SAMD9L, BTNL2, TERT, TERT, STAT4",TERT,"{
|
||||
""answer"": ""TERT""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with lung carcinoma and lung adenocarcinoma. Given list is: RP1, RBFOX1, TP53, PRKAG2, TERT",TERT,"{
|
||||
""answer"": ""TP53, TERT""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with endometrial cancer and sclerosing cholangitis. Given list is: ATXN2, FBN1, STAT3, ADGRG6, ATG5",ATXN2,"{
|
||||
""answer"": ""STAT3""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with uveal melanoma and liver cirrhosis. Given list is: PRX, CACNA2D1, GTF2I, ADGRV1, TERT",CACNA2D1,"{
|
||||
""answer"": ""TERT""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with uveal melanoma and head and neck cancer. Given list is: USHBP1, BARD1, GNE, CACNA2D1, SAMM50",CACNA2D1,"{
|
||||
""answer"": ""BARD1""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with gastric fundus cancer and duodenal ulcer. Given list is: GSDMB, PSCA, CDKAL1, EML4, ADH1B",PSCA,"{
|
||||
""answer"": ""PSCA""
|
||||
}"
|
||||
"Out of the given list, which Gene is associated with gastric fundus cancer and atrophic gastritis. Given list is: PSCA, PLG, IL23R, ABO, RP1",PSCA,"{
|
||||
""answer"": ""PSCA""
|
||||
}"
|
||||
"Out of the given list, which Variant is associated with breast carcinoma and male breast cancer. Given list is: rs11651755, rs9271588, rs2472493, rs3803662, rs4459895",rs3803662,"{
|
||||
""answer"": ""rs3803662""
|
||||
}"
|
||||
"Out of the given list, which Variant is associated with abdominal aortic aneurysm and thoracic aortic aneurysm. Given list is: rs11675342, rs595244, rs3018362, rs11651755, rs1709393",rs595244,"{
|
||||
""answer"": ""This information is not readily available as the association between specific genetic variants and abdominal aortic aneurysm or thoracic aortic aneurysm can vary and is subject to ongoing research. It is recommended to refer to the latest scientific literature or genetic databases for the most accurate and up-to-date information.""
|
||||
}"
|
||||
"Out of the given list, which Variant is associated with Kawasaki disease and inflammatory bowel disease. Given list is: rs573872, rs2072499, rs1333040, rs1801274, rs3757318",rs1801274,"{
|
||||
""answer"": ""rs2072499""
|
||||
}"
|
||||
"Out of the given list, which Variant is associated with inflammatory bowel disease and Kawasaki disease. Given list is: rs3764147, rs1801274, rs3814113, rs479844, rs13141641",rs1801274,"{
|
||||
""answer"": ""rs3764147""
|
||||
}"
|
||||
"Out of the given list, which Variant is associated with triple-receptor negative breast cancer and uterine fibroid. Given list is: rs4459895, rs8176719, rs115879499, rs78378222, rs2143571",rs78378222,"{
|
||||
""answer"": ""rs115879499""
|
||||
}"
|
||||
"Out of the given list, which Variant is associated with vitiligo and rheumatoid arthritis. Given list is: rs12203592, rs10103692, rs78378222, rs2476601, rs1150757",rs2476601,"{
|
||||
""answer"": ""rs2476601""
|
||||
}"
|
||||
"Out of the given list, which Variant is associated with male breast cancer and breast carcinoma. Given list is: rs3803662, rs34574566, rs1278769, rs16948876, rs10488631",rs3803662,"{
|
||||
""answer"": ""rs3803662""
|
||||
}"
|
||||
"Out of the given list, which Variant is associated with autoimmune hepatitis and collagenous colitis. Given list is: rs17398575, rs1975197, rs2187668, rs6444305, rs2230199",rs2187668,"{
|
||||
""answer"": ""rs2187668""
|
||||
}"
|
||||
"Out of the given list, which Variant is associated with autoimmune hepatitis and cutaneous lupus erythematosus. Given list is: rs2187668, rs11724804, rs10497394, rs1801274, rs6457327",rs2187668,"{
|
||||
""answer"": ""rs2187668""
|
||||
}"
|
||||
"Out of the given list, which Variant is associated with ankylosing spondylitis and Crohn's disease. Given list is: rs219780, rs11209026, rs1233491, rs1953126, rs2294008",rs11209026,"{
|
||||
""answer"": ""rs11209026""
|
||||
}"
|
||||
"Out of the given list, which Variant is associated with rheumatoid arthritis and vitiligo. Given list is: rs7176508, rs11675342, rs3018362, rs6426833, rs2476601",rs2476601,"{
|
||||
""answer"": ""rs2476601""
|
||||
}"
|
||||
"Out of the given list, which Variant is associated with collagenous colitis and autoimmune hepatitis. Given list is: rs2187668, rs6426833, rs6969780, rs3787184, rs230540",rs2187668,"{
|
||||
""answer"": ""rs2187668""
|
||||
}"
|
||||
"Out of the given list, which Variant is associated with collagenous colitis and cutaneous lupus erythematosus. Given list is: rs2187668, rs975730, rs17398575, rs229527, rs1537377",rs2187668,"{
|
||||
""answer"": ""rs2187668""
|
||||
}"
|
||||
"Out of the given list, which Variant is associated with age related macular degeneration and Kuhnt-Junius degeneration. Given list is: rs7579899, rs3803662, rs76972608, rs10490924, rs16948876",rs10490924,"{
|
||||
""answer"": ""rs10490924""
|
||||
}"
|
||||
"Out of the given list, which Variant is associated with Kuhnt-Junius degeneration and age related macular degeneration. Given list is: rs219780, rs3197999, rs4072037, rs6691768, rs10490924",rs10490924,"{
|
||||
""answer"": ""rs10490924""
|
||||
}"
|
||||
"Out of the given list, which Variant is associated with duodenal ulcer and atrophic gastritis. Given list is: rs1975197, rs2294008, rs17398575, rs755383, rs1801274",rs2294008,"{
|
||||
""answer"": ""rs2294008""
|
||||
}"
|
||||
"Out of the given list, which Variant is associated with duodenal ulcer and gastric fundus cancer. Given list is: rs2294008, rs10490924, rs2738048, rs711830, rs167479",rs2294008,"{
|
||||
""answer"": ""rs2294008""
|
||||
}"
|
||||
"Out of the given list, which Variant is associated with uterine fibroid and triple-receptor negative breast cancer. Given list is: rs1709393, rs3118470, rs1107345, rs78378222, rs1122171",rs78378222,"{
|
||||
""answer"": ""rs78378222""
|
||||
}"
|
||||
"Out of the given list, which Variant is associated with prostate carcinoma and large intestine cancer. Given list is: rs6983267, rs1150757, rs3129939, rs12917707, rs595244",rs6983267,"{
|
||||
""answer"": ""rs6983267""
|
||||
}"
|
||||
"Out of the given list, which Variant is associated with squamous cell carcinoma and androgenic alopecia. Given list is: rs10455872, rs1011970, rs3814113, rs12203592, rs116264669",rs12203592,"{
|
||||
""answer"": ""rs12203592""
|
||||
}"
|
||||
"Out of the given list, which Variant is associated with androgenic alopecia and squamous cell carcinoma. Given list is: rs10273639, rs334, rs595244, rs6457327, rs12203592",rs12203592,"{
|
||||
""answer"": ""rs12203592""
|
||||
}"
|
||||
"Out of the given list, which Variant is associated with sclerosing cholangitis and Crohn's disease. Given list is: rs3197999, rs59325236, rs6444305, rs1122171, rs1314913",rs3197999,"{
|
||||
""answer"": ""rs3197999""
|
||||
}"
|
||||
"Out of the given list, which Variant is associated with large intestine cancer and prostate carcinoma. Given list is: rs1107345, rs59325236, rs12203592, rs6983267, rs11675342",rs6983267,"{
|
||||
""answer"": ""rs6983267""
|
||||
}"
|
||||
"Out of the given list, which Variant is associated with atrophic gastritis and duodenal ulcer. Given list is: rs4459895, rs12203592, rs9275260, rs12524487, rs2294008",rs2294008,"{
|
||||
""answer"": ""rs2294008""
|
||||
}"
|
||||
"Out of the given list, which Variant is associated with atrophic gastritis and gastric fundus cancer. Given list is: rs2294008, rs9257809, rs35705950, rs12539707, rs2738048",rs2294008,"{
|
||||
""answer"": ""rs2294008""
|
||||
}"
|
||||
"Out of the given list, which Variant is associated with cutaneous lupus erythematosus and autoimmune hepatitis. Given list is: rs1937450, rs2187668, rs6010620, rs2231142, rs10455872",rs2187668,"{
|
||||
""answer"": ""rs2187668""
|
||||
}"
|
||||
"Out of the given list, which Variant is associated with cutaneous lupus erythematosus and collagenous colitis. Given list is: rs4939827, rs3197999, rs3739821, rs2187668, rs1975197",rs2187668,"{
|
||||
""answer"": ""rs2187668""
|
||||
}"
|
||||
"Out of the given list, which Variant is associated with central nervous system cancer and lung adenocarcinoma. Given list is: rs7426056, rs2736100, rs2187668, rs2107595, rs7405776",rs2736100,"{
|
||||
""answer"": ""rs2736100""
|
||||
}"
|
||||
"Out of the given list, which Variant is associated with thoracic aortic aneurysm and abdominal aortic aneurysm. Given list is: rs1642764, rs595244, rs139606545, rs12077210, rs12917707",rs595244,"{
|
||||
""answer"": ""This information is not available without specific research data linking these variants to thoracic aortic aneurysm and abdominal aortic aneurysm.""
|
||||
}"
|
||||
"Out of the given list, which Variant is associated with Crohn's disease and ankylosing spondylitis. Given list is: rs8077245, rs11712066, rs11209026, rs10830962, rs6010620",rs11209026,"{
|
||||
""answer"": ""rs11209026""
|
||||
}"
|
||||
"Out of the given list, which Variant is associated with Crohn's disease and sclerosing cholangitis. Given list is: rs1047891, rs9268905, rs3197999, rs1025128, rs4624820",rs3197999,"{
|
||||
""answer"": ""rs3197999""
|
||||
}"
|
||||
"Out of the given list, which Variant is associated with lung adenocarcinoma and central nervous system cancer. Given list is: rs10490924, rs10830962, rs2736100, rs2391769, rs9272143",rs2736100,"{
|
||||
""answer"": ""rs2736100""
|
||||
}"
|
||||
"Out of the given list, which Variant is associated with gastric fundus cancer and duodenal ulcer. Given list is: rs11759064, rs975730, rs1150757, rs2294008, rs7453920",rs2294008,"{
|
||||
""answer"": ""rs2294008""
|
||||
}"
|
||||
"Out of the given list, which Variant is associated with gastric fundus cancer and atrophic gastritis. Given list is: rs2294008, rs2072499, rs3197999, rs1537377, rs988958",rs2294008,"{
|
||||
""answer"": ""rs2294008""
|
||||
}"
|
||||
"Out of the given list, which Variant is associated with keratinocyte carcinoma""@e and skin sensitivity to sun. Given list is: rs254020, rs4625, rs6059655, rs11738191, rs2963222",rs6059655,"{
|
||||
""answer"": ""rs6059655""
|
||||
}"
|
||||
"Out of the given list, which Variant is associated with keratinocyte carcinoma""@e and anti-neutrophil antibody associated vasculitis. Given list is: rs6679677, rs12187903, rs1333047, rs11585651, rs55730499",rs6679677,"{
|
||||
""answer"": ""rs12187903""
|
||||
}"
|
||||
"Out of the given list, which Variant is associated with keratinocyte carcinoma""@e and autoimmune disease. Given list is: rs7936312, rs325485, rs13191786, rs72928038, rs7523907",rs72928038,"{
|
||||
""answer"": ""rs13191786""
|
||||
}"
|
||||
"Out of the given list, which Variant is associated with keratinocyte carcinoma""@e and age-related hearing impairment. Given list is: rs1950829, rs13263709, rs1126809, rs34871267, rs2431108",rs1126809,"{
|
||||
""answer"": ""This information is not available without specific research data linking a variant to keratinocyte carcinoma and age-related hearing impairment.""
|
||||
}"
|
||||
"Out of the given list, which Variant is associated with aortic stenosis and large artery stroke. Given list is: rs34243448, rs1893592, rs1765871, rs229541, rs10455872",rs10455872,"{
|
||||
""answer"": ""rs10455872""
|
||||
}"
|
||||
"Out of the given list, which Variant is associated with skin sensitivity to sun and keratinocyte carcinoma""@e. Given list is: rs1042704, rs6059655, rs34396849, rs10052804, rs11747125",rs6059655,"{
|
||||
""answer"": ""rs6059655""
|
||||
}"
|
||||
"Out of the given list, which Variant is associated with skin sensitivity to sun and age-related hearing impairment. Given list is: rs61815704, rs4149909, rs36001488, rs1333047, rs1126809",rs1126809,"{
|
||||
""answer"": ""rs1126809""
|
||||
}"
|
||||
"Out of the given list, which Variant is associated with anti-neutrophil antibody associated vasculitis and keratinocyte carcinoma""@e. Given list is: rs2812378, rs17145188, rs12931267, rs6679677, rs12413409",rs6679677,"{
|
||||
""answer"": ""rs2812378""
|
||||
}"
|
||||
"Out of the given list, which Variant is associated with anti-neutrophil antibody associated vasculitis and autoimmune disease. Given list is: rs17293632, rs2487928, rs429358, rs6679677, rs6679677",rs6679677,"{
|
||||
""answer"": ""rs6679677""
|
||||
}"
|
||||
"Out of the given list, which Variant is associated with autoimmune disease and keratinocyte carcinoma""@e. Given list is: rs259919, rs10455872, rs11958220, rs72928038, rs141343442",rs72928038,"{
|
||||
""answer"": ""rs10455872""
|
||||
}"
|
||||
"Out of the given list, which Variant is associated with autoimmune disease and anti-neutrophil antibody associated vasculitis. Given list is: rs2310752, rs7528604, rs6679677, rs34691223, rs2963222",rs6679677,"{
|
||||
""answer"": ""rs2310752""
|
||||
}"
|
||||
"Out of the given list, which Variant is associated with autoimmune disease and atopic asthma. Given list is: rs62324212, rs10059133, rs149943, rs12931267, rs17156671",rs62324212,"{
|
||||
""answer"": ""This information is not available without specific research data linking these genetic variants to autoimmune disease and atopic asthma.""
|
||||
}"
|
||||
"Out of the given list, which Variant is associated with large artery stroke and aortic stenosis. Given list is: rs10455872, rs35781323, rs4615152, rs761934676, rs11965538",rs10455872,"{
|
||||
""answer"": ""rs10455872""
|
||||
}"
|
||||
"Out of the given list, which Variant is associated with age-related hearing impairment and keratinocyte carcinoma""@e. Given list is: rs259919, rs2503199, rs325485, rs1126809, rs229541",rs1126809,"{
|
||||
""answer"": ""rs1126809""
|
||||
}"
|
||||
"Out of the given list, which Variant is associated with age-related hearing impairment and skin sensitivity to sun. Given list is: rs1126809, rs416223, rs12722502, rs9419958, rs1333049",rs1126809,"{
|
||||
""answer"": ""rs1126809""
|
||||
}"
|
||||
"Out of the given list, which Variant is associated with atopic asthma and autoimmune disease. Given list is: rs2447827, rs1937455, rs62324212, rs12205199, rs4482879",rs62324212,"{
|
||||
""answer"": ""This information is not universally established and may vary based on different studies. Please refer to the latest research or genetic databases for the most accurate information.""
|
||||
}"
|
||||
|
101
data/results/kg_rag_output.csv
Normal file
@@ -0,0 +1,101 @@
|
||||
disease_name,gene_name,gwas_pvalue,question,question_perturbed,kg_rag_answer,total_tokens_used,kg_rag_answer_perturbed,total_tokens_used_perturbed
|
||||
childhood-onset asthma,RORA,2e-37,What is the GWAS p-value for the association between childhood-onset asthma and RORA?,What is the GWAS p-value for the association between childhood-onset asthma and rora?,The GWAS p-value for the association between childhood-onset asthma and the gene RORA is 2e-37 (GWAS Catalog).,1947,The GWAS p-value for the association between childhood-onset asthma and the gene RORA is 2e-37 (GWAS Catalog).,1947
|
||||
skin benign neoplasm,SHANK2,5e-08,What is the GWAS p-value for the association between SHANK2 and skin benign neoplasm?,What is the GWAS p-value for the association between shank2 and skin benign neoplasm?,The GWAS p-value for the association between SHANK2 and skin benign neoplasm is 5e-08. This information is derived from the GWAS Catalog.,3743,The GWAS p-value for the association between SHANK2 and skin benign neoplasm is 5e-08. This information is derived from the GWAS Catalog.,3743
|
||||
hypertrophic cardiomyopathy,AMBRA1,1e-16,Is hypertrophic cardiomyopathy associated with AMBRA1?,Is hypertrophic cardiomyopathy associated with ambra1?,"Yes, hypertrophic cardiomyopathy is associated with the gene AMBRA1. The provenance of this association is the GWAS Catalog.",3998,"Yes, hypertrophic cardiomyopathy is associated with the gene AMBRA1. The provenance of this association is the GWAS Catalog.",3998
|
||||
lung adenocarcinoma,CYP2A6,8e-11,What is the GWAS p-value for the association between CYP2A6 and lung adenocarcinoma?,What is the GWAS p-value for the association between cyp2a6 and lung adenocarcinoma?,The GWAS p-value for the association between CYP2A6 and lung adenocarcinoma is 8e-11 (GWAS Catalog).,4917,The GWAS p-value for the association between CYP2A6 and lung adenocarcinoma is 8e-11. This information is derived from the GWAS Catalog.,4923
|
||||
idiopathic generalized epilepsy,RYR2,3e-09,Is idiopathic generalized epilepsy associated with RYR2?,Is idiopathic generalized epilepsy associated with ryr2?,"Yes, the disease idiopathic generalized epilepsy is associated with the gene RYR2. This association is reported in the GWAS Catalog.",1714,"Yes, the disease idiopathic generalized epilepsy is associated with the gene RYR2. This association is reported in the GWAS Catalog.",1714
|
||||
gastric fundus cancer,PLCE1,2e-22,What is the GWAS p-value for the association between PLCE1 and gastric fundus cancer?,What is the GWAS p-value for the association between plce1 and gastric fundus cancer?,"The GWAS p-value for the association between the gene PLCE1 and gastric fundus cancer is 2e-22, as per the GWAS Catalog.",543,"The GWAS p-value for the association between the gene PLCE1 and gastric fundus cancer is 2e-22, as per the GWAS Catalog.",543
|
||||
hypertrophic cardiomyopathy,VTI1A,4e-12,Is VTI1A associated with hypertrophic cardiomyopathy?,Is vti1a associated with hypertrophic cardiomyopathy?,"Yes, the gene VTI1A is associated with hypertrophic cardiomyopathy. This association is reported in the GWAS Catalog.",3729,"Yes, the gene VTI1A is associated with hypertrophic cardiomyopathy. This association is proven by the GWAS Catalog.",3729
|
||||
peptic ulcer disease,TTC33,5e-25,Is peptic ulcer disease associated with TTC33?,Is peptic ulcer disease associated with ttc33?,"Yes, peptic ulcer disease is associated with the gene TTC33. The provenance of this association is the GWAS Catalog.",3272,"Yes, peptic ulcer disease is associated with the gene TTC33. The provenance of this association is the GWAS Catalog.",3272
|
||||
multiple sclerosis,TSPAN31,2e-09,Is multiple sclerosis associated with TSPAN31?,Is multiple sclerosis associated with tspan31?,"Yes, the disease multiple sclerosis is associated with the gene TSPAN31. This association is proven by the GWAS Catalog, with a p-value of 2e-09 indicating a statistically significant association.",3348,"Yes, the disease multiple sclerosis is associated with the gene TSPAN31. This association is proven by the GWAS Catalog, with a p-value of 2e-09, indicating a statistically significant association.",3349
|
||||
large intestine cancer,ABHD12B,7e-09,What is the GWAS p-value for the association between ABHD12B and large intestine cancer?,What is the GWAS p-value for the association between abhd12b and large intestine cancer?,The GWAS p-value for the association between ABHD12B and large intestine cancer is 7e-09 (GWAS Catalog).,1920,The GWAS p-value for the association between ABHD12B and large intestine cancer is 7e-09 (GWAS Catalog).,1920
|
||||
prostate carcinoma,ESR2,7e-12,What is the GWAS p-value for the association between ESR2 and prostate carcinoma?,What is the GWAS p-value for the association between esr2 and prostate carcinoma?,The GWAS p-value for the association between ESR2 and prostate carcinoma is 7e-12 (GWAS Catalog).,4234,The GWAS p-value for the association between ESR2 and prostate carcinoma is 7e-12 (GWAS Catalog).,4234
|
||||
inflammatory bowel disease,SH2B3,1e-09,What is the GWAS p-value for the association between inflammatory bowel disease and SH2B3?,What is the GWAS p-value for the association between inflammatory bowel disease and sh2b3?,The GWAS p-value for the association between inflammatory bowel disease and the gene SH2B3 is 1e-09 (GWAS Catalog).,5394,The GWAS p-value for the association between inflammatory bowel disease and the gene SH2B3 is 1e-09 (GWAS Catalog).,5394
|
||||
mastocytosis,FTCD,1e-09,What is the GWAS p-value for the association between mastocytosis and FTCD?,What is the GWAS p-value for the association between mastocytosis and ftcd?,The GWAS p-value for the association between mastocytosis and the FTCD gene is 1e-09. This information is derived from the GWAS Catalog.,860,The GWAS p-value for the association between mastocytosis and the FTCD gene is 1e-09. This information is sourced from the GWAS Catalog.,860
|
||||
major depressive disorder,FURIN,3e-19,What is the GWAS p-value for the association between FURIN and major depressive disorder?,What is the GWAS p-value for the association between furin and major depressive disorder?,The GWAS p-value for the association between FURIN and major depressive disorder is 3e-19. This information is derived from the GWAS Catalog.,3102,The GWAS p-value for the association between FURIN and major depressive disorder is 3e-19 (GWAS Catalog).,3096
|
||||
testicular cancer,TERT,8e-15,Is testicular cancer associated with TERT?,Is testicular cancer associated with tert?,"Yes, testicular cancer is associated with the gene TERT. This association is proven by GWAS (Genome-Wide Association Studies) with a p-value of 8e-15, indicating a statistically significant association (Provenance: GWAS Catalog).",9725,"Yes, testicular cancer is associated with the gene TERT. This association is reported in the GWAS Catalog.",9695
|
||||
type 2 diabetes mellitus,SLC24A3,3e-17,Is SLC24A3 associated with type 2 diabetes mellitus?,Is slc24a3 associated with type 2 diabetes mellitus?,"Yes, the gene SLC24A3 is associated with type 2 diabetes mellitus. This association is reported in the GWAS Catalog with a p-value of 3e-17, indicating a statistically significant association.",9410,"Yes, the gene SLC24A3 is associated with type 2 diabetes mellitus. This association is reported in the GWAS Catalog with a p-value of 3e-17, indicating a statistically significant association.",9410
|
||||
celiac disease,PLEK,8e-09,Is celiac disease associated with PLEK?,Is celiac disease associated with plek?,"Yes, celiac disease is associated with the gene PLEK. This association is reported in the GWAS Catalog.",1421,"Yes, celiac disease is associated with the gene PLEK. This association is reported in the GWAS Catalog with a p-value of 8e-09, indicating a statistically significant association.",1437
|
||||
endometrial carcinoma,CPVL,2e-08,What is the GWAS p-value for the association between endometrial carcinoma and CPVL?,What is the GWAS p-value for the association between endometrial carcinoma and cpvl?,The GWAS p-value for the association between endometrial carcinoma and CPVL is 2e-08 (GWAS Catalog).,1756,The GWAS p-value for the association between endometrial carcinoma and CPVL is 2e-08. This information is sourced from the GWAS Catalog.,1762
|
||||
allergic disease,ZNF652,1e-15,Is allergic disease associated with ZNF652?,Is allergic disease associated with znf652?,"Yes, the allergic disease is associated with the gene ZNF652. This association is proven by GWAS (Genome-Wide Association Studies) with a p-value of 1e-15, indicating a statistically significant association. (Provenance: GWAS Catalog)",3315,"Yes, the allergic disease is associated with the gene ZNF652. This association is reported in the GWAS Catalog. The p-value for this association is 1e-15, indicating a very strong statistical significance.",3304
|
||||
systemic lupus erythematosus,ELF3,4e-09,What is the GWAS p-value for the association between systemic lupus erythematosus and ELF3?,What is the GWAS p-value for the association between systemic lupus erythematosus and elf3?,The GWAS p-value for the association between systemic lupus erythematosus and the gene ELF3 is 4e-09. This information is derived from the GWAS Catalog.,6156,The GWAS p-value for the association between systemic lupus erythematosus and the ELF3 gene is 4e-09 (GWAS Catalog).,6150
|
||||
hemorrhoid,GMDS,2e-31,Is GMDS associated with hemorrhoid?,Is gmds associated with hemorrhoid?,"Yes, the gene GMDS is associated with the disease hemorrhoid. This association is proven by the GWAS Catalog, with a p-value of 2e-31, indicating a very strong statistical significance.",2086,"Yes, the gene GMDS is associated with the disease hemorrhoid. This association is proven by the GWAS Catalog, with a p-value of 2e-31, indicating a very strong statistical significance.",2086
|
||||
rheumatoid arthritis,DPP4,2e-21,What is the GWAS p-value for the association between rheumatoid arthritis and DPP4?,What is the GWAS p-value for the association between rheumatoid arthritis and dpp4?,"The GWAS p-value for the association between rheumatoid arthritis and the DPP4 gene is 2e-21, as per the GWAS Catalog.",5011,"The GWAS p-value for the association between rheumatoid arthritis and the DPP4 gene is 2e-21, as per the GWAS Catalog.",5011
|
||||
colon carcinoma,SMAD7,3e-08,What is the GWAS p-value for the association between SMAD7 and colon carcinoma?,What is the GWAS p-value for the association between smad7 and colon carcinoma?,The GWAS p-value for the association between SMAD7 and colon carcinoma is 3e-08. This information is sourced from the GWAS Catalog.,328,The GWAS p-value for the association between SMAD7 and colon carcinoma is 3e-08. This information is sourced from the GWAS Catalog.,328
|
||||
pulmonary hypertension,PKIA,2e-09,What is the GWAS p-value for the association between PKIA and pulmonary hypertension?,What is the GWAS p-value for the association between pkia and pulmonary hypertension?,The GWAS p-value for the association between PKIA and pulmonary hypertension is 2e-09. This information is derived from the GWAS Catalog.,2143,The GWAS p-value for the association between PKIA and pulmonary hypertension is 2e-09. This information is derived from the GWAS Catalog.,2143
|
||||
autoimmune thyroiditis,TNFRSF14,2e-11,What is the GWAS p-value for the association between autoimmune thyroiditis and TNFRSF14?,What is the GWAS p-value for the association between autoimmune thyroiditis and tnfrsf14?,The GWAS p-value for the association between autoimmune thyroiditis and the gene TNFRSF14 is 2e-11 (GWAS Catalog).,1701,"The GWAS p-value for the association between autoimmune thyroiditis and the gene TNFRSF14 is 2e-11, as per the GWAS Catalog.",1704
|
||||
psoriatic arthritis,CNTNAP2,5e-28,Is psoriatic arthritis associated with CNTNAP2?,Is psoriatic arthritis associated with cntnap2?,"Yes, psoriatic arthritis is associated with the gene CNTNAP2. This association is reported in the GWAS Catalog.",1685,"Yes, psoriatic arthritis is associated with the gene CNTNAP2. This association is proven by the GWAS Catalog. The p-value for this association is 5e-28, indicating a very strong statistical significance.",1705
|
||||
primary biliary cholangitis,CCDC88B,1e-10,Is primary biliary cholangitis associated with CCDC88B?,Is primary biliary cholangitis associated with ccdc88b?,"Yes, primary biliary cholangitis is associated with the gene CCDC88B. This association is proven by the GWAS Catalog.",2468,"Yes, primary biliary cholangitis is associated with the gene CCDC88B. This association is reported in the GWAS Catalog (Provenance: GWAS).",2475
|
||||
otosclerosis,MARK3,3e-18,Is MARK3 associated with otosclerosis?,Is mark3 associated with otosclerosis?,"Yes, the gene MARK3 is associated with the disease otosclerosis. This association is proven by the GWAS Catalog, with a p-value of 3e-18 indicating a very strong statistical significance.",586,"Yes, the gene MARK3 is associated with the disease otosclerosis. This association is proven by the GWAS Catalog with a p-value of 3e-18, indicating a very strong statistical significance.",586
|
||||
large intestine cancer,RHPN2,4e-41,What is the GWAS p-value for the association between RHPN2 and large intestine cancer?,What is the GWAS p-value for the association between rhpn2 and large intestine cancer?,The GWAS p-value for the association between RHPN2 and large intestine cancer is 4e-41 (GWAS Catalog).,1914,The GWAS p-value for the association between RHPN2 and large intestine cancer is 4e-41 (GWAS Catalog).,1914
|
||||
anxiety disorder,NTRK2,7e-09,Is anxiety disorder associated with NTRK2?,Is anxiety disorder associated with ntrk2?,"Yes, anxiety disorder is associated with the gene NTRK2. This association is proven by the GWAS Catalog.",591,"Yes, anxiety disorder is associated with the gene NTRK2. This association is proven by the GWAS Catalog.",591
|
||||
atopic dermatitis,RERE,6e-16,Is atopic dermatitis associated with RERE?,Is atopic dermatitis associated with rere?,"Yes, the disease atopic dermatitis is associated with the gene RERE. This association is reported in the GWAS Catalog.",2956,"Yes, the disease atopic dermatitis is associated with the gene RERE. This association is reported in the GWAS Catalog.",2956
|
||||
asthma,PRR5L,6e-12,Is PRR5L associated with asthma?,Is prr5l associated with asthma?,"Yes, the gene PRR5L is associated with the disease asthma. This association is proven by GWAS (Genome-Wide Association Studies) with a p-value of 6e-12, indicating a statistically significant association. (Provenance: GWAS Catalog)",8690,"Yes, the gene PRR5L is associated with the disease asthma. This association is proven by GWAS (Genome-Wide Association Studies) with a p-value of 6e-12, indicating a statistically significant association. (Provenance: GWAS Catalog)",8690
|
||||
gastric fundus cancer,GON4L,1e-15,What is the GWAS p-value for the association between gastric fundus cancer and GON4L?,What is the GWAS p-value for the association between gastric fundus cancer and gon4l?,The GWAS p-value for the association between gastric fundus cancer and GON4L is 1e-15. This information is derived from the GWAS Catalog.,546,"The GWAS p-value for the association between gastric fundus cancer and the GON4L gene is 1e-15, as per the GWAS Catalog.",545
|
||||
type 2 diabetes mellitus,DNAH1,7e-21,Is type 2 diabetes mellitus associated with DNAH1?,Is type 2 diabetes mellitus associated with dnah1?,"Yes, type 2 diabetes mellitus is associated with the gene DNAH1. This association is reported in the GWAS Catalog with a p-value of 7e-21, indicating a statistically significant association. (Provenance: GWAS Catalog)",7905,"Yes, type 2 diabetes mellitus is associated with the gene DNAH1. This association is reported in the GWAS Catalog with a p-value of 7e-21, indicating a statistically significant association. [Provenance: GWAS Catalog]",7905
|
||||
schizophrenia,SLC17A3,3e-20,What is the GWAS p-value for the association between schizophrenia and SLC17A3?,What is the GWAS p-value for the association between schizophrenia and slc17a3?,"The GWAS p-value for the association between schizophrenia and the gene SLC17A3 is 3e-20, as per the GWAS Catalog.",7965,"The GWAS p-value for the association between schizophrenia and the gene SLC17A3 is 3e-20, as per the GWAS Catalog.",7965
|
||||
inflammatory bowel disease,FADS2,2e-15,What is the GWAS p-value for the association between inflammatory bowel disease and FADS2?,What is the GWAS p-value for the association between inflammatory bowel disease and fads2?,"The GWAS p-value for the association between inflammatory bowel disease and the FADS2 gene is 2e-15, as per the GWAS Catalog.",5256,"The GWAS p-value for the association between inflammatory bowel disease and the FADS2 gene is 2e-15, as per the GWAS Catalog.",5256
|
||||
opiate dependence,ADGRV1,2e-09,Is opiate dependence associated with ADGRV1?,Is opiate dependence associated with adgrv1?,"Yes, opiate dependence is associated with the gene ADGRV1. This association is reported in the GWAS Catalog.",489,"Yes, opiate dependence is associated with the gene ADGRV1. This association is reported in the GWAS Catalog.",489
|
||||
attention deficit hyperactivity disorder,ST3GAL3,8e-14,What is the GWAS p-value for the association between attention deficit hyperactivity disorder and ST3GAL3?,What is the GWAS p-value for the association between attention deficit hyperactivity disorder and st3gal3?,The GWAS p-value for the association between attention deficit hyperactivity disorder and the gene ST3GAL3 is 8e-14 (GWAS Catalog).,5853,The GWAS p-value for the association between attention deficit hyperactivity disorder and the gene ST3GAL3 is 8e-14 (GWAS Catalog).,5853
|
||||
cataract,C3orf49,2e-11,Is C3orf49 associated with cataract?,Is c3orf49 associated with cataract?,"Yes, the gene C3orf49 is associated with the disease cataract. This association is proven by GWAS Catalog.",4225,"Yes, the gene C3orf49 is associated with the disease cataract. This association is reported in the GWAS Catalog.",4226
|
||||
duodenal ulcer,PLD1,5e-08,What is the GWAS p-value for the association between PLD1 and duodenal ulcer?,What is the GWAS p-value for the association between pld1 and duodenal ulcer?,The GWAS p-value for the association between the gene PLD1 and duodenal ulcer is 5e-08. This information is sourced from the GWAS Catalog.,1047,The GWAS p-value for the association between the gene PLD1 and duodenal ulcer is 5e-08. This information is sourced from the GWAS Catalog.,1047
|
||||
chronic obstructive pulmonary disease,CHRNA3,5e-28,What is the GWAS p-value for the association between CHRNA3 and chronic obstructive pulmonary disease?,What is the GWAS p-value for the association between chrna3 and chronic obstructive pulmonary disease?,The GWAS p-value for the association between the CHRNA3 gene and chronic obstructive pulmonary disease is 5e-28. This information is derived from the GWAS Catalog.,8240,The GWAS p-value for the association between the CHRNA3 gene and chronic obstructive pulmonary disease is 5e-28. This information is sourced from the GWAS Catalog.,8240
|
||||
pancreatic carcinoma,CCDC68,5e-09,What is the GWAS p-value for the association between pancreatic carcinoma and CCDC68?,What is the GWAS p-value for the association between pancreatic carcinoma and ccdc68?,The GWAS p-value for the association between pancreatic carcinoma and the gene CCDC68 is 5e-09. This information is sourced from the GWAS Catalog.,680,"The GWAS p-value for the association between pancreatic carcinoma and the gene CCDC68 is 5e-09, as per the GWAS Catalog.",677
|
||||
primary biliary cholangitis,HLA-DPB1,2e-22,Is HLA-DPB1 associated with primary biliary cholangitis?,Is hla-dpb1 associated with primary biliary cholangitis?,"Yes, the gene HLA-DPB1 is associated with the disease primary biliary cholangitis. This association is proven by the GWAS Catalog.",2166,"Yes, the gene HLA-DPB1 is associated with the disease primary biliary cholangitis. This association is proven by the GWAS Catalog.",2166
|
||||
atopic dermatitis,GABPB2,2.0000000000000001e-88,Is atopic dermatitis associated with GABPB2?,Is atopic dermatitis associated with gabpb2?,"Yes, atopic dermatitis is associated with the gene GABPB2. This association is proven by GWAS (Genome-Wide Association Studies) with a p-value of 2e-88, indicating a very strong statistical significance. (Provenance: GWAS Catalog)",2917,"Yes, atopic dermatitis is associated with the gene GABPB2. This association is proven by the GWAS Catalog, with a p-value of 2e-88, indicating a very strong statistical significance.",2903
|
||||
systemic lupus erythematosus,HIP1,5.999999999999999e-62,What is the GWAS p-value for the association between HIP1 and systemic lupus erythematosus?,What is the GWAS p-value for the association between hip1 and systemic lupus erythematosus?,The GWAS p-value for the association between HIP1 and systemic lupus erythematosus is 6e-62 (GWAS Catalog).,6130,The GWAS p-value for the association between the HIP1 gene and systemic lupus erythematosus is 6e-62. This information is derived from the GWAS Catalog.,6138
|
||||
hypothyroidism,TIMMDC1,3e-09,Is hypothyroidism associated with TIMMDC1?,Is hypothyroidism associated with timmdc1?,"Yes, hypothyroidism is associated with the gene TIMMDC1. The provenance of this association is the GWAS Catalog. The GWAS p-value for this association is 3e-09, indicating a statistically significant association. However, for any medical concerns or symptoms, it is recommended to consult with a healthcare professional.",8195,"Yes, hypothyroidism is associated with the gene TIMMDC1. The provenance of this association is the GWAS Catalog, with a GWAS p-value of 3e-09.",8168
|
||||
degenerative myopia,MIPEP,2e-16,What is the GWAS p-value for the association between degenerative myopia and MIPEP?,What is the GWAS p-value for the association between degenerative myopia and mipep?,The GWAS p-value for the association between degenerative myopia and the gene MIPEP is 2e-16. This information is sourced from the GWAS Catalog.,1151,"The GWAS p-value for the association between degenerative myopia and the gene MIPEP is 2e-16, as per the GWAS Catalog.",1148
|
||||
alcoholic pancreatitis,CASP9,6e-09,Is alcoholic pancreatitis associated with CASP9?,Is alcoholic pancreatitis associated with casp9?,"Yes, the disease alcoholic pancreatitis is associated with the gene CASP9. This association is reported in the GWAS Catalog.",720,"Yes, the disease alcoholic pancreatitis is associated with the gene CASP9. This association is reported in the GWAS Catalog.",720
|
||||
lung squamous cell carcinoma,PDS5B,9e-12,Is lung squamous cell carcinoma associated with PDS5B?,Is lung squamous cell carcinoma associated with pds5b?,"Yes, lung squamous cell carcinoma is associated with the gene PDS5B. This association is proven by the GWAS Catalog with a p-value of 9e-12, indicating a statistically significant association.",720,"Yes, lung squamous cell carcinoma is associated with the gene PDS5B. This association is proven by the GWAS Catalog, with a p-value of 9e-12 indicating a strong statistical significance.",720
|
||||
common variable immunodeficiency,CLEC16A,2e-09,What is the GWAS p-value for the association between CLEC16A and common variable immunodeficiency?,What is the GWAS p-value for the association between clec16a and common variable immunodeficiency?,The GWAS p-value for the association between CLEC16A and common variable immunodeficiency is 2e-09. This information is sourced from the GWAS Catalog.,1055,The GWAS p-value for the association between CLEC16A and common variable immunodeficiency is 2e-09. This information is sourced from the GWAS Catalog.,1055
|
||||
lung non-small cell carcinoma,TERT,9.999999999999999e-43,Is TERT associated with lung non-small cell carcinoma?,Is tert associated with lung non-small cell carcinoma?,"Yes, the gene TERT is associated with lung non-small cell carcinoma. This association is reported in the GWAS Catalog with a p-value of 1e-42, indicating a statistically significant association. [Provenance: GWAS Catalog]",13505,"Yes, the gene TERT is associated with lung non-small cell carcinoma. This association is reported in the GWAS Catalog with a p-value of 1e-42, indicating a statistically significant association. (Provenance: GWAS Catalog)",13505
|
||||
cardiovascular system disease,PSMD3,1e-20,Is PSMD3 associated with cardiovascular system disease?,Is psmd3 associated with cardiovascular system disease?,"Yes, the gene PSMD3 is associated with cardiovascular system disease. This association is reported in the GWAS Catalog.",7365,"Yes, the gene PSMD3 is associated with cardiovascular system disease. This association is reported in the GWAS Catalog.",7365
|
||||
gestational diabetes,CCND2,3e-12,What is the GWAS p-value for the association between gestational diabetes and CCND2?,What is the GWAS p-value for the association between gestational diabetes and ccnd2?,The GWAS p-value for the association between gestational diabetes and the gene CCND2 is 3e-12. This information is sourced from the GWAS Catalog.,945,The GWAS p-value for the association between gestational diabetes and the gene CCND2 is 3e-12. This information is sourced from the GWAS Catalog.,945
|
||||
major depressive disorder,TMEM106B,8.000000000000001e-24,Is TMEM106B associated with major depressive disorder?,Is tmem106b associated with major depressive disorder?,"Yes, the gene TMEM106B is associated with major depressive disorder. This association is proven by GWAS Catalog with a p-value of 8e-24, indicating a very strong statistical significance.",3115,"Yes, the gene TMEM106B is associated with major depressive disorder. This association is proven by GWAS Catalog with a p-value of 8e-24, indicating a very strong statistical significance.",3115
|
||||
keratoconus,COL6A1,9e-12,What is the GWAS p-value for the association between COL6A1 and keratoconus?,What is the GWAS p-value for the association between col6a1 and keratoconus?,The GWAS p-value for the association between COL6A1 and keratoconus is 9e-12 (GWAS Catalog).,2391,The GWAS p-value for the association between COL6A1 and keratoconus is 9e-12 (GWAS Catalog).,2391
|
||||
chronic lymphocytic leukemia,RREB1,1e-08,Is chronic lymphocytic leukemia associated with RREB1?,Is chronic lymphocytic leukemia associated with rreb1?,"Yes, chronic lymphocytic leukemia is associated with the gene RREB1. This association is reported in the GWAS Catalog.",1302,"Yes, chronic lymphocytic leukemia is associated with the gene RREB1. This association is reported in the GWAS Catalog.",1302
|
||||
prostate carcinoma,PARPBP,3e-13,Is PARPBP associated with prostate carcinoma?,Is parpbp associated with prostate carcinoma?,"Yes, the gene PARPBP is associated with the disease prostate carcinoma. This association is reported in the GWAS Catalog with a p-value of 3e-13, indicating a statistically significant association.",4257,"Yes, the gene PARPBP is associated with the disease prostate carcinoma. This association is reported in the GWAS Catalog with a p-value of 3e-13, indicating a statistically significant association.",4257
|
||||
testicular germ cell cancer,ZFP64,3e-12,What is the GWAS p-value for the association between testicular germ cell cancer and ZFP64?,What is the GWAS p-value for the association between testicular germ cell cancer and zfp64?,The GWAS p-value for the association between testicular germ cell cancer and the gene ZFP64 is 3e-12. This information is derived from the GWAS Catalog.,929,The GWAS p-value for the association between testicular germ cell cancer and the gene ZFP64 is 3e-12. This information is derived from the GWAS Catalog.,929
|
||||
psoriasis,KLF13,9e-10,What is the GWAS p-value for the association between KLF13 and psoriasis?,What is the GWAS p-value for the association between klf13 and psoriasis?,The GWAS p-value for the association between KLF13 and psoriasis is 9e-10. This information is derived from the GWAS Catalog.,3070,The GWAS p-value for the association between KLF13 and psoriasis is 9e-10. This information is derived from the GWAS Catalog.,3070
|
||||
coronary artery disease,ADGRL3,3e-23,Is coronary artery disease associated with ADGRL3?,Is coronary artery disease associated with adgrl3?,"Yes, coronary artery disease is associated with the gene ADGRL3. This association is reported in the GWAS Catalog. The GWAS p-value for this association is 3e-23, indicating a statistically significant association. However, it's important to consult with a healthcare professional for a comprehensive understanding.",11749,"Yes, coronary artery disease is associated with the gene ADGRL3. This association is reported in the GWAS Catalog. The GWAS p-value for this association is 3e-23, indicating a statistically significant association.",11733
|
||||
abdominal obesity-metabolic syndrome 1,JMJD1C,2e-14,What is the GWAS p-value for the association between abdominal obesity-metabolic syndrome 1 and JMJD1C?,What is the GWAS p-value for the association between abdominal obesity-metabolic syndrome 1 and jmjd1c?,The GWAS p-value for the association between abdominal obesity-metabolic syndrome 1 and JMJD1C is 2e-14. This information is derived from the GWAS Catalog.,2142,The GWAS p-value for the association between abdominal obesity-metabolic syndrome 1 and JMJD1C is 2e-14 (GWAS Catalog).,2136
|
||||
type 1 diabetes mellitus,CUX2,1e-16,Is CUX2 associated with type 1 diabetes mellitus?,Is cux2 associated with type 1 diabetes mellitus?,"Yes, the gene CUX2 is associated with type 1 diabetes mellitus. This association is reported in the GWAS Catalog with a p-value of 1e-16, indicating a statistically significant association.",3800,"Yes, the gene CUX2 is associated with type 1 diabetes mellitus. This association is reported in the GWAS Catalog with a p-value of 1e-16, indicating a statistically significant association.",3800
|
||||
type 2 diabetes mellitus,KCNK16,4e-17,What is the GWAS p-value for the association between KCNK16 and type 2 diabetes mellitus?,What is the GWAS p-value for the association between kcnk16 and type 2 diabetes mellitus?,The GWAS p-value for the association between KCNK16 and type 2 diabetes mellitus is 4e-17. This information is derived from the GWAS Catalog.,8603,"The GWAS p-value for the association between KCNK16 and type 2 diabetes mellitus is 4e-17, as reported in the GWAS Catalog.",8601
|
||||
type 1 diabetes mellitus,DGKQ,6e-09,Is type 1 diabetes mellitus associated with DGKQ?,Is type 1 diabetes mellitus associated with dgkq?,"Yes, type 1 diabetes mellitus is associated with the gene DGKQ. This association is reported in the GWAS Catalog with a p-value of 6e-09, indicating a statistically significant association.",3720,"Yes, type 1 diabetes mellitus is associated with the gene DGKQ. This association is reported in the GWAS Catalog with a p-value of 6e-09, indicating a statistically significant association.",3720
|
||||
refractive error,SIX6,2e-16,What is the GWAS p-value for the association between SIX6 and refractive error?,What is the GWAS p-value for the association between six6 and refractive error?,The GWAS p-value for the association between the gene SIX6 and refractive error is 2e-16 (GWAS Catalog).,2689,The GWAS p-value for the association between the gene SIX6 and refractive error is 2e-16 (GWAS Catalog).,2689
|
||||
Parkinson's disease,MAP4K4,8e-13,What is the GWAS p-value for the association between MAP4K4 and Parkinson's disease?,What is the GWAS p-value for the association between map4k4 and parkinson's disease?,"The GWAS p-value for the association between MAP4K4 and Parkinson's disease is 8e-13, as per the GWAS Catalog.",3738,"The GWAS p-value for the association between MAP4K4 and Parkinson's disease is 8e-13, as per the GWAS Catalog.",3738
|
||||
autism spectrum disorder,DCC,3e-08,Is autism spectrum disorder associated with DCC?,Is autism spectrum disorder associated with dcc?,"Yes, the autism spectrum disorder is associated with the gene DCC. This association is reported in the GWAS Catalog.",1458,"Yes, the autism spectrum disorder is associated with the gene DCC. This association is reported in the GWAS Catalog.",1458
|
||||
multiple sclerosis,NR1D1,9e-14,Is multiple sclerosis associated with NR1D1?,Is multiple sclerosis associated with nr1d1?,"Yes, the disease multiple sclerosis is associated with the gene NR1D1. This association is proven by GWAS Catalog with a p-value of 9e-14.",3357,"Yes, the disease multiple sclerosis is associated with the gene NR1D1. This association is proven by the GWAS Catalog, with a p-value of 9e-14 indicating a statistically significant association.",3364
|
||||
coronary artery disease,SMAD3,1e-19,Is coronary artery disease associated with SMAD3?,Is coronary artery disease associated with smad3?,"Yes, coronary artery disease is associated with the gene SMAD3. This association is reported in the GWAS Catalog and DISEASES database - https://diseases.jensenlab.org, with a GWAS p-value of 1e-26 indicating a strong association.",8348,"Yes, coronary artery disease is associated with the gene SMAD3. This association is reported in the GWAS Catalog.",8315
|
||||
prostate carcinoma,ANO7,8e-43,What is the GWAS p-value for the association between ANO7 and prostate carcinoma?,What is the GWAS p-value for the association between ano7 and prostate carcinoma?,The GWAS p-value for the association between the ANO7 gene and prostate carcinoma is 8e-43. This information is derived from the GWAS Catalog.,4239,The GWAS p-value for the association between the ANO7 gene and prostate carcinoma is 8e-43 (GWAS Catalog).,4233
|
||||
ovarian carcinoma,FGFR2,4.0000000000000004e-254,What is the GWAS p-value for the association between FGFR2 and ovarian carcinoma?,What is the GWAS p-value for the association between fgfr2 and ovarian carcinoma?,"The GWAS p-value for the association between FGFR2 and ovarian carcinoma is 4e-254, as per the GWAS Catalog.",776,"The GWAS p-value for the association between FGFR2 and ovarian carcinoma is 4e-254, as per the GWAS Catalog.",776
|
||||
lymphoid leukemia,BMF,1e-10,What is the GWAS p-value for the association between BMF and lymphoid leukemia?,What is the GWAS p-value for the association between bmf and lymphoid leukemia?,The GWAS p-value for the association between the BMF gene and lymphoid leukemia is 1e-10. This information is derived from the GWAS Catalog.,585,The GWAS p-value for the association between the BMF gene and lymphoid leukemia is 1e-10. This information is derived from the GWAS Catalog.,585
|
||||
skin melanoma,CYP1B1,3e-16,Is skin melanoma associated with CYP1B1?,Is skin melanoma associated with cyp1b1?,"Yes, skin melanoma is associated with the gene CYP1B1. This association is proven by the GWAS Catalog, with a p-value of 3e-16 indicating a very strong statistical significance.",1004,"Yes, skin melanoma is associated with the gene CYP1B1. This association is proven by the GWAS Catalog, with a p-value of 3e-16 indicating a very strong statistical significance.",1004
|
||||
myositis,ATP6V1G2,6e-49,What is the GWAS p-value for the association between myositis and ATP6V1G2?,What is the GWAS p-value for the association between myositis and atp6v1g2?,The GWAS p-value for the association between myositis and ATP6V1G2 is 6e-49 (GWAS Catalog).,2348,The GWAS p-value for the association between myositis and ATP6V1G2 is 6e-49 (GWAS Catalog).,2348
|
||||
melanoma,SPG7,9e-26,What is the GWAS p-value for the association between SPG7 and melanoma?,What is the GWAS p-value for the association between spg7 and melanoma?,The GWAS p-value for the association between SPG7 and melanoma is 9e-26 (Provenance: GWAS Catalog).,9756,The GWAS p-value for the association between SPG7 and melanoma is 9e-26 (Provenance: GWAS Catalog).,9756
|
||||
type 2 diabetes mellitus,EYA2,6e-19,Is EYA2 associated with type 2 diabetes mellitus?,Is eya2 associated with type 2 diabetes mellitus?,"Yes, the gene EYA2 is associated with type 2 diabetes mellitus. This association is proven by GWAS (Genome-Wide Association Studies) with a p-value of 6e-19, indicating a statistically significant association. [Provenance: GWAS Catalog]",9169,"Yes, the gene EYA2 is associated with type 2 diabetes mellitus. This association is proven by GWAS (Genome-Wide Association Studies) with a p-value of 6e-19, indicating a statistically significant association.",9160
|
||||
carpal tunnel syndrome,SERPINA1,3e-24,What is the GWAS p-value for the association between SERPINA1 and carpal tunnel syndrome?,What is the GWAS p-value for the association between serpina1 and carpal tunnel syndrome?,The GWAS p-value for the association between SERPINA1 and carpal tunnel syndrome is 3e-24. This information is derived from the GWAS Catalog.,1543,The GWAS p-value for the association between SERPINA1 and carpal tunnel syndrome is 3e-24 (GWAS Catalog).,1537
|
||||
substance-related disorder,FUT2,3e-19,What is the GWAS p-value for the association between substance-related disorder and FUT2?,What is the GWAS p-value for the association between substance-related disorder and fut2?,The GWAS p-value for the association between substance-related disorder and the FUT2 gene is 3e-19. This information is sourced from the GWAS Catalog.,948,The GWAS p-value for the association between substance-related disorder and the FUT2 gene is 3e-19. This information is derived from the GWAS Catalog.,948
|
||||
open-angle glaucoma,PLEKHA7,9e-15,Is open-angle glaucoma associated with PLEKHA7?,Is open-angle glaucoma associated with plekha7?,"Yes, the gene PLEKHA7 is associated with the disease open-angle glaucoma. This association is reported in the GWAS Catalog with a p-value of 9e-15, indicating a statistically significant association.",2943,"Yes, the gene PLEKHA7 is associated with the disease open-angle glaucoma. This association is reported in the GWAS Catalog with a p-value of 9e-15, indicating a statistically significant association.",2943
|
||||
myocardial infarction,ZNF831,1e-08,What is the GWAS p-value for the association between myocardial infarction and ZNF831?,What is the GWAS p-value for the association between myocardial infarction and znf831?,The GWAS p-value for the association between myocardial infarction and the gene ZNF831 is 1e-08 (GWAS Catalog).,7757,The GWAS p-value for the association between myocardial infarction and the gene ZNF831 is 1e-08 (GWAS Catalog).,7757
|
||||
squamous cell carcinoma,IRF4,1e-169,Is IRF4 associated with squamous cell carcinoma?,Is irf4 associated with squamous cell carcinoma?,"Yes, the gene IRF4 is associated with squamous cell carcinoma. This association is proven by the GWAS Catalog. The GWAS p-value for this association is 1e-169, indicating a very strong statistical significance.",3376,"Yes, the gene IRF4 is associated with the disease squamous cell carcinoma. The provenance of this association is the GWAS Catalog.",3358
|
||||
Parkinson's disease,WDHD1,4e-16,What is the GWAS p-value for the association between WDHD1 and Parkinson's disease?,What is the GWAS p-value for the association between wdhd1 and parkinson's disease?,The GWAS p-value for the association between the gene WDHD1 and Parkinson's disease is 4e-16. This information is derived from the GWAS Catalog.,3889,The GWAS p-value for the association between WDHD1 and Parkinson's disease is 4e-16. This information is derived from the GWAS Catalog.,3887
|
||||
cataract,TOP1,1e-11,Is cataract associated with TOP1?,Is cataract associated with top1?,"Yes, the disease cataract is associated with the gene TOP1. This association is proven by the GWAS Catalog.",3650,"Yes, the disease cataract is associated with the gene TOP1. This association is proven by the GWAS Catalog.",3650
|
||||
atrial fibrillation,AGBL4,3e-09,What is the GWAS p-value for the association between atrial fibrillation and AGBL4?,What is the GWAS p-value for the association between atrial fibrillation and agbl4?,The GWAS p-value for the association between atrial fibrillation and the AGBL4 gene is 3e-09 (GWAS Catalog).,4616,The GWAS p-value for the association between atrial fibrillation and the AGBL4 gene is 3e-09 (GWAS Catalog).,4616
|
||||
otosclerosis,SEMA4D,4e-09,What is the GWAS p-value for the association between otosclerosis and SEMA4D?,What is the GWAS p-value for the association between otosclerosis and sema4d?,The GWAS p-value for the association between otosclerosis and SEMA4D is 4e-09. This information is derived from the GWAS Catalog.,590,The GWAS p-value for the association between otosclerosis and SEMA4D is 4e-09. This information is derived from the GWAS Catalog.,590
|
||||
hypothyroidism,RAD51B,2e-11,What is the GWAS p-value for the association between hypothyroidism and RAD51B?,What is the GWAS p-value for the association between hypothyroidism and rad51b?,The GWAS p-value for the association between hypothyroidism and the RAD51B gene is 2e-11 (GWAS Catalog).,8021,The GWAS p-value for the association between hypothyroidism and the RAD51B gene is 2e-11 (GWAS Catalog).,8021
|
||||
childhood-onset asthma,SPSB1,4e-18,What is the GWAS p-value for the association between SPSB1 and childhood-onset asthma?,What is the GWAS p-value for the association between spsb1 and childhood-onset asthma?,"The GWAS p-value for the association between the SPSB1 gene and childhood-onset asthma is 4e-18, as per the GWAS Catalog.",2059,"The GWAS p-value for the association between the SPSB1 gene and childhood-onset asthma is 4e-18, as per the GWAS Catalog.",2059
|
||||
major depressive disorder,ATG7,5e-08,Is major depressive disorder associated with ATG7?,Is major depressive disorder associated with atg7?,"Yes, the major depressive disorder is associated with the gene ATG7. This association is proven by the GWAS Catalog, with a p-value of 5e-08, indicating a statistically significant association.",3109,"Yes, the major depressive disorder is associated with the gene ATG7. This association is proven by the GWAS Catalog, with a p-value of 5e-08 indicating a statistically significant association.",3108
|
||||
alopecia,WNT10A,2e-16,Is WNT10A associated with alopecia?,Is wnt10a associated with alopecia?,"Yes, the gene WNT10A is associated with the disease alopecia. The provenance of this association is the GWAS Catalog.",4843,"Yes, the gene WNT10A is associated with the disease alopecia. The provenance of this association is the GWAS Catalog.",4843
|
||||
inflammatory bowel disease,IL27,1e-21,Is inflammatory bowel disease associated with IL27?,Is inflammatory bowel disease associated with il27?,"Yes, the gene IL27 is associated with inflammatory bowel disease. This association is proven by the GWAS Catalog, with a p-value of 1e-21, indicating a very strong statistical significance.",5454,"Yes, the gene IL27 is associated with inflammatory bowel disease. This association is reported in the GWAS Catalog with a p-value of 1e-21, indicating a statistically significant association.",5452
|
||||
tonsillitis,TNFRSF13B,7.999999999999999e-26,What is the GWAS p-value for the association between tonsillitis and TNFRSF13B?,What is the GWAS p-value for the association between tonsillitis and tnfrsf13b?,The GWAS p-value for the association between tonsillitis and TNFRSF13B is 8e-26. This information is sourced from the GWAS Catalog.,1529,The GWAS p-value for the association between tonsillitis and TNFRSF13B is 8e-26. This information is sourced from the GWAS Catalog.,1529
|
||||
cleft lip,SFI1,3e-08,What is the GWAS p-value for the association between cleft lip and SFI1?,What is the GWAS p-value for the association between cleft lip and sfi1?,The GWAS p-value for the association between cleft lip and the SFI1 gene is 3e-08. This information is derived from the GWAS Catalog.,2684,The GWAS p-value for the association between cleft lip and the SFI1 gene is 3e-08. This information is derived from the GWAS Catalog.,2684
|
||||
multiple sclerosis,INAVA,6e-21,What is the GWAS p-value for the association between multiple sclerosis and INAVA?,What is the GWAS p-value for the association between multiple sclerosis and inava?,"The GWAS p-value for the association between multiple sclerosis and the gene INAVA is 6e-21, as per the GWAS Catalog.",3287,The GWAS p-value for the association between multiple sclerosis and the gene INAVA is 6e-21 (GWAS Catalog).,3284
|
||||
esophageal carcinoma,CASP8,1e-08,Is esophageal carcinoma associated with CASP8?,Is esophageal carcinoma associated with casp8?,"Yes, the disease esophageal carcinoma is associated with the gene CASP8. This association is proven by the GWAS Catalog with a p-value of 1e-08.",487,"Yes, the disease esophageal carcinoma is associated with the gene CASP8. This association is proven by the GWAS Catalog with a p-value of 1e-08, indicating a statistically significant association.",493
|
||||
skin melanoma,GPRC5A,8e-15,Is skin melanoma associated with GPRC5A?,Is skin melanoma associated with gprc5a?,"Yes, skin melanoma is associated with the gene GPRC5A. This association is proven by the GWAS Catalog, with a p-value of 8e-15 indicating a very strong statistical significance.",1011,"Yes, skin melanoma is associated with the gene GPRC5A. This association is proven by the GWAS Catalog, with a p-value of 8e-15 indicating a very strong statistical significance.",1011
|
||||
lung squamous cell carcinoma,BRCA2,1e-15,Is lung squamous cell carcinoma associated with BRCA2?,Is lung squamous cell carcinoma associated with brca2?,"Yes, lung squamous cell carcinoma is associated with the gene BRCA2. This association is proven by the GWAS Catalog with a p-value of 1e-15, indicating a very strong statistical significance.",716,"Yes, lung squamous cell carcinoma is associated with the gene BRCA2. This association is reported in the GWAS Catalog with a p-value of 1e-15, indicating a very strong statistical significance.",716
|
||||
systemic lupus erythematosus,HLA-DRA,2.0000000000000002e-60,What is the GWAS p-value for the association between HLA-DRA and systemic lupus erythematosus?,What is the GWAS p-value for the association between hla-dra and systemic lupus erythematosus?,The GWAS p-value for the association between HLA-DRA and systemic lupus erythematosus is 2e-60. This information is derived from the GWAS Catalog.,6339,The GWAS p-value for the association between HLA-DRA and systemic lupus erythematosus is 2e-60. This information is derived from the GWAS Catalog.,6339
|
||||
type 2 diabetes mellitus,UBE2E2,1.9999999999999998e-42,Is type 2 diabetes mellitus associated with UBE2E2?,Is type 2 diabetes mellitus associated with ube2e2?,"Yes, type 2 diabetes mellitus is associated with the gene UBE2E2. This association is reported in the GWAS Catalog with a p-value of 2e-42, indicating a statistically significant association. [Provenance: GWAS Catalog]",8584,"Yes, type 2 diabetes mellitus is associated with the gene UBE2E2. This association is proven by a GWAS study with a p-value of 2e-42. (Provenance: GWAS Catalog)",8578
|
||||
allergic rhinitis,HLA-DQA1,1e-43,What is the GWAS p-value for the association between HLA-DQA1 and allergic rhinitis?,What is the GWAS p-value for the association between hla-dqa1 and allergic rhinitis?,The GWAS p-value for the association between HLA-DQA1 and allergic rhinitis is 1e-43 (GWAS Catalog).,1550,The GWAS p-value for the association between HLA-DQA1 and allergic rhinitis is 1e-43 (GWAS Catalog).,1550
|
||||
systemic lupus erythematosus,HLA-DQA1,9.999999999999999e-55,What is the GWAS p-value for the association between systemic lupus erythematosus and HLA-DQA1?,What is the GWAS p-value for the association between systemic lupus erythematosus and hla-dqa1?,The GWAS p-value for the association between systemic lupus erythematosus and HLA-DQA1 is 1e-54. This information is derived from the GWAS Catalog.,6094,The GWAS p-value for the association between systemic lupus erythematosus and HLA-DQA1 is 1e-54. This information is derived from the GWAS Catalog.,6094
|
||||
|
@@ -1,323 +0,0 @@
|
||||
text,label,node_hits,score,node_hit_count
|
||||
enhanced S-cone syndrome is not a vitreoretinal degeneration,False,['enhanced S-cone syndrome'],[2.104977569203706e-13],1
|
||||
metronidazole treats crohn's disease,True,"[""Crohn's disease""]",[1.668581044817971e-13],1
|
||||
KLEEFSTRA SYNDROME 1 is not associated with Gene EHMT1,False,['Kleefstra syndrome 1'],[2.243512179419399e-13],1
|
||||
Juvenile polyposis syndrome associates Gene SMAD4,True,['juvenile polyposis syndrome'],[2.4603892057398213e-13],1
|
||||
Disease ontology identifier for congenital generalized lipodystrophy type 2 is DOID:10588,False,['congenital generalized lipodystrophy type 2'],[2.5871318976022906e-13],1
|
||||
Disease ontology identifier for Marfan syndrome is DOID:0060055,False,['Marfan syndrome'],[1.424429964171775e-13],1
|
||||
cystic fibrosis is a respiratory system disorder,True,['cystic fibrosis'],[1.9778367040933914e-13],1
|
||||
alpha-Mannosidosis associates Gene MAN2B1,True,['alpha-mannosidosis'],[2.1663942341432207e-13],1
|
||||
Wolcott-Rallison syndrome associates Gene EIF2AK3,True,['Wolcott-Rallison syndrome'],[3.189410541226678e-13],1
|
||||
Neurofibromatosis 2 is not associated with Gene NF2,False,['neurofibromatosis 2'],[1.6479257737046782e-13],1
|
||||
Angelman syndrome is a syndromic disease,True,['Angelman syndrome'],[1.7164688995239402e-13],1
|
||||
colchicine treats familial mediterranean fever,True,['familial Mediterranean fever'],[3.301386941600981e-13],1
|
||||
Marfan Syndrome associates Gene FBN1,True,['Marfan syndrome'],[1.424429964171775e-13],1
|
||||
Mowat-Wilson syndrome is a syndromic intellectual disability,True,['Mowat-Wilson syndrome'],[1.451910965587222e-13],1
|
||||
mulibrey nanism is a syndromic disease,True,['mulibrey nanism'],[1.5572517776153705e-13],1
|
||||
Disease ontology identifier for pheochromocytoma is DOID:14692,False,['pheochromocytoma'],[2.5271288967704253e-13],1
|
||||
Tangier Disease is not associated with Gene ABCA1,False,['Tangier disease'],[1.167257344383485e-13],1
|
||||
Disease ontology identifier for central diabetes insipidus is DOID:350,False,['central diabetes insipidus'],[3.7899642066297674e-13],1
|
||||
Ulnar-mammary syndrome is not associated with Gene TBX3,False,['ulnar-mammary syndrome'],[2.2638047849059956e-13],1
|
||||
bevacizumab treats hereditary hemorrhagic telangiectasia,True,['hereditary hemorrhagic telangiectasia'],[3.931727990055811e-13],1
|
||||
Liver carcinoma is not associated with Gene MET,False,['liver carcinoma'],[1.842418904073051e-13],1
|
||||
Antithrombin III Deficiency is not associated with Gene SERPINC1,False,['antithrombin III deficiency'],[2.3919237359011636e-13],1
|
||||
Mastocytosis is not associated with Gene KIT,False,['mastocytosis'],[1.4492768964091685e-13],1
|
||||
Disease ontology identifier for Farber lipogranulomatosis is DOID:0050464,True,['Farber lipogranulomatosis'],[4.0909593421178947e-13],1
|
||||
Familial Mediterranean Fever associates Gene MEFV,True,['familial Mediterranean fever'],[3.301386941600981e-13],1
|
||||
Disease ontology identifier for Wiskott-Aldrich syndrome is DOID:9169,True,['Wiskott-Aldrich syndrome'],[2.844346936800579e-13],1
|
||||
Tay-Sachs disease is not a eye degenerative disorder,False,['Tay-Sachs disease'],[1.5392946791335793e-13],1
|
||||
ibuprofen treats cystic fibrosis,True,['cystic fibrosis'],[1.9778367040933914e-13],1
|
||||
Juvenile Myoclonic Epilepsy is not associated with Gene EFHC1,False,['juvenile myoclonic epilepsy'],[2.4098691792096005e-13],1
|
||||
Costello syndrome (disorder) is not associated with Gene HRAS,False,['Costello syndrome'],[3.565253019026382e-13],1
|
||||
Very long chain acyl-CoA dehydrogenase deficiency is not associated with Gene ACADVL,False,['very long chain acyl-CoA dehydrogenase deficiency'],[3.167799681423611e-13],1
|
||||
Wolman disease is a lysosomal acid lipase deficiency,True,"['Wolman disease', 'lysosomal acid lipase deficiency']","[1.5885325010695645e-13, 3.120327889301333e-13]",2
|
||||
Fibrodysplasia Ossificans Progressiva associates Gene ACVR1,True,['fibrodysplasia ossificans progressiva'],[4.367798169587628e-13],1
|
||||
Canavan Disease associates Gene ASPA,True,['Canavan disease'],[1.7866346694195984e-13],1
|
||||
Chediak-Higashi syndrome is a congenital nervous system disorder,True,['Chediak-Higashi syndrome'],[3.393950431026388e-13],1
|
||||
Hereditary hemorrhagic telangiectasia associates Gene ENG,True,['hereditary hemorrhagic telangiectasia'],[3.931727990055811e-13],1
|
||||
Lafora Disease is not associated with Gene NHLRC1,False,['Lafora disease'],[1.1050553782579117e-13],1
|
||||
Pheochromocytoma is not associated with Gene RET,False,['pheochromocytoma'],[2.5271288967704253e-13],1
|
||||
"Xeroderma pigmentosum, group B associates Gene ERCC3",True,['xeroderma pigmentosum'],[1.9229774294183405e-13],1
|
||||
Acute intermittent porphyria is not associated with Gene HMBS,False,['acute intermittent porphyria'],[2.7366569297151977e-13],1
|
||||
melphalan treats melanoma,True,['melanoma'],[1.2498601329249959e-13],1
|
||||
piebaldism is a autosomal dominant disease,True,['piebaldism'],[1.0829068219399274e-13],1
|
||||
vitelliform macular dystrophy is not a macular degeneration,False,"['vitelliform macular dystrophy', 'macular degeneration']","[4.1852128316796633e-13, 2.729089740652335e-13]",2
|
||||
Spinocerebellar Ataxia Type 5 associates Gene SPTBN2,True,['spinocerebellar ataxia type 5'],[3.1493731234011335e-13],1
|
||||
Disease ontology identifier for Pelizaeus-Merzbacher disease is DOID:5688,False,['Pelizaeus-Merzbacher disease'],[2.58709015581865e-13],1
|
||||
"Robinow syndrome, autosomal recessive associates Gene ROR2",True,['Robinow syndrome'],[1.6360052418687432e-13],1
|
||||
Disease ontology identifier for Loeys-Dietz syndrome is DOID:0060745,False,['Loeys-Dietz syndrome'],[2.0558076454287727e-13],1
|
||||
Cystic Fibrosis associates Gene CFTR,True,['cystic fibrosis'],[1.9778367040933914e-13],1
|
||||
Greig cephalopolysyndactyly syndrome associates Gene GLI3,True,['Greig cephalopolysyndactyly syndrome'],[3.023719783671469e-13],1
|
||||
alkaptonuria is not a disorder of tyrosine metabolism,False,['alkaptonuria'],[2.6579492730036125e-13],1
|
||||
Timothy syndrome associates Gene CACNA1C,True,['Timothy syndrome'],[1.3653349826593664e-13],1
|
||||
Unverricht-Lundborg syndrome is a movement disorder,True,['Unverricht-Lundborg syndrome'],[3.15374679496494e-13],1
|
||||
Denys-Drash syndrome is a autosomal dominant disease,True,['Denys-Drash syndrome'],[3.13158516045825e-13],1
|
||||
factor ix treats hemophilia b,True,['hemophilia B'],[1.7090347962777502e-13],1
|
||||
adrenal cortex hormones treats crohn's disease,True,"[""Crohn's disease""]",[1.668581044817971e-13],1
|
||||
Mucopolysaccharidosis VI associates Gene ARSB,True,['mucopolysaccharidosis VI'],[3.2679712885438916e-13],1
|
||||
"HEMOCHROMATOSIS, TYPE 4 associates Gene SLC40A1",True,['hemochromatosis'],[2.0978253585223622e-13],1
|
||||
"Charcot-Marie-Tooth Disease, Type Ib associates Gene MPZ",True,['Charcot-Marie-Tooth disease'],[2.2097754669939823e-13],1
|
||||
Disease ontology identifier for Timothy syndrome is DOID:0060173,True,['Timothy syndrome'],[1.3653349826593664e-13],1
|
||||
Denys-Drash Syndrome is not associated with Gene WT1,False,['Denys-Drash syndrome'],[3.13158516045825e-13],1
|
||||
Cherubism associates Gene SH3BP2,True,['cherubism'],[1.5059569531076372e-13],1
|
||||
PITT-HOPKINS SYNDROME is not associated with Gene TCF4,False,['Pitt-Hopkins syndrome'],[1.4994642083977078e-13],1
|
||||
Greig cephalopolysyndactyly syndrome is not a syndromic disease,False,['Greig cephalopolysyndactyly syndrome'],[3.023719783671469e-13],1
|
||||
Paroxysmal Nonkinesigenic Dyskinesia 1 is not associated with Gene PNKD,False,['paroxysmal nonkinesigenic dyskinesia 1'],[4.4331934499243497e-13],1
|
||||
Enhanced S-Cone Syndrome is not associated with Gene NR2E3,False,['enhanced S-cone syndrome'],[2.104977569203706e-13],1
|
||||
Canavan disease is a inborn aminoacylase deficiency,True,['Canavan disease'],[1.7866346694195984e-13],1
|
||||
Episodic ataxia type 2 (disorder) is not associated with Gene CACNA1A,False,['episodic ataxia type 2'],[1.8752610141808956e-13],1
|
||||
Aniridia is not associated with Gene PAX6,False,['aniridia'],[1.0285960180388826e-13],1
|
||||
Congenital contractural arachnodactyly associates Gene FBN2,True,['congenital contractural arachnodactyly'],[3.2635564172975307e-13],1
|
||||
Muenke Syndrome associates Gene FGFR3,True,['Muenke Syndrome'],[1.4788409212485032e-13],1
|
||||
Carney complex is a autosomal dominant disease,True,['Carney complex'],[1.5241558286738927e-13],1
|
||||
Borjeson-Forssman-Lehmann syndrome is not a X-linked syndromic intellectual disability,False,['Borjeson-Forssman-Lehmann syndrome'],[2.548622391688321e-13],1
|
||||
Johanson-Blizzard syndrome associates Gene UBR1,True,['Johanson-Blizzard syndrome'],[2.8634101925488487e-13],1
|
||||
MASA SYNDROME (disorder) is not associated with Gene L1CAM,False,['MASA syndrome'],[1.46492328901085e-13],1
|
||||
Autosomal dominant hypophosphatemic rickets associates Gene FGF23,True,['autosomal dominant hypophosphatemic rickets'],[3.196870936375551e-13],1
|
||||
Acrodermatitis enteropathica associates Gene SLC39A4,True,['acrodermatitis enteropathica'],[4.087683967354816e-13],1
|
||||
Rothmund-Thomson syndrome is not associated with Gene RECQL4,False,['Rothmund-Thomson syndrome'],[2.5359543024544573e-13],1
|
||||
Cleidocranial Dysplasia associates Gene RUNX2,True,['cleidocranial dysplasia'],[3.781205220893674e-13],1
|
||||
LONG QT SYNDROME 3 associates Gene SCN5A,True,['long QT syndrome 3'],[1.561810576700129e-13],1
|
||||
Infantile hypophosphatasia associates Gene ALPL,True,['infantile hypophosphatasia'],[3.2237458687765785e-13],1
|
||||
acrodermatitis enteropathica is not a inborn metal metabolism disorder,False,['acrodermatitis enteropathica'],[4.087683967354816e-13],1
|
||||
Ataxia Telangiectasia associates Gene ATM,True,['ataxia telangiectasia'],[3.384017783873705e-13],1
|
||||
alpha-galactosidase treats fabry disease,True,['Fabry disease'],[1.6425004260335607e-13],1
|
||||
Laron syndrome is a autosomal recessive disease,True,['Laron syndrome'],[1.759493429859954e-13],1
|
||||
Piebaldism associates Gene KIT,True,['piebaldism'],[1.0829068219399274e-13],1
|
||||
Pfeiffer Syndrome associates Gene FGFR2,True,['Pfeiffer syndrome'],[1.9290309367231417e-13],1
|
||||
"Bernard-Soulier syndrome is a inherited bleeding disorder, platelet-type",True,['Bernard-Soulier syndrome'],[2.3947778981202317e-13],1
|
||||
Burkitt Lymphoma is not associated with Gene MYC,False,['Burkitt lymphoma'],[1.8744099154754945e-13],1
|
||||
Ornithine carbamoyltransferase deficiency associates Gene OTC,True,['ornithine carbamoyltransferase deficiency'],[2.938909695032049e-13],1
|
||||
Nail-Patella Syndrome associates Gene LMX1B,True,['nail-patella syndrome'],[1.4460005729691888e-13],1
|
||||
Tetralogy of Fallot associates Gene ZFPM2,True,['tetralogy of Fallot'],[2.2130872980551108e-13],1
|
||||
Hartnup Disease is not associated with Gene SLC6A19,False,['Hartnup disease'],[1.694796917823399e-13],1
|
||||
Disease ontology identifier for fibrodysplasia ossificans progressiva is DOID:13374,True,['fibrodysplasia ossificans progressiva'],[4.367798169587628e-13],1
|
||||
familial Mediterranean fever is not a primary immunodeficiency due to a genetic defect in innate immunity,False,['familial Mediterranean fever'],[3.301386941600981e-13],1
|
||||
Hemophilia B is not associated with Gene F9,False,['hemophilia B'],[1.7090347962777502e-13],1
|
||||
Rapp-Hodgkin syndrome is a autosomal dominant disease,True,['Rapp-Hodgkin syndrome'],[1.3222573264169007e-13],1
|
||||
Borjeson-Forssman-Lehmann syndrome is not associated with Gene PHF6,False,['Borjeson-Forssman-Lehmann syndrome'],[2.548622391688321e-13],1
|
||||
Multiple Endocrine Neoplasia Type 2b associates Gene RET,True,['multiple endocrine neoplasia type 2B'],[3.0720218036073277e-13],1
|
||||
Choroideremia is not associated with Gene CHM,False,['choroideremia'],[1.8632122754380642e-13],1
|
||||
Wolman Disease associates Gene LIPA,True,['Wolman disease'],[1.5885325010695645e-13],1
|
||||
Adenine phosphoribosyltransferase deficiency associates Gene APRT,True,['adenine phosphoribosyltransferase deficiency'],[3.8799023130593746e-13],1
|
||||
Holt-Oram syndrome is not associated with Gene TBX5,False,['Holt-Oram syndrome'],[1.5437125319359146e-13],1
|
||||
tetralogy of fallot is not a hereditary disease,False,['tetralogy of Fallot'],[2.2130872980551108e-13],1
|
||||
Disease ontology identifier for mosaic variegated aneuploidy syndrome 1 is DOID:0080141,True,['mosaic variegated aneuploidy syndrome 1'],[3.211138494864374e-13],1
|
||||
hemophilia B is a hemorrhagic disease,True,['hemophilia B'],[1.7090347962777502e-13],1
|
||||
fatal familial insomnia is not a insomnia,False,['fatal familial insomnia'],[3.493803282707958e-13],1
|
||||
Disease ontology identifier for mastocytosis is DOID:0060768,False,['mastocytosis'],[1.4492768964091685e-13],1
|
||||
osteosarcoma is a sarcoma,True,"['osteosarcoma', 'sarcoma']","[2.1794271574081259e-13, 1.175082302512856e-13]",2
|
||||
immune checkpoint inhibitors treats melanoma,True,['melanoma'],[1.2498601329249959e-13],1
|
||||
Johanson-Blizzard syndrome is a congenital nervous system disorder,True,['Johanson-Blizzard syndrome'],[2.8634101925488487e-13],1
|
||||
Achondroplasia is not a osteochondrodysplasia,False,"['achondroplasia', 'osteochondrodysplasia']","[1.7661642547767142e-13, 1.8199687362632083e-13]",2
|
||||
KUFOR-RAKEB SYNDROME associates Gene ATP13A2,True,['Kufor-Rakeb syndrome'],[2.5047398508580565e-13],1
|
||||
Loeys-Dietz Syndrome associates Gene TGFBR1,True,['Loeys-Dietz syndrome'],[2.0558076454287727e-13],1
|
||||
Disease ontology identifier for Rothmund-Thomson syndrome is DOID:2732,True,['Rothmund-Thomson syndrome'],[2.5359543024544573e-13],1
|
||||
Angelman Syndrome is not associated with Gene UBE3A,False,['Angelman syndrome'],[1.7164688995239402e-13],1
|
||||
biotinidase deficiency is not a multiple carboxylase deficiency,False,"['biotinidase deficiency', 'multiple carboxylase deficiency']","[3.692513688476756e-13, 3.4281545701134175e-13]",2
|
||||
6-mercaptopurine treats crohn's disease,True,"[""Crohn's disease""]",[1.668581044817971e-13],1
|
||||
Wolcott-Rallison syndrome is a syndromic disease,True,['Wolcott-Rallison syndrome'],[3.189410541226678e-13],1
|
||||
Disease ontology identifier for spinocerebellar ataxia type 5 is DOID:0050882,False,['spinocerebellar ataxia type 5'],[3.1493731234011335e-13],1
|
||||
Pseudopseudohypoparathyroidism associates Gene GNAS,True,['pseudopseudohypoparathyroidism'],[3.841627536915748e-13],1
|
||||
alveolar rhabdomyosarcoma is not a rhabdomyosarcoma,False,"['alveolar rhabdomyosarcoma', 'rhabdomyosarcoma']","[4.1124325082450564e-13, 2.1320838432432876e-13]",2
|
||||
Disease ontology identifier for Norrie disease is DOID:0060599,False,['Norrie disease'],[1.6534533074305524e-13],1
|
||||
vaccines treats melanoma,True,['melanoma'],[1.2498601329249959e-13],1
|
||||
argipressin treats central diabetes insipidus,True,['central diabetes insipidus'],[3.7899642066297674e-13],1
|
||||
Omenn Syndrome associates Gene RAG2,True,['Omenn syndrome'],[1.505201806294501e-13],1
|
||||
adenine phosphoribosyltransferase deficiency is a inborn disorder of amino acid metabolism,True,['adenine phosphoribosyltransferase deficiency'],[3.8799023130593746e-13],1
|
||||
Progeria associates Gene LMNA,True,['progeria'],[1.1271870616795868e-13],1
|
||||
mercaptopurine treats crohn's disease,True,"[""Crohn's disease""]",[1.668581044817971e-13],1
|
||||
Peutz-Jeghers Syndrome associates Gene STK11,True,['Peutz-Jeghers syndrome'],[2.6378974959245793e-13],1
|
||||
penicillamine treats cystinuria,True,['cystinuria'],[1.5016670361616552e-13],1
|
||||
Noonan syndrome is a multiple congenital anomalies/dysmorphic syndrome-variable intellectual disability syndrome,True,['Noonan syndrome'],[1.61766067663556e-13],1
|
||||
RAPP-HODGKIN SYNDROME associates Gene TP63,True,['Rapp-Hodgkin syndrome'],[1.3222573264169007e-13],1
|
||||
Bernard-Soulier Syndrome associates Gene GP1BA,True,['Bernard-Soulier syndrome'],[2.3947778981202317e-13],1
|
||||
Spinocerebellar Ataxia Type 6 (disorder) associates Gene CACNA1A,True,['spinocerebellar ataxia type 6'],[2.8804465323356565e-13],1
|
||||
Werner Syndrome associates Gene WRN,True,['Werner syndrome'],[2.2900762232727634e-13],1
|
||||
sarcoma is a cancer,True,"['sarcoma', 'cancer']","[1.175082302512856e-13, 1.5556643701095801e-13]",2
|
||||
brachydactyly type C is a brachydactyly,True,"['brachydactyly type C', 'brachydactyly']","[2.7525789807192336e-13, 1.547198377445727e-13]",2
|
||||
Alveolar rhabdomyosarcoma associates Gene PAX3,True,['alveolar rhabdomyosarcoma'],[4.1124325082450564e-13],1
|
||||
CHARGE Syndrome is not associated with Gene CHD7,False,['CHARGE syndrome'],[1.4392641538209933e-13],1
|
||||
Ellis-van Creveld syndrome is not a heart disorder,False,['Ellis-Van Creveld syndrome'],[3.1103754554590024e-13],1
|
||||
Pelizaeus-Merzbacher Disease associates Gene PLP1,True,['Pelizaeus-Merzbacher disease'],[2.58709015581865e-13],1
|
||||
Microvillus inclusion disease is not associated with Gene MYO5B,False,['microvillus inclusion disease'],[2.491268909915467e-13],1
|
||||
DiGeorge syndrome is a congenital T-cell immunodeficiency,True,['DiGeorge syndrome'],[1.679971266266289e-13],1
|
||||
melanoma associates Gene BRAF,True,['melanoma'],[1.2498601329249959e-13],1
|
||||
"Basal ganglia disease, biotin-responsive associates Gene SLC19A3",True,['basal ganglia disease'],[3.703476056642757e-13],1
|
||||
Coffin-Siris syndrome associates Gene ARID1B,True,['Coffin-Siris syndrome'],[1.7183147537225968e-13],1
|
||||
Sitosterolemia is not associated with Gene ABCG8,False,['sitosterolemia'],[1.4146691630634312e-13],1
|
||||
Alexander Disease associates Gene GFAP,True,['Alexander disease'],[1.591591984075047e-13],1
|
||||
pembrolizumab treats melanoma,True,['melanoma'],[1.2498601329249959e-13],1
|
||||
congenital contractural arachnodactyly is not a congenital nervous system disorder,False,['congenital contractural arachnodactyly'],[3.2635564172975307e-13],1
|
||||
cherubism is not a autosomal dominant disease,False,['cherubism'],[1.5059569531076372e-13],1
|
||||
Norrie disease associates Gene NDP,True,['Norrie disease'],[1.6534533074305524e-13],1
|
||||
Hyperkalemic periodic paralysis is not associated with Gene SCN4A,False,['hyperkalemic periodic paralysis'],[4.068456183926872e-13],1
|
||||
Disease ontology identifier for ataxia telangiectasia is DOID:0060010,False,['ataxia telangiectasia'],[3.384017783873705e-13],1
|
||||
"Xeroderma pigmentosum, group A associates Gene XPA",True,['xeroderma pigmentosum'],[1.9229774294183405e-13],1
|
||||
antibiotics treats obesity,True,['obesity'],[1.301457043263038e-13],1
|
||||
antineoplastic agents treats osteosarcoma,True,['osteosarcoma'],[2.1794271574081259e-13],1
|
||||
Jervell-Lange Nielsen Syndrome is not associated with Gene KCNQ1,False,['Jervell-Lange Nielsen syndrome'],[2.670554207460929e-13],1
|
||||
insulin treats obesity,True,['obesity'],[1.301457043263038e-13],1
|
||||
Pitt-Hopkins syndrome is a syndromic disease,True,['Pitt-Hopkins syndrome'],[1.4994642083977078e-13],1
|
||||
POLYCYSTIC KIDNEY DISEASE 1 associates Gene PKD1,True,['polycystic kidney disease 1'],[2.570505386236682e-13],1
|
||||
Disease ontology identifier for Tangier disease is DOID:1388,True,['Tangier disease'],[1.167257344383485e-13],1
|
||||
Disease ontology identifier for Smith-Lemli-Opitz syndrome is DOID:0080026,False,['Smith-Lemli-Opitz syndrome'],[2.424677754582494e-13],1
|
||||
alpha-d-galactosidase enzyme treats fabry disease,True,['Fabry disease'],[1.6425004260335607e-13],1
|
||||
Burkitt lymphoma is a neoplasm of mature B-cells,True,['Burkitt lymphoma'],[1.8744099154754945e-13],1
|
||||
Vitelliform Macular Dystrophy associates Gene BEST1,True,['vitelliform macular dystrophy'],[4.1852128316796633e-13],1
|
||||
Disease ontology identifier for Smith-Magenis syndrome is DOID:12271,False,['Smith-Magenis syndrome'],[2.6516964080243455e-13],1
|
||||
Noonan Syndrome associates Gene RAF1,True,['Noonan syndrome'],[1.61766067663556e-13],1
|
||||
Bernard-Soulier Syndrome associates Gene GP1BB,True,['Bernard-Soulier syndrome'],[2.3947778981202317e-13],1
|
||||
Neurofibromatosis 1 associates Gene NF1,True,['neurofibromatosis 1'],[1.7741819298422445e-13],1
|
||||
Brugada Syndrome (disorder) associates Gene SCN5A,True,['Brugada syndrome'],[1.6392354867163922e-13],1
|
||||
Smith-Lemli-Opitz Syndrome is not associated with Gene DHCR7,False,['Smith-Lemli-Opitz syndrome'],[2.424677754582494e-13],1
|
||||
Biotinidase Deficiency is not associated with Gene BTD,False,['biotinidase deficiency'],[3.692513688476756e-13],1
|
||||
Allan-Herndon-Dudley syndrome (AHDS) is not associated with Gene SLC16A2,False,['Allan-Herndon-Dudley syndrome'],[2.37268646570421e-13],1
|
||||
enoxaparin treats obesity,True,['obesity'],[1.301457043263038e-13],1
|
||||
Li-Fraumeni syndrome is a autosomal dominant disease,True,['Li-Fraumeni syndrome'],[1.6439504109139885e-13],1
|
||||
WHIM syndrome is not associated with Gene CXCR4,False,['WHIM syndrome'],[1.5954133901572437e-13],1
|
||||
multiple endocrine neoplasia type 2B is a autosomal dominant disease,True,['multiple endocrine neoplasia type 2B'],[3.0720218036073277e-13],1
|
||||
Alstrom Syndrome associates Gene ALMS1,True,['Alstrom syndrome'],[1.426747039739648e-13],1
|
||||
Gyrate Atrophy associates Gene OAT,True,['gyrate atrophy'],[1.46730609433543e-13],1
|
||||
tuberous sclerosis is a autosomal dominant disease,True,['tuberous sclerosis'],[4.1384696234172957e-13],1
|
||||
Fabry disease is not a developmental anomaly of metabolic origin,False,['Fabry disease'],[1.6425004260335607e-13],1
|
||||
"Xeroderma Pigmentosum, Complementation Group D associates Gene ERCC2",True,['xeroderma pigmentosum'],[1.9229774294183405e-13],1
|
||||
Argininosuccinic Aciduria associates Gene ASL,True,['argininosuccinic aciduria'],[3.085182662728586e-13],1
|
||||
Lesch-Nyhan Syndrome associates Gene HPRT1,True,['Lesch-Nyhan syndrome'],[2.51977854814206e-13],1
|
||||
Creutzfeldt-Jakob disease is not associated with Gene PRNP,False,['Creutzfeldt-Jakob disease'],[2.8252766337381885e-13],1
|
||||
BIETTI CRYSTALLINE CORNEORETINAL DYSTROPHY is not associated with Gene CYP4V2,False,['Bietti crystalline corneoretinal dystrophy'],[3.522443567296335e-13],1
|
||||
Disease ontology identifier for juvenile myoclonic epilepsy is DOID:4890,True,['juvenile myoclonic epilepsy'],[2.4098691792096005e-13],1
|
||||
"XERODERMA PIGMENTOSUM, COMPLEMENTATION GROUP E associates Gene DDB2",True,['xeroderma pigmentosum'],[1.9229774294183405e-13],1
|
||||
anesthetics treats pheochromocytoma,True,['pheochromocytoma'],[2.5271288967704253e-13],1
|
||||
Disease ontology identifier for ornithine carbamoyltransferase deficiency is DOID:9271,True,['ornithine carbamoyltransferase deficiency'],[2.938909695032049e-13],1
|
||||
Saethre-Chotzen Syndrome is not associated with Gene TWIST1,False,['Saethre-Chotzen syndrome'],[3.1549068912894995e-13],1
|
||||
prothrombin complex concentrates treats hemophilia b,True,['hemophilia B'],[1.7090347962777502e-13],1
|
||||
Disease ontology identifier for ethylmalonic encephalopathy is DOID:0060640,True,['ethylmalonic encephalopathy'],[4.267849908114879e-13],1
|
||||
Alexander disease is a leukodystrophy,True,"['Alexander disease', 'leukodystrophy']","[1.591591984075047e-13, 1.4810585212670507e-13]",2
|
||||
Variant rs2476601 associates Rheumatoid Arthritis,True,['rheumatoid arthritis'],[1.9604066633926998e-13],1
|
||||
Carney Complex is not associated with Gene PRKAR1A,False,['Carney complex'],[1.5241558286738927e-13],1
|
||||
Disease ontology identifier for Werner syndrome is DOID:0050466,False,['Werner syndrome'],[2.2900762232727634e-13],1
|
||||
very long chain acyl-CoA dehydrogenase deficiency is not a disorder of fatty acid oxidation and ketogenesis,False,['very long chain acyl-CoA dehydrogenase deficiency'],[3.167799681423611e-13],1
|
||||
DOYNE HONEYCOMB RETINAL DYSTROPHY associates Gene EFEMP1,True,['Doyne honeycomb retinal dystrophy'],[3.5078225588992817e-13],1
|
||||
Central Diabetes Insipidus associates Gene AVP,True,['central diabetes insipidus'],[3.7899642066297674e-13],1
|
||||
Disease ontology identifier for popliteal pterygium syndrome is DOID:0050756,False,['popliteal pterygium syndrome'],[3.6649838979635474e-13],1
|
||||
Fragile X Syndrome associates Gene FMR1,True,['fragile X syndrome'],[1.777139362318242e-13],1
|
||||
Loeys-Dietz Syndrome associates Gene TGFBR2,True,['Loeys-Dietz syndrome'],[2.0558076454287727e-13],1
|
||||
"XERODERMA PIGMENTOSUM, COMPLEMENTATION GROUP C associates Gene XPC",True,['xeroderma pigmentosum'],[1.9229774294183405e-13],1
|
||||
"CHARCOT-MARIE-TOOTH DISEASE, TYPE 4C associates Gene SH3TC2",True,['Charcot-Marie-Tooth disease'],[2.2097754669939823e-13],1
|
||||
hereditary hemorrhagic telangiectasia is a autosomal dominant disease,True,['hereditary hemorrhagic telangiectasia'],[3.931727990055811e-13],1
|
||||
Sandhoff disease is a eye degenerative disorder,True,['Sandhoff disease'],[1.5409067522387937e-13],1
|
||||
Disease ontology identifier for aniridia is DOID:12704,False,['aniridia'],[1.0285960180388826e-13],1
|
||||
Congenital Generalized Lipodystrophy Type 2 associates Gene BSCL2,True,['congenital generalized lipodystrophy type 2'],[2.5871318976022906e-13],1
|
||||
Noonan Syndrome associates Gene PTPN11,True,['Noonan syndrome'],[1.61766067663556e-13],1
|
||||
Juvenile Spinal Muscular Atrophy associates Gene SMN1,True,['juvenile spinal muscular atrophy'],[2.942265029705349e-13],1
|
||||
"CHARCOT-MARIE-TOOTH DISEASE, TYPE 4J associates Gene FIG4",True,['Charcot-Marie-Tooth disease'],[2.2097754669939823e-13],1
|
||||
Alkaptonuria associates Gene HGD,True,['alkaptonuria'],[2.6579492730036125e-13],1
|
||||
Cystinuria is not associated with Gene SLC7A9,False,['cystinuria'],[1.5016670361616552e-13],1
|
||||
Popliteal pterygium syndrome is not associated with Gene IRF6,False,['popliteal pterygium syndrome'],[3.6649838979635474e-13],1
|
||||
Aspartylglucosaminuria is not associated with Gene AGA,False,['aspartylglucosaminuria'],[2.738722876954869e-13],1
|
||||
Nijmegen Breakage Syndrome is not associated with Gene NBN,False,['Nijmegen breakage syndrome'],[2.8859445215523305e-13],1
|
||||
Mowat-Wilson syndrome is not associated with Gene ZEB2,False,['Mowat-Wilson syndrome'],[1.451910965587222e-13],1
|
||||
Disease ontology identifier for fragile X syndrome is DOID:14261,True,['fragile X syndrome'],[1.777139362318242e-13],1
|
||||
Sarcoma associates Gene TP53,True,['sarcoma'],[1.175082302512856e-13],1
|
||||
Alstrom syndrome is a ciliopathy,True,"['Alstrom syndrome', 'ciliopathy']","[1.426747039739648e-13, 1.2841187531711928e-13]",2
|
||||
Gray Platelet Syndrome is not associated with Gene NBEAL2,False,['gray platelet syndrome'],[2.158575645701613e-13],1
|
||||
Ethylmalonic encephalopathy is not associated with Gene ETHE1,False,['ethylmalonic encephalopathy'],[4.267849908114879e-13],1
|
||||
L-2-HYDROXYGLUTARIC ACIDURIA associates Gene L2HGDH,True,['L-2-hydroxyglutaric aciduria'],[2.775054762805401e-13],1
|
||||
Disease ontology identifier for campomelic dysplasia is DOID:0050463,True,['campomelic dysplasia'],[3.191747810060014e-13],1
|
||||
choroideremia is not a X-linked disease,False,['choroideremia'],[1.8632122754380642e-13],1
|
||||
Coffin-Siris syndrome is a syndromic disease,True,['Coffin-Siris syndrome'],[1.7183147537225968e-13],1
|
||||
Nance-Horan syndrome associates Gene NHS,True,['Nance-Horan syndrome'],[2.0106433065800872e-13],1
|
||||
Disease ontology identifier for cystinuria is DOID:9266,True,['cystinuria'],[1.5016670361616552e-13],1
|
||||
Disease ontology identifier for gray platelet syndrome is DOID:0111044,True,['gray platelet syndrome'],[2.158575645701613e-13],1
|
||||
Maple Syrup Urine Disease associates Gene DBT,True,['maple syrup urine disease'],[2.4978971798969574e-13],1
|
||||
Spinocerebellar Ataxia Type 1 is not associated with Gene ATXN1,False,['spinocerebellar ataxia type 1'],[3.105115990720275e-13],1
|
||||
Holt-Oram syndrome is a autosomal dominant disease,True,['Holt-Oram syndrome'],[1.5437125319359146e-13],1
|
||||
agalsidase alfa treats fabry disease,True,['Fabry disease'],[1.6425004260335607e-13],1
|
||||
Disease ontology identifier for pseudopseudohypoparathyroidism is DOID:4183,True,['pseudopseudohypoparathyroidism'],[3.841627536915748e-13],1
|
||||
agalsidase beta treats fabry disease,True,['Fabry disease'],[1.6425004260335607e-13],1
|
||||
Unverricht-Lundborg Syndrome is not associated with Gene CSTB,False,['Unverricht-Lundborg syndrome'],[3.15374679496494e-13],1
|
||||
L-2-hydroxyglutaric aciduria is not a 2-hydroxyglutaric aciduria,False,"['L-2-hydroxyglutaric aciduria', '2-hydroxyglutaric aciduria']","[2.775054762805401e-13, 3.2508788412946577e-13]",2
|
||||
Refsum Disease associates Gene PHYH,True,['Refsum disease'],[1.9214279689885871e-13],1
|
||||
Achondroplasia is not associated with Gene FGFR3,False,['achondroplasia'],[1.7661642547767142e-13],1
|
||||
pseudoachondroplasia is a osteochondrodysplasia,True,"['pseudoachondroplasia', 'osteochondrodysplasia']","[1.8271920977121214e-13, 1.8199687362632083e-13]",2
|
||||
prasterone treats obesity,True,['obesity'],[1.301457043263038e-13],1
|
||||
LATE-ONSET RETINAL DEGENERATION (disorder) associates Gene C1QTNF5,True,['late-onset retinal degeneration'],[3.137884375080391e-13],1
|
||||
immunosuppressive agents treats crohn's disease,True,"[""Crohn's disease""]",[1.668581044817971e-13],1
|
||||
nail-patella syndrome is a autosomal dominant disease,True,['nail-patella syndrome'],[1.4460005729691888e-13],1
|
||||
Mulibrey Nanism is not associated with Gene TRIM37,False,['mulibrey nanism'],[1.5572517776153705e-13],1
|
||||
"Xeroderma pigmentosum, group G is not associated with Gene ERCC5",False,['xeroderma pigmentosum'],[1.9229774294183405e-13],1
|
||||
Disease ontology identifier for Lafora disease is DOID:3534,True,['Lafora disease'],[1.1050553782579117e-13],1
|
||||
Brachydactyly type C is not associated with Gene GDF5,False,['brachydactyly type C'],[2.7525789807192336e-13],1
|
||||
Cystinuria is not associated with Gene SLC3A1,False,['cystinuria'],[1.5016670361616552e-13],1
|
||||
Obesity is not associated with Gene MC4R,False,['obesity'],[1.301457043263038e-13],1
|
||||
Kleefstra syndrome 1 is a Kleefstra syndrome,True,"['Kleefstra syndrome 1', 'Kleefstra syndrome']","[2.243512179419399e-13, 1.5413993866009168e-13]",2
|
||||
everolimus treats tuberous sclerosis,True,['tuberous sclerosis'],[4.1384696234172957e-13],1
|
||||
Autosomal Recessive Polycystic Kidney Disease associates Gene PKHD1,True,['autosomal recessive polycystic kidney disease'],[3.40964723902909e-13],1
|
||||
amiloride treats cystic fibrosis,True,['cystic fibrosis'],[1.9778367040933914e-13],1
|
||||
Liver carcinoma associates Gene TP53,True,['liver carcinoma'],[1.842418904073051e-13],1
|
||||
Adrenoleukodystrophy associates Gene ABCD1,True,['adrenoleukodystrophy'],[1.4740666369819633e-13],1
|
||||
Tuberous Sclerosis associates Gene TSC2,True,['tuberous sclerosis'],[4.1384696234172957e-13],1
|
||||
Myoclonic dystonia is not associated with Gene SGCE,False,['myoclonic dystonia'],[2.425156429841646e-13],1
|
||||
Long QT Syndrome 1 associates Gene KCNQ1,True,['long QT syndrome 1'],[1.3382510702895922e-13],1
|
||||
Smith-Magenis syndrome associates Gene RAI1,True,['Smith-Magenis syndrome'],[2.6516964080243455e-13],1
|
||||
Disease ontology identifier for autosomal dominant hypophosphatemic rickets is DOID:0050948,True,['autosomal dominant hypophosphatemic rickets'],[3.196870936375551e-13],1
|
||||
nitisinone treats alkaptonuria,True,['alkaptonuria'],[2.6579492730036125e-13],1
|
||||
immune checkpoint inhibitor treats melanoma,True,['melanoma'],[1.2498601329249959e-13],1
|
||||
Li-Fraumeni Syndrome is not associated with Gene TP53,False,['Li-Fraumeni syndrome'],[1.6439504109139885e-13],1
|
||||
argininosuccinic aciduria is a amino acid metabolism disease,True,['argininosuccinic aciduria'],[3.085182662728586e-13],1
|
||||
Hyperargininemia is not associated with Gene ARG1,False,['hyperargininemia'],[2.2339190230719758e-13],1
|
||||
Fabry Disease associates Gene GLA,True,['Fabry disease'],[1.6425004260335607e-13],1
|
||||
Disease ontology identifier for beta-mannosidosis is DOID:0111136,False,['beta-mannosidosis'],[2.089804837426129e-13],1
|
||||
Disease ontology identifier for spinocerebellar ataxia type 1 is DOID:0050954,True,['spinocerebellar ataxia type 1'],[3.105115990720275e-13],1
|
||||
Waardenburg Syndrome Type 1 associates Gene PAX3,True,['Waardenburg syndrome type 1'],[3.26238927365885e-13],1
|
||||
Osteosarcoma is not associated with Gene TP53,False,['osteosarcoma'],[2.1794271574081259e-13],1
|
||||
Mucopolysaccharidosis II associates Gene IDS,True,['mucopolysaccharidosis II'],[2.616456313761506e-13],1
|
||||
"Xeroderma pigmentosum, group F associates Gene ERCC4",True,['xeroderma pigmentosum'],[1.9229774294183405e-13],1
|
||||
Pierson syndrome is not a autosomal recessive disease,False,['Pierson syndrome'],[2.1378984194943274e-13],1
|
||||
Nijmegen breakage syndrome is a autosomal recessive disease,True,['Nijmegen breakage syndrome'],[2.8859445215523305e-13],1
|
||||
Ellis-Van Creveld Syndrome associates Gene EVC2,True,['Ellis-Van Creveld syndrome'],[3.1103754554590024e-13],1
|
||||
X-linked agammaglobulinemia associates Gene BTK,True,['X-linked agammaglobulinemia'],[3.1472491713452344e-13],1
|
||||
azithromycin treats cystic fibrosis,True,['cystic fibrosis'],[1.9778367040933914e-13],1
|
||||
liraglutide treats obesity,True,['obesity'],[1.301457043263038e-13],1
|
||||
Chediak-Higashi Syndrome associates Gene LYST,True,['Chediak-Higashi syndrome'],[3.393950431026388e-13],1
|
||||
"FANCONI ANEMIA, COMPLEMENTATION GROUP D2 is not associated with Gene FANCD2",False,['Fanconi anemia'],[1.1387074551512388e-13],1
|
||||
Wiskott-Aldrich Syndrome is not associated with Gene WAS,False,['Wiskott-Aldrich syndrome'],[2.844346936800579e-13],1
|
||||
Pseudoxanthoma Elasticum associates Gene ABCC6,True,['pseudoxanthoma elasticum'],[3.622169025222638e-13],1
|
||||
Disease ontology identifier for Omenn syndrome is DOID:3633,False,['Omenn syndrome'],[1.505201806294501e-13],1
|
||||
Hajdu-Cheney Syndrome associates Gene NOTCH2,True,['Hajdu-Cheney syndrome'],[1.6761208577759784e-13],1
|
||||
Disease ontology identifier for adrenoleukodystrophy is DOID:0060844,False,['adrenoleukodystrophy'],[1.4740666369819633e-13],1
|
||||
antibiotics treats cystic fibrosis,True,['cystic fibrosis'],[1.9778367040933914e-13],1
|
||||
Mosaic variegated aneuploidy syndrome 1 associates Gene BUB1B,True,['mosaic variegated aneuploidy syndrome 1'],[3.211138494864374e-13],1
|
||||
Noonan Syndrome associates Gene KRAS,True,['Noonan syndrome'],[1.61766067663556e-13],1
|
||||
Coffin-Lowry syndrome associates Gene RPS6KA3,True,['Coffin-Lowry syndrome'],[2.497958979420789e-13],1
|
||||
Laron Syndrome associates Gene GHR,True,['Laron syndrome'],[1.759493429859954e-13],1
|
||||
Leigh Disease associates Gene SURF1,True,['Leigh disease'],[1.6078529837832561e-13],1
|
||||
DiGeorge Syndrome is not associated with Gene TBX1,False,['DiGeorge syndrome'],[1.679971266266289e-13],1
|
||||
Disease ontology identifier for Nance-Horan syndrome is DOID:0050771,False,['Nance-Horan syndrome'],[2.0106433065800872e-13],1
|
||||
"TIBIAL MUSCULAR DYSTROPHY, TARDIVE associates Gene TTN",True,['tibial muscular dystrophy'],[3.6254059108085934e-13],1
|
||||
protein-tyrosine kinase inhibitor treats sarcoma,True,['sarcoma'],[1.175082302512856e-13],1
|
||||
Lafora Disease associates Gene EPM2A,True,['Lafora disease'],[1.1050553782579117e-13],1
|
||||
Pseudoachondroplasia associates Gene COMP,True,['pseudoachondroplasia'],[1.8271920977121214e-13],1
|
||||
"Charcot-Marie-Tooth disease, Type 4B1 associates Gene MTMR2",True,['Charcot-Marie-Tooth disease'],[2.2097754669939823e-13],1
|
||||
dehydroepiandrosterone treats obesity,True,['obesity'],[1.301457043263038e-13],1
|
||||
Hartnup disease is a inborn disorder of amino acid transport,True,['Hartnup disease'],[1.694796917823399e-13],1
|
||||
Farber Lipogranulomatosis is not associated with Gene ASAH1,False,['Farber lipogranulomatosis'],[4.0909593421178947e-13],1
|
||||
Disease ontology identifier for Lesch-Nyhan syndrome is DOID:1919,True,['Lesch-Nyhan syndrome'],[2.51977854814206e-13],1
|
||||
Polycythemia Vera is not associated with Gene JAK2,False,['polycythemia vera'],[2.649480569834328e-13],1
|
||||
hyperkalemic periodic paralysis is not a familial periodic paralysis,False,"['hyperkalemic periodic paralysis', 'familial periodic paralysis']","[4.068456183926872e-13, 3.2053643051442593e-13]",2
|
||||
Coffin-Lowry syndrome is not a X-linked syndromic intellectual disability,False,['Coffin-Lowry syndrome'],[2.497958979420789e-13],1
|
||||
macrolide antibiotics treats cystic fibrosis,True,['cystic fibrosis'],[1.9778367040933914e-13],1
|
||||
Pierson syndrome is not associated with Gene LAMB2,False,['Pierson syndrome'],[2.1378984194943274e-13],1
|
||||
CAMPOMELIC DYSPLASIA associates Gene SOX9,True,['campomelic dysplasia'],[3.191747810060014e-13],1
|
||||
Fatal Familial Insomnia is not associated with Gene PRNP,False,['fatal familial insomnia'],[3.493803282707958e-13],1
|
||||
Disease ontology identifier for sitosterolemia is DOID:0090019,True,['sitosterolemia'],[1.4146691630634312e-13],1
|
||||
Tay-Sachs Disease associates Gene HEXA,True,['Tay-Sachs disease'],[1.5392946791335793e-13],1
|
||||
beta-Mannosidosis is not associated with Gene MANBA,False,['beta-mannosidosis'],[2.089804837426129e-13],1
|
||||
Noonan Syndrome associates Gene SOS1,True,['Noonan syndrome'],[1.61766067663556e-13],1
|
||||
Obesity is not associated with Gene PPARG,False,['obesity'],[1.301457043263038e-13],1
|
||||
Congenital amegakaryocytic thrombocytopenia is not associated with Gene MPL,False,['congenital amegakaryocytic thrombocytopenia'],[4.1320733727007175e-13],1
|
||||
Leigh Disease associates Gene NDUFS4,True,['Leigh disease'],[1.6078529837832561e-13],1
|
||||
Sandhoff Disease is not associated with Gene HEXB,False,['Sandhoff disease'],[1.5409067522387937e-13],1
|
||||
Disease ontology identifier for Doyne honeycomb retinal dystrophy is DOID:0081055,False,['Doyne honeycomb retinal dystrophy'],[3.5078225588992817e-13],1
|
||||
Juvenile polyposis syndrome associates Gene BMPR1A,True,['juvenile polyposis syndrome'],[2.4603892057398213e-13],1
|
||||
|
38
kg_rag/prompt_based_generation/Llama/run_mcq_qa_medgpt.py
Normal file
@@ -0,0 +1,38 @@
|
||||
from langchain import PromptTemplate, LLMChain
|
||||
from kg_rag.utility import *
|
||||
|
||||
|
||||
QUESTION_PATH = config_data["MCQ_PATH"]
|
||||
SYSTEM_PROMPT = system_prompts["MCQ_QUESTION_PROMPT_BASED"]
|
||||
SAVE_PATH = config_data["SAVE_RESULTS_PATH"]
|
||||
MODEL_NAME = 'PharMolix/BioMedGPT-LM-7B'
|
||||
BRANCH_NAME = 'main'
|
||||
CACHE_DIR = config_data["LLM_CACHE_DIR"]
|
||||
|
||||
|
||||
|
||||
save_name = "_".join(MODEL_NAME.split("/")[-1].split("-"))+"_prompt_based_mcq_from_monarch_and_robokop_response.csv"
|
||||
|
||||
INSTRUCTION = "Question: {question}"
|
||||
|
||||
|
||||
def main():
|
||||
start_time = time.time()
|
||||
llm = llama_model(MODEL_NAME, BRANCH_NAME, CACHE_DIR)
|
||||
template = get_prompt(INSTRUCTION, SYSTEM_PROMPT)
|
||||
prompt = PromptTemplate(template=template, input_variables=["question"])
|
||||
llm_chain = LLMChain(prompt=prompt, llm=llm)
|
||||
question_df = pd.read_csv(QUESTION_PATH)
|
||||
answer_list = []
|
||||
for index, row in question_df.iterrows():
|
||||
question = row["text"]
|
||||
output = llm_chain.run(question)
|
||||
answer_list.append((row["text"], row["correct_node"], output))
|
||||
answer_df = pd.DataFrame(answer_list, columns=["question", "correct_answer", "llm_answer"])
|
||||
answer_df.to_csv(os.path.join(SAVE_PATH, save_name), index=False, header=True)
|
||||
print("Completed in {} min".format((time.time()-start_time)/60))
|
||||
|
||||
|
||||
|
||||
if __name__ == "__main__":
|
||||
main()
|
||||
52
kg_rag/rag_based_generation/GPT/drug_action.py
Normal file
@@ -0,0 +1,52 @@
|
||||
from kg_rag.utility import *
|
||||
import argparse
|
||||
|
||||
|
||||
|
||||
parser = argparse.ArgumentParser()
|
||||
parser.add_argument('-g', type=str, default='gpt-35-turbo', help='GPT model selection')
|
||||
parser.add_argument('-i', type=bool, default=False, help='Flag for interactive mode')
|
||||
parser.add_argument('-e', type=bool, default=False, help='Flag for showing evidence of association from the graph')
|
||||
args = parser.parse_args()
|
||||
|
||||
CHAT_MODEL_ID = args.g
|
||||
INTERACTIVE = args.i
|
||||
EDGE_EVIDENCE = bool(args.e)
|
||||
|
||||
|
||||
SYSTEM_PROMPT = system_prompts["DRUG_ACTION"]
|
||||
CONTEXT_VOLUME = int(config_data["CONTEXT_VOLUME"])
|
||||
QUESTION_VS_CONTEXT_SIMILARITY_PERCENTILE_THRESHOLD = float(config_data["QUESTION_VS_CONTEXT_SIMILARITY_PERCENTILE_THRESHOLD"])
|
||||
QUESTION_VS_CONTEXT_MINIMUM_SIMILARITY = float(config_data["QUESTION_VS_CONTEXT_MINIMUM_SIMILARITY"])
|
||||
VECTOR_DB_PATH = config_data["VECTOR_DB_PATH"]
|
||||
NODE_CONTEXT_PATH = config_data["NODE_CONTEXT_PATH"]
|
||||
SENTENCE_EMBEDDING_MODEL_FOR_NODE_RETRIEVAL = config_data["SENTENCE_EMBEDDING_MODEL_FOR_NODE_RETRIEVAL"]
|
||||
SENTENCE_EMBEDDING_MODEL_FOR_CONTEXT_RETRIEVAL = config_data["SENTENCE_EMBEDDING_MODEL_FOR_CONTEXT_RETRIEVAL"]
|
||||
TEMPERATURE = config_data["LLM_TEMPERATURE"]
|
||||
|
||||
|
||||
CHAT_DEPLOYMENT_ID = CHAT_MODEL_ID
|
||||
|
||||
vectorstore = load_chroma(VECTOR_DB_PATH, SENTENCE_EMBEDDING_MODEL_FOR_NODE_RETRIEVAL)
|
||||
embedding_function_for_context_retrieval = load_sentence_transformer(SENTENCE_EMBEDDING_MODEL_FOR_CONTEXT_RETRIEVAL)
|
||||
node_context_df = pd.read_csv(NODE_CONTEXT_PATH)
|
||||
|
||||
def main():
|
||||
print(" ")
|
||||
question = input("Enter your question : ")
|
||||
if not INTERACTIVE:
|
||||
print("Retrieving context from SPOKE graph...")
|
||||
context = retrieve_context(question, vectorstore, embedding_function_for_context_retrieval, node_context_df, CONTEXT_VOLUME, QUESTION_VS_CONTEXT_SIMILARITY_PERCENTILE_THRESHOLD, QUESTION_VS_CONTEXT_MINIMUM_SIMILARITY, EDGE_EVIDENCE)
|
||||
print("Here is the KG-RAG based answer:")
|
||||
print("")
|
||||
enriched_prompt = "Context: "+ context + "\n" + "Question: " + question
|
||||
output = get_GPT_response(enriched_prompt, SYSTEM_PROMPT, CHAT_MODEL_ID, CHAT_DEPLOYMENT_ID, temperature=TEMPERATURE)
|
||||
stream_out(output)
|
||||
else:
|
||||
interactive(question, vectorstore, node_context_df, embedding_function_for_context_retrieval, CHAT_MODEL_ID, EDGE_EVIDENCE, SYSTEM_PROMPT)
|
||||
|
||||
|
||||
|
||||
if __name__ == "__main__":
|
||||
main()
|
||||
|
||||
68
kg_rag/rag_based_generation/GPT/drug_repurposing_v2.py
Normal file
@@ -0,0 +1,68 @@
|
||||
from kg_rag.utility import *
|
||||
import argparse
|
||||
|
||||
|
||||
|
||||
parser = argparse.ArgumentParser()
|
||||
parser.add_argument('-g', type=str, default='gpt-35-turbo', help='GPT model selection')
|
||||
parser.add_argument('-i', type=bool, default=False, help='Flag for interactive mode')
|
||||
parser.add_argument('-e', type=bool, default=False, help='Flag for showing evidence of association from the graph')
|
||||
args = parser.parse_args()
|
||||
|
||||
|
||||
CHAT_MODEL_ID = args.g
|
||||
INTERACTIVE = args.i
|
||||
EDGE_EVIDENCE = bool(args.e)
|
||||
|
||||
SYSTEM_PROMPT = system_prompts["DRUG_REPURPOSING_V2"]
|
||||
CONTEXT_VOLUME = int(config_data["CONTEXT_VOLUME"])
|
||||
QUESTION_VS_CONTEXT_SIMILARITY_PERCENTILE_THRESHOLD = float(config_data["QUESTION_VS_CONTEXT_SIMILARITY_PERCENTILE_THRESHOLD"])
|
||||
QUESTION_VS_CONTEXT_MINIMUM_SIMILARITY = float(config_data["QUESTION_VS_CONTEXT_MINIMUM_SIMILARITY"])
|
||||
VECTOR_DB_PATH = config_data["VECTOR_DB_PATH"]
|
||||
NODE_CONTEXT_PATH = config_data["NODE_CONTEXT_PATH"]
|
||||
SENTENCE_EMBEDDING_MODEL_FOR_NODE_RETRIEVAL = config_data["SENTENCE_EMBEDDING_MODEL_FOR_NODE_RETRIEVAL"]
|
||||
SENTENCE_EMBEDDING_MODEL_FOR_CONTEXT_RETRIEVAL = config_data["SENTENCE_EMBEDDING_MODEL_FOR_CONTEXT_RETRIEVAL"]
|
||||
TEMPERATURE = config_data["LLM_TEMPERATURE"]
|
||||
|
||||
|
||||
CHAT_DEPLOYMENT_ID = CHAT_MODEL_ID
|
||||
|
||||
vectorstore = load_chroma(VECTOR_DB_PATH, SENTENCE_EMBEDDING_MODEL_FOR_NODE_RETRIEVAL)
|
||||
embedding_function_for_context_retrieval = load_sentence_transformer(SENTENCE_EMBEDDING_MODEL_FOR_CONTEXT_RETRIEVAL)
|
||||
node_context_df = pd.read_csv(NODE_CONTEXT_PATH)
|
||||
|
||||
print('')
|
||||
question = input("Question : ")
|
||||
|
||||
question_template = f'''
|
||||
To the question asked at the end, answer by referring the context.
|
||||
See example below
|
||||
Example 1:
|
||||
Question:
|
||||
What drugs can be repurposed for disease X?
|
||||
Context:
|
||||
Compound Alizapride DOWNREGULATES Gene APOE and Provenance of this association is XX. Gene APOE ASSOCIATES Disease X and Provenance of this association is YY. Gene TTR encodes Protein Transthyretin (ATTR) and Provenance of this association is ZZ. Compound Acetylcysteine treats Disease X and Provenance of this association is PP.
|
||||
Answer:
|
||||
Since Alizapride downregulates gene APOE (Provenance XX) and APOE is associated with Disease X (Provenance YY), Alizapride can be repurposed to treat Disease X. p-value for these associations is XXXX and z-score values for these associations is YYYY.
|
||||
Question:
|
||||
{question}
|
||||
'''
|
||||
|
||||
def main():
|
||||
if not INTERACTIVE:
|
||||
print("Retrieving context from SPOKE graph...")
|
||||
context = retrieve_context(question, vectorstore, embedding_function_for_context_retrieval, node_context_df, CONTEXT_VOLUME, QUESTION_VS_CONTEXT_SIMILARITY_PERCENTILE_THRESHOLD, QUESTION_VS_CONTEXT_MINIMUM_SIMILARITY, EDGE_EVIDENCE)
|
||||
print("Here is the KG-RAG based answer:")
|
||||
print("")
|
||||
enriched_prompt = "Context: "+ context + "\n" + "Question: " + question
|
||||
output = get_GPT_response(enriched_prompt, SYSTEM_PROMPT, CHAT_MODEL_ID, CHAT_DEPLOYMENT_ID, temperature=TEMPERATURE)
|
||||
stream_out(output)
|
||||
else:
|
||||
interactive(question, vectorstore, node_context_df, embedding_function_for_context_retrieval, CHAT_MODEL_ID, EDGE_EVIDENCE, SYSTEM_PROMPT)
|
||||
|
||||
|
||||
|
||||
if __name__ == "__main__":
|
||||
main()
|
||||
|
||||
|
||||
@@ -26,12 +26,13 @@ SAVE_PATH = config_data["SAVE_RESULTS_PATH"]
|
||||
|
||||
CHAT_DEPLOYMENT_ID = CHAT_MODEL_ID
|
||||
|
||||
save_name = "_".join(CHAT_MODEL_ID.split("-"))+"_two_hop_mcq_from_monarch_and_robokop_response.csv"
|
||||
save_name = "_".join(CHAT_MODEL_ID.split("-"))+"_kg_rag_based_mcq_from_monarch_and_robokop_response.csv"
|
||||
|
||||
|
||||
vectorstore = load_chroma(VECTOR_DB_PATH, SENTENCE_EMBEDDING_MODEL_FOR_NODE_RETRIEVAL)
|
||||
embedding_function_for_context_retrieval = load_sentence_transformer(SENTENCE_EMBEDDING_MODEL_FOR_CONTEXT_RETRIEVAL)
|
||||
node_context_df = pd.read_csv(NODE_CONTEXT_PATH)
|
||||
edge_evidence = False
|
||||
|
||||
def main():
|
||||
start_time = time.time()
|
||||
@@ -39,7 +40,7 @@ def main():
|
||||
answer_list = []
|
||||
for index, row in question_df.iterrows():
|
||||
question = row["text"]
|
||||
context = retrieve_context(row["text"], vectorstore, embedding_function_for_context_retrieval, node_context_df, CONTEXT_VOLUME, QUESTION_VS_CONTEXT_SIMILARITY_PERCENTILE_THRESHOLD, QUESTION_VS_CONTEXT_MINIMUM_SIMILARITY)
|
||||
context = retrieve_context(row["text"], vectorstore, embedding_function_for_context_retrieval, node_context_df, CONTEXT_VOLUME, QUESTION_VS_CONTEXT_SIMILARITY_PERCENTILE_THRESHOLD, QUESTION_VS_CONTEXT_MINIMUM_SIMILARITY, edge_evidence)
|
||||
enriched_prompt = "Context: "+ context + "\n" + "Question: "+ question
|
||||
output = get_GPT_response(enriched_prompt, SYSTEM_PROMPT, CHAT_MODEL_ID, CHAT_DEPLOYMENT_ID, temperature=TEMPERATURE)
|
||||
answer_list.append((row["text"], row["correct_node"], output))
|
||||
|
||||
@@ -17,8 +17,8 @@ CONTEXT_VOLUME_LIST = [10, 50, 100, 150, 200]
|
||||
SENTENCE_EMBEDDING_MODEL_FOR_CONTEXT_RETRIEVAL_LIST = ["pritamdeka/S-PubMedBert-MS-MARCO", "sentence-transformers/all-MiniLM-L6-v2"]
|
||||
SAVE_NAME_LIST = ["pubmedBert_based_one_hop_questions_parameter_tuning_round_{}.csv", "miniLM_based_one_hop_questions_parameter_tuning_round_{}.csv"]
|
||||
|
||||
QUESTION_PATH = config_data["ONE_HOP_GRAPH_TRAVERSAL"]
|
||||
SYSTEM_PROMPT = system_prompts["ONE_HOP_VALIDATION"]
|
||||
QUESTION_PATH = config_data["SINGLE_DISEASE_ENTITY_FILE"]
|
||||
SYSTEM_PROMPT = system_prompts["SINGLE_DISEASE_ENTITY_VALIDATION"]
|
||||
QUESTION_VS_CONTEXT_SIMILARITY_PERCENTILE_THRESHOLD = float(config_data["QUESTION_VS_CONTEXT_SIMILARITY_PERCENTILE_THRESHOLD"])
|
||||
QUESTION_VS_CONTEXT_MINIMUM_SIMILARITY = float(config_data["QUESTION_VS_CONTEXT_MINIMUM_SIMILARITY"])
|
||||
VECTOR_DB_PATH = config_data["VECTOR_DB_PATH"]
|
||||
@@ -31,6 +31,7 @@ CHAT_DEPLOYMENT_ID = CHAT_MODEL_ID
|
||||
|
||||
vectorstore = load_chroma(VECTOR_DB_PATH, SENTENCE_EMBEDDING_MODEL_FOR_NODE_RETRIEVAL)
|
||||
node_context_df = pd.read_csv(NODE_CONTEXT_PATH)
|
||||
edge_evidence = False
|
||||
|
||||
def main():
|
||||
start_time = time.time()
|
||||
@@ -41,7 +42,7 @@ def main():
|
||||
answer_list = []
|
||||
for index, row in question_df.iterrows():
|
||||
question = row["text"]
|
||||
context = retrieve_context(question, vectorstore, embedding_function_for_context_retrieval, node_context_df, context_volume, QUESTION_VS_CONTEXT_SIMILARITY_PERCENTILE_THRESHOLD, QUESTION_VS_CONTEXT_MINIMUM_SIMILARITY)
|
||||
context = retrieve_context(question, vectorstore, embedding_function_for_context_retrieval, node_context_df, context_volume, QUESTION_VS_CONTEXT_SIMILARITY_PERCENTILE_THRESHOLD, QUESTION_VS_CONTEXT_MINIMUM_SIMILARITY, edge_evidence)
|
||||
enriched_prompt = "Context: "+ context + "\n" + "Question: " + question
|
||||
output = get_GPT_response(enriched_prompt, SYSTEM_PROMPT, CHAT_MODEL_ID, CHAT_DEPLOYMENT_ID, temperature=TEMPERATURE)
|
||||
if not output:
|
||||
@@ -24,12 +24,13 @@ CONTEXT_VOLUME = 100
|
||||
|
||||
CHAT_DEPLOYMENT_ID = CHAT_MODEL_ID
|
||||
|
||||
save_name = "_".join(CHAT_MODEL_ID.split("-"))+"_one_hop_true_false_binary_response.csv"
|
||||
save_name = "_".join(CHAT_MODEL_ID.split("-"))+"_kg_rag_based_true_false_binary_response.csv"
|
||||
|
||||
|
||||
vectorstore = load_chroma(VECTOR_DB_PATH, SENTENCE_EMBEDDING_MODEL_FOR_NODE_RETRIEVAL)
|
||||
embedding_function_for_context_retrieval = load_sentence_transformer(SENTENCE_EMBEDDING_MODEL_FOR_CONTEXT_RETRIEVAL)
|
||||
node_context_df = pd.read_csv(NODE_CONTEXT_PATH)
|
||||
edge_evidence = False
|
||||
|
||||
def main():
|
||||
start_time = time.time()
|
||||
@@ -37,7 +38,7 @@ def main():
|
||||
answer_list = []
|
||||
for index, row in question_df.iterrows():
|
||||
question = row["text"]
|
||||
context = retrieve_context(row["text"], vectorstore, embedding_function_for_context_retrieval, node_context_df, CONTEXT_VOLUME, QUESTION_VS_CONTEXT_SIMILARITY_PERCENTILE_THRESHOLD, QUESTION_VS_CONTEXT_MINIMUM_SIMILARITY)
|
||||
context = retrieve_context(row["text"], vectorstore, embedding_function_for_context_retrieval, node_context_df, CONTEXT_VOLUME, QUESTION_VS_CONTEXT_SIMILARITY_PERCENTILE_THRESHOLD, QUESTION_VS_CONTEXT_MINIMUM_SIMILARITY, edge_evidence)
|
||||
enriched_prompt = "Context: "+ context + "\n" + "Question: "+ question
|
||||
output = get_GPT_response(enriched_prompt, SYSTEM_PROMPT, CHAT_MODEL_ID, CHAT_DEPLOYMENT_ID, temperature=TEMPERATURE)
|
||||
answer_list.append((row["text"], row["label"], output))
|
||||
|
||||
@@ -18,8 +18,8 @@ CONTEXT_VOLUME_LIST = [10, 50, 100, 150, 200]
|
||||
SENTENCE_EMBEDDING_MODEL_FOR_CONTEXT_RETRIEVAL_LIST = ["pritamdeka/S-PubMedBert-MS-MARCO", "sentence-transformers/all-MiniLM-L6-v2"]
|
||||
SAVE_NAME_LIST = ["pubmedBert_based_two_hop_questions_parameter_tuning_round_{}.csv", "miniLM_based_two_hop_questions_parameter_tuning_round_{}.csv"]
|
||||
|
||||
QUESTION_PATH = config_data["TWO_HOP_GRAPH_TRAVERSAL"]
|
||||
SYSTEM_PROMPT = system_prompts["TWO_HOP_VALIDATION"]
|
||||
QUESTION_PATH = config_data["TWO_DISEASE_ENTITY_FILE"]
|
||||
SYSTEM_PROMPT = system_prompts["TWO_DISEASE_ENTITY_VALIDATION"]
|
||||
QUESTION_VS_CONTEXT_SIMILARITY_PERCENTILE_THRESHOLD = float(config_data["QUESTION_VS_CONTEXT_SIMILARITY_PERCENTILE_THRESHOLD"])
|
||||
QUESTION_VS_CONTEXT_MINIMUM_SIMILARITY = float(config_data["QUESTION_VS_CONTEXT_MINIMUM_SIMILARITY"])
|
||||
VECTOR_DB_PATH = config_data["VECTOR_DB_PATH"]
|
||||
@@ -31,6 +31,7 @@ SAVE_PATH = config_data["SAVE_RESULTS_PATH"]
|
||||
vectorstore = load_chroma(VECTOR_DB_PATH, SENTENCE_EMBEDDING_MODEL_FOR_NODE_RETRIEVAL)
|
||||
embedding_function_for_context_retrieval = load_sentence_transformer(SENTENCE_EMBEDDING_MODEL_FOR_CONTEXT_RETRIEVAL)
|
||||
node_context_df = pd.read_csv(NODE_CONTEXT_PATH)
|
||||
edge_evidence = False
|
||||
|
||||
def main():
|
||||
start_time = time.time()
|
||||
@@ -40,7 +41,7 @@ def main():
|
||||
answer_list = []
|
||||
for index, row in question_df.iterrows():
|
||||
question = row["text"]
|
||||
context = retrieve_context(question, vectorstore, embedding_function_for_context_retrieval, node_context_df, context_volume, QUESTION_VS_CONTEXT_SIMILARITY_PERCENTILE_THRESHOLD, QUESTION_VS_CONTEXT_MINIMUM_SIMILARITY)
|
||||
context = retrieve_context(question, vectorstore, embedding_function_for_context_retrieval, node_context_df, context_volume, QUESTION_VS_CONTEXT_SIMILARITY_PERCENTILE_THRESHOLD, QUESTION_VS_CONTEXT_MINIMUM_SIMILARITY, edge_evidence)
|
||||
enriched_prompt = "Context: "+ context + "\n" + "Question: " + question
|
||||
output = get_GPT_response(enriched_prompt, system_prompt, CHAT_MODEL_ID, CHAT_DEPLOYMENT_ID, temperature=temperature)
|
||||
if not output:
|
||||
@@ -12,10 +12,12 @@ import argparse
|
||||
parser = argparse.ArgumentParser()
|
||||
parser.add_argument('-g', type=str, default='gpt-35-turbo', help='GPT model selection')
|
||||
parser.add_argument('-i', type=bool, default=False, help='Flag for interactive mode')
|
||||
parser.add_argument('-e', type=bool, default=False, help='Flag for showing evidence of association from the graph')
|
||||
args = parser.parse_args()
|
||||
|
||||
CHAT_MODEL_ID = args.g
|
||||
INTERACTIVE = args.i
|
||||
EDGE_EVIDENCE = bool(args.e)
|
||||
|
||||
|
||||
SYSTEM_PROMPT = system_prompts["KG_RAG_BASED_TEXT_GENERATION"]
|
||||
@@ -41,14 +43,14 @@ def main():
|
||||
question = input("Enter your question : ")
|
||||
if not INTERACTIVE:
|
||||
print("Retrieving context from SPOKE graph...")
|
||||
context = retrieve_context(question, vectorstore, embedding_function_for_context_retrieval, node_context_df, CONTEXT_VOLUME, QUESTION_VS_CONTEXT_SIMILARITY_PERCENTILE_THRESHOLD, QUESTION_VS_CONTEXT_MINIMUM_SIMILARITY)
|
||||
context = retrieve_context(question, vectorstore, embedding_function_for_context_retrieval, node_context_df, CONTEXT_VOLUME, QUESTION_VS_CONTEXT_SIMILARITY_PERCENTILE_THRESHOLD, QUESTION_VS_CONTEXT_MINIMUM_SIMILARITY, EDGE_EVIDENCE)
|
||||
print("Here is the KG-RAG based answer:")
|
||||
print("")
|
||||
enriched_prompt = "Context: "+ context + "\n" + "Question: " + question
|
||||
output = get_GPT_response(enriched_prompt, SYSTEM_PROMPT, CHAT_MODEL_ID, CHAT_DEPLOYMENT_ID, temperature=TEMPERATURE)
|
||||
stream_out(output)
|
||||
else:
|
||||
interactive(question, vectorstore, node_context_df, embedding_function_for_context_retrieval, CHAT_MODEL_ID)
|
||||
interactive(question, vectorstore, node_context_df, embedding_function_for_context_retrieval, CHAT_MODEL_ID, EDGE_EVIDENCE, SYSTEM_PROMPT)
|
||||
|
||||
|
||||
|
||||
|
||||
@@ -22,7 +22,7 @@ MODEL_NAME = config_data["LLAMA_MODEL_NAME"]
|
||||
BRANCH_NAME = config_data["LLAMA_MODEL_BRANCH"]
|
||||
CACHE_DIR = config_data["LLM_CACHE_DIR"]
|
||||
|
||||
save_name = "_".join(MODEL_NAME.split("/")[-1].split("-"))+"_two_hop_mcq_from_monarch_and_robokop_response.csv"
|
||||
save_name = "_".join(MODEL_NAME.split("/")[-1].split("-"))+"_kg_rag_based_mcq_from_monarch_and_robokop_response.csv"
|
||||
|
||||
|
||||
INSTRUCTION = "Context:\n\n{context} \n\nQuestion: {question}"
|
||||
@@ -30,6 +30,7 @@ INSTRUCTION = "Context:\n\n{context} \n\nQuestion: {question}"
|
||||
vectorstore = load_chroma(VECTOR_DB_PATH, SENTENCE_EMBEDDING_MODEL_FOR_NODE_RETRIEVAL)
|
||||
embedding_function_for_context_retrieval = load_sentence_transformer(SENTENCE_EMBEDDING_MODEL_FOR_CONTEXT_RETRIEVAL)
|
||||
node_context_df = pd.read_csv(NODE_CONTEXT_PATH)
|
||||
edge_evidence = False
|
||||
|
||||
|
||||
|
||||
@@ -43,7 +44,7 @@ def main():
|
||||
answer_list = []
|
||||
for index, row in question_df.iterrows():
|
||||
question = row["text"]
|
||||
context = retrieve_context(question, vectorstore, embedding_function_for_context_retrieval, node_context_df, CONTEXT_VOLUME, QUESTION_VS_CONTEXT_SIMILARITY_PERCENTILE_THRESHOLD, QUESTION_VS_CONTEXT_MINIMUM_SIMILARITY)
|
||||
context = retrieve_context(question, vectorstore, embedding_function_for_context_retrieval, node_context_df, CONTEXT_VOLUME, QUESTION_VS_CONTEXT_SIMILARITY_PERCENTILE_THRESHOLD, QUESTION_VS_CONTEXT_MINIMUM_SIMILARITY, edge_evidence)
|
||||
output = llm_chain.run(context=context, question=question)
|
||||
answer_list.append((row["text"], row["correct_node"], output))
|
||||
answer_df = pd.DataFrame(answer_list, columns=["question", "correct_answer", "llm_answer"])
|
||||
|
||||
61
kg_rag/rag_based_generation/Llama/run_mcq_qa_medgpt.py
Normal file
@@ -0,0 +1,61 @@
|
||||
'''
|
||||
This script takes the MCQ style questions from the csv file and save the result as another csv file.
|
||||
This script makes use of Llama model.
|
||||
Before running this script, make sure to configure the filepaths in config.yaml file.
|
||||
'''
|
||||
|
||||
from langchain import PromptTemplate, LLMChain
|
||||
from kg_rag.utility import *
|
||||
|
||||
|
||||
QUESTION_PATH = config_data["MCQ_PATH"]
|
||||
SYSTEM_PROMPT = system_prompts["MCQ_QUESTION"]
|
||||
CONTEXT_VOLUME = int(config_data["CONTEXT_VOLUME"])
|
||||
QUESTION_VS_CONTEXT_SIMILARITY_PERCENTILE_THRESHOLD = float(config_data["QUESTION_VS_CONTEXT_SIMILARITY_PERCENTILE_THRESHOLD"])
|
||||
QUESTION_VS_CONTEXT_MINIMUM_SIMILARITY = float(config_data["QUESTION_VS_CONTEXT_MINIMUM_SIMILARITY"])
|
||||
VECTOR_DB_PATH = config_data["VECTOR_DB_PATH"]
|
||||
NODE_CONTEXT_PATH = config_data["NODE_CONTEXT_PATH"]
|
||||
SENTENCE_EMBEDDING_MODEL_FOR_NODE_RETRIEVAL = config_data["SENTENCE_EMBEDDING_MODEL_FOR_NODE_RETRIEVAL"]
|
||||
SENTENCE_EMBEDDING_MODEL_FOR_CONTEXT_RETRIEVAL = config_data["SENTENCE_EMBEDDING_MODEL_FOR_CONTEXT_RETRIEVAL"]
|
||||
SAVE_PATH = config_data["SAVE_RESULTS_PATH"]
|
||||
MODEL_NAME = 'PharMolix/BioMedGPT-LM-7B'
|
||||
BRANCH_NAME = 'main'
|
||||
CACHE_DIR = config_data["LLM_CACHE_DIR"]
|
||||
|
||||
save_name = "_".join(MODEL_NAME.split("/")[-1].split("-"))+"_kg_rag_based_mcq_from_monarch_and_robokop_response.csv"
|
||||
|
||||
|
||||
INSTRUCTION = "Context:\n\n{context} \n\nQuestion: {question}"
|
||||
|
||||
vectorstore = load_chroma(VECTOR_DB_PATH, SENTENCE_EMBEDDING_MODEL_FOR_NODE_RETRIEVAL)
|
||||
embedding_function_for_context_retrieval = load_sentence_transformer(SENTENCE_EMBEDDING_MODEL_FOR_CONTEXT_RETRIEVAL)
|
||||
node_context_df = pd.read_csv(NODE_CONTEXT_PATH)
|
||||
edge_evidence = False
|
||||
|
||||
|
||||
def main():
|
||||
start_time = time.time()
|
||||
llm = llama_model(MODEL_NAME, BRANCH_NAME, CACHE_DIR)
|
||||
template = get_prompt(INSTRUCTION, SYSTEM_PROMPT)
|
||||
prompt = PromptTemplate(template=template, input_variables=["context", "question"])
|
||||
llm_chain = LLMChain(prompt=prompt, llm=llm)
|
||||
question_df = pd.read_csv(QUESTION_PATH)
|
||||
question_df = question_df.sample(50, random_state=40)
|
||||
answer_list = []
|
||||
for index, row in question_df.iterrows():
|
||||
question = row["text"]
|
||||
context = retrieve_context(question, vectorstore, embedding_function_for_context_retrieval, node_context_df, CONTEXT_VOLUME, QUESTION_VS_CONTEXT_SIMILARITY_PERCENTILE_THRESHOLD, QUESTION_VS_CONTEXT_MINIMUM_SIMILARITY, edge_evidence)
|
||||
output = llm_chain.run(context=context, question=question)
|
||||
answer_list.append((row["text"], row["correct_node"], output))
|
||||
answer_df = pd.DataFrame(answer_list, columns=["question", "correct_answer", "llm_answer"])
|
||||
answer_df.to_csv(os.path.join(SAVE_PATH, save_name), index=False, header=True)
|
||||
print("Completed in {} min".format((time.time()-start_time)/60))
|
||||
|
||||
|
||||
|
||||
|
||||
|
||||
if __name__ == "__main__":
|
||||
main()
|
||||
|
||||
|
||||
@@ -22,8 +22,9 @@ MODEL_NAME = config_data["LLAMA_MODEL_NAME"]
|
||||
BRANCH_NAME = config_data["LLAMA_MODEL_BRANCH"]
|
||||
CACHE_DIR = config_data["LLM_CACHE_DIR"]
|
||||
CONTEXT_VOLUME = 100
|
||||
edge_evidence = False
|
||||
|
||||
save_name = "_".join(MODEL_NAME.split("/")[-1].split("-"))+"_one_hop_true_false_binary_response.csv"
|
||||
save_name = "_".join(MODEL_NAME.split("/")[-1].split("-"))+"_kg_rag_based_true_false_binary_response.csv"
|
||||
|
||||
|
||||
INSTRUCTION = "Context:\n\n{context} \n\nQuestion: {question}"
|
||||
@@ -43,7 +44,7 @@ def main():
|
||||
answer_list = []
|
||||
for index, row in question_df.iterrows():
|
||||
question = row["text"]
|
||||
context = retrieve_context(question, vectorstore, embedding_function_for_context_retrieval, node_context_df, CONTEXT_VOLUME, QUESTION_VS_CONTEXT_SIMILARITY_PERCENTILE_THRESHOLD, QUESTION_VS_CONTEXT_MINIMUM_SIMILARITY)
|
||||
context = retrieve_context(question, vectorstore, embedding_function_for_context_retrieval, node_context_df, CONTEXT_VOLUME, QUESTION_VS_CONTEXT_SIMILARITY_PERCENTILE_THRESHOLD, QUESTION_VS_CONTEXT_MINIMUM_SIMILARITY, edge_evidence)
|
||||
output = llm_chain.run(context=context, question=question)
|
||||
answer_list.append((row["text"], row["label"], output))
|
||||
answer_df = pd.DataFrame(answer_list, columns=["question", "label", "llm_answer"])
|
||||
|
||||
@@ -7,10 +7,12 @@ import argparse
|
||||
parser = argparse.ArgumentParser()
|
||||
parser.add_argument('-i', type=bool, default=False, help='Flag for interactive mode')
|
||||
parser.add_argument('-m', type=str, default='method-1', help='Method to choose for Llama model')
|
||||
parser.add_argument('-e', type=bool, default=False, help='Flag for showing evidence of association from the graph')
|
||||
args = parser.parse_args()
|
||||
|
||||
INTERACTIVE = args.i
|
||||
METHOD = args.m
|
||||
EDGE_EVIDENCE = bool(args.e)
|
||||
|
||||
|
||||
SYSTEM_PROMPT = system_prompts["KG_RAG_BASED_TEXT_GENERATION"]
|
||||
@@ -41,12 +43,12 @@ def main():
|
||||
llm = llama_model(MODEL_NAME, BRANCH_NAME, CACHE_DIR, stream=True, method=METHOD)
|
||||
llm_chain = LLMChain(prompt=prompt, llm=llm)
|
||||
print("Retrieving context from SPOKE graph...")
|
||||
context = retrieve_context(question, vectorstore, embedding_function_for_context_retrieval, node_context_df, CONTEXT_VOLUME, QUESTION_VS_CONTEXT_SIMILARITY_PERCENTILE_THRESHOLD, QUESTION_VS_CONTEXT_MINIMUM_SIMILARITY)
|
||||
context = retrieve_context(question, vectorstore, embedding_function_for_context_retrieval, node_context_df, CONTEXT_VOLUME, QUESTION_VS_CONTEXT_SIMILARITY_PERCENTILE_THRESHOLD, QUESTION_VS_CONTEXT_MINIMUM_SIMILARITY, EDGE_EVIDENCE)
|
||||
print("Here is the KG-RAG based answer using Llama:")
|
||||
print("")
|
||||
output = llm_chain.run(context=context, question=question)
|
||||
else:
|
||||
interactive(question, vectorstore, node_context_df, embedding_function_for_context_retrieval, "llama", llama_method=METHOD)
|
||||
interactive(question, vectorstore, node_context_df, embedding_function_for_context_retrieval, "llama", EDGE_EVIDENCE, SYSTEM_PROMPT, llama_method=METHOD)
|
||||
|
||||
|
||||
|
||||
|
||||
@@ -64,7 +64,9 @@ def get_context_using_spoke_api(node_value):
|
||||
'cutoff_DaG_textmining': config_data['cutoff_DaG_textmining'],
|
||||
'cutoff_CtD_phase': config_data['cutoff_CtD_phase'],
|
||||
'cutoff_PiP_confidence': config_data['cutoff_PiP_confidence'],
|
||||
'cutoff_ACTeG_level': config_data['cutoff_ACTeG_level']
|
||||
'cutoff_ACTeG_level': config_data['cutoff_ACTeG_level'],
|
||||
'cutoff_DpL_average_prevalence': config_data['cutoff_DpL_average_prevalence'],
|
||||
'depth' : config_data['depth']
|
||||
}
|
||||
node_type = "Disease"
|
||||
attribute = "name"
|
||||
@@ -103,10 +105,14 @@ def get_context_using_spoke_api(node_value):
|
||||
else:
|
||||
provenance = "Based on data from Institute For Systems Biology (ISB)"
|
||||
except:
|
||||
provenance = "SPOKE-KG"
|
||||
nbr_edges.append((item["data"]["source"], item["data"]["neo4j_type"], item["data"]["target"], provenance))
|
||||
provenance = "SPOKE-KG"
|
||||
try:
|
||||
evidence = item["data"]["properties"]
|
||||
except:
|
||||
evidence = None
|
||||
nbr_edges.append((item["data"]["source"], item["data"]["neo4j_type"], item["data"]["target"], provenance, evidence))
|
||||
nbr_nodes_df = pd.DataFrame(nbr_nodes, columns=["node_type", "node_id", "node_name"])
|
||||
nbr_edges_df = pd.DataFrame(nbr_edges, columns=["source", "edge_type", "target", "provenance"])
|
||||
nbr_edges_df = pd.DataFrame(nbr_edges, columns=["source", "edge_type", "target", "provenance", "evidence"])
|
||||
merge_1 = pd.merge(nbr_edges_df, nbr_nodes_df, left_on="source", right_on="node_id").drop("node_id", axis=1)
|
||||
merge_1.loc[:,"node_name"] = merge_1.node_type + " " + merge_1.node_name
|
||||
merge_1.drop(["source", "node_type"], axis=1, inplace=True)
|
||||
@@ -115,12 +121,20 @@ def get_context_using_spoke_api(node_value):
|
||||
merge_2.loc[:,"node_name"] = merge_2.node_type + " " + merge_2.node_name
|
||||
merge_2.drop(["target", "node_type"], axis=1, inplace=True)
|
||||
merge_2 = merge_2.rename(columns={"node_name":"target"})
|
||||
merge_2 = merge_2[["source", "edge_type", "target", "provenance"]]
|
||||
merge_2 = merge_2[["source", "edge_type", "target", "provenance", "evidence"]]
|
||||
merge_2.loc[:, "predicate"] = merge_2.edge_type.apply(lambda x:x.split("_")[0])
|
||||
merge_2.loc[:, "context"] = merge_2.source + " " + merge_2.predicate.str.lower() + " " + merge_2.target + " and Provenance of this association is " + merge_2.provenance + ". "
|
||||
context = merge_2['context'].str.cat(sep=' ')
|
||||
context += node_value + " has a " + node_context[0]["data"]["properties"]["source"] + " identifier of " + node_context[0]["data"]["properties"]["identifier"] + " and Provenance of this association is " + node_context[0]["data"]["properties"]["source"] + "."
|
||||
return context
|
||||
merge_2.loc[:, "context"] = merge_2.source + " " + merge_2.predicate.str.lower() + " " + merge_2.target + " and Provenance of this association is " + merge_2.provenance + "."
|
||||
context = merge_2.context.str.cat(sep=' ')
|
||||
context += node_value + " has a " + node_context[0]["data"]["properties"]["source"] + " identifier of " + node_context[0]["data"]["properties"]["identifier"] + " and Provenance of this is from " + node_context[0]["data"]["properties"]["source"] + "."
|
||||
return context, merge_2
|
||||
|
||||
# if edge_evidence:
|
||||
# merge_2.loc[:, "context"] = merge_2.source + " " + merge_2.predicate.str.lower() + " " + merge_2.target + " and Provenance of this association is " + merge_2.provenance + " and attributes associated with this association is in the following JSON format:\n " + merge_2.evidence.astype('str') + "\n\n"
|
||||
# else:
|
||||
# merge_2.loc[:, "context"] = merge_2.source + " " + merge_2.predicate.str.lower() + " " + merge_2.target + " and Provenance of this association is " + merge_2.provenance + ". "
|
||||
# context = merge_2.context.str.cat(sep=' ')
|
||||
# context += node_value + " has a " + node_context[0]["data"]["properties"]["source"] + " identifier of " + node_context[0]["data"]["properties"]["identifier"] + " and Provenance of this is from " + node_context[0]["data"]["properties"]["source"] + "."
|
||||
# return context
|
||||
|
||||
|
||||
|
||||
@@ -244,7 +258,7 @@ def load_chroma(vector_db_path, sentence_embedding_model):
|
||||
embedding_function = load_sentence_transformer(sentence_embedding_model)
|
||||
return Chroma(persist_directory=vector_db_path, embedding_function=embedding_function)
|
||||
|
||||
def retrieve_context(question, vectorstore, embedding_function, node_context_df, context_volume, context_sim_threshold, context_sim_min_threshold, api=True):
|
||||
def retrieve_context(question, vectorstore, embedding_function, node_context_df, context_volume, context_sim_threshold, context_sim_min_threshold, edge_evidence, api=True):
|
||||
entities = disease_entity_extractor_v2(question)
|
||||
node_hits = []
|
||||
if entities:
|
||||
@@ -258,7 +272,7 @@ def retrieve_context(question, vectorstore, embedding_function, node_context_df,
|
||||
if not api:
|
||||
node_context = node_context_df[node_context_df.node_name == node_name].node_context.values[0]
|
||||
else:
|
||||
node_context = get_context_using_spoke_api(node_name)
|
||||
node_context,context_table = get_context_using_spoke_api(node_name)
|
||||
node_context_list = node_context.split(". ")
|
||||
node_context_embeddings = embedding_function.embed_documents(node_context_list)
|
||||
similarities = [cosine_similarity(np.array(question_embedding).reshape(1, -1), np.array(node_context_embedding).reshape(1, -1)) for node_context_embedding in node_context_embeddings]
|
||||
@@ -267,9 +281,15 @@ def retrieve_context(question, vectorstore, embedding_function, node_context_df,
|
||||
high_similarity_indices = [s[1] for s in similarities if s[0] > percentile_threshold and s[0] > context_sim_min_threshold]
|
||||
if len(high_similarity_indices) > max_number_of_high_similarity_context_per_node:
|
||||
high_similarity_indices = high_similarity_indices[:max_number_of_high_similarity_context_per_node]
|
||||
high_similarity_context = [node_context_list[index] for index in high_similarity_indices]
|
||||
node_context_extracted += ". ".join(high_similarity_context)
|
||||
node_context_extracted += ". "
|
||||
high_similarity_context = [node_context_list[index] for index in high_similarity_indices]
|
||||
if edge_evidence:
|
||||
high_similarity_context = list(map(lambda x:x+'.', high_similarity_context))
|
||||
context_table = context_table[context_table.context.isin(high_similarity_context)]
|
||||
context_table.loc[:, "context"] = context_table.source + " " + context_table.predicate.str.lower() + " " + context_table.target + " and Provenance of this association is " + context_table.provenance + " and attributes associated with this association is in the following JSON format:\n " + context_table.evidence.astype('str') + "\n\n"
|
||||
node_context_extracted = context_table.context.str.cat(sep=' ')
|
||||
else:
|
||||
node_context_extracted += ". ".join(high_similarity_context)
|
||||
node_context_extracted += ". "
|
||||
return node_context_extracted
|
||||
else:
|
||||
node_hits = vectorstore.similarity_search_with_score(question, k=5)
|
||||
@@ -281,7 +301,7 @@ def retrieve_context(question, vectorstore, embedding_function, node_context_df,
|
||||
if not api:
|
||||
node_context = node_context_df[node_context_df.node_name == node_name].node_context.values[0]
|
||||
else:
|
||||
node_context = get_context_using_spoke_api(node_name)
|
||||
node_context, context_table = get_context_using_spoke_api(node_name)
|
||||
node_context_list = node_context.split(". ")
|
||||
node_context_embeddings = embedding_function.embed_documents(node_context_list)
|
||||
similarities = [cosine_similarity(np.array(question_embedding).reshape(1, -1), np.array(node_context_embedding).reshape(1, -1)) for node_context_embedding in node_context_embeddings]
|
||||
@@ -291,12 +311,18 @@ def retrieve_context(question, vectorstore, embedding_function, node_context_df,
|
||||
if len(high_similarity_indices) > max_number_of_high_similarity_context_per_node:
|
||||
high_similarity_indices = high_similarity_indices[:max_number_of_high_similarity_context_per_node]
|
||||
high_similarity_context = [node_context_list[index] for index in high_similarity_indices]
|
||||
node_context_extracted += ". ".join(high_similarity_context)
|
||||
node_context_extracted += ". "
|
||||
if edge_evidence:
|
||||
high_similarity_context = list(map(lambda x:x+'.', high_similarity_context))
|
||||
context_table = context_table[context_table.context.isin(high_similarity_context)]
|
||||
context_table.loc[:, "context"] = context_table.source + " " + context_table.predicate.str.lower() + " " + context_table.target + " and Provenance of this association is " + context_table.provenance + " and attributes associated with this association is in the following JSON format:\n " + context_table.evidence.astype('str') + "\n\n"
|
||||
node_context_extracted = context_table.context.str.cat(sep=' ')
|
||||
else:
|
||||
node_context_extracted += ". ".join(high_similarity_context)
|
||||
node_context_extracted += ". "
|
||||
return node_context_extracted
|
||||
|
||||
|
||||
def interactive(question, vectorstore, node_context_df, embedding_function_for_context_retrieval, llm_type, api=True, llama_method="method-1"):
|
||||
def interactive(question, vectorstore, node_context_df, embedding_function_for_context_retrieval, llm_type, edge_evidence, system_prompt, api=True, llama_method="method-1"):
|
||||
print(" ")
|
||||
input("Press enter for Step 1 - Disease entity extraction using GPT-3.5-Turbo")
|
||||
print("Processing ...")
|
||||
@@ -320,7 +346,8 @@ def interactive(question, vectorstore, node_context_df, embedding_function_for_c
|
||||
if not api:
|
||||
node_context.append(node_context_df[node_context_df.node_name == node_name].node_context.values[0])
|
||||
else:
|
||||
node_context.append(get_context_using_spoke_api(node_name))
|
||||
context, context_table = get_context_using_spoke_api(node_name)
|
||||
node_context.append(context)
|
||||
print("Extracted Context is : ")
|
||||
print(". ".join(node_context))
|
||||
print(" ")
|
||||
@@ -332,7 +359,7 @@ def interactive(question, vectorstore, node_context_df, embedding_function_for_c
|
||||
if not api:
|
||||
node_context = node_context_df[node_context_df.node_name == node_name].node_context.values[0]
|
||||
else:
|
||||
node_context = get_context_using_spoke_api(node_name)
|
||||
node_context, context_table = get_context_using_spoke_api(node_name)
|
||||
node_context_list = node_context.split(". ")
|
||||
node_context_embeddings = embedding_function_for_context_retrieval.embed_documents(node_context_list)
|
||||
similarities = [cosine_similarity(np.array(question_embedding).reshape(1, -1), np.array(node_context_embedding).reshape(1, -1)) for node_context_embedding in node_context_embeddings]
|
||||
@@ -341,9 +368,15 @@ def interactive(question, vectorstore, node_context_df, embedding_function_for_c
|
||||
high_similarity_indices = [s[1] for s in similarities if s[0] > percentile_threshold and s[0] > config_data["QUESTION_VS_CONTEXT_MINIMUM_SIMILARITY"]]
|
||||
if len(high_similarity_indices) > max_number_of_high_similarity_context_per_node:
|
||||
high_similarity_indices = high_similarity_indices[:max_number_of_high_similarity_context_per_node]
|
||||
high_similarity_context = [node_context_list[index] for index in high_similarity_indices]
|
||||
node_context_extracted += ". ".join(high_similarity_context)
|
||||
node_context_extracted += ". "
|
||||
high_similarity_context = [node_context_list[index] for index in high_similarity_indices]
|
||||
if edge_evidence:
|
||||
high_similarity_context = list(map(lambda x:x+'.', high_similarity_context))
|
||||
context_table = context_table[context_table.context.isin(high_similarity_context)]
|
||||
context_table.loc[:, "context"] = context_table.source + " " + context_table.predicate.str.lower() + " " + context_table.target + " and Provenance of this association is " + context_table.provenance + " and attributes associated with this association is in the following JSON format:\n " + context_table.evidence.astype('str') + "\n\n"
|
||||
node_context_extracted = context_table.context.str.cat(sep=' ')
|
||||
else:
|
||||
node_context_extracted += ". ".join(high_similarity_context)
|
||||
node_context_extracted += ". "
|
||||
print("Pruned Context is : ")
|
||||
print(node_context_extracted)
|
||||
print(" ")
|
||||
@@ -352,12 +385,12 @@ def interactive(question, vectorstore, node_context_df, embedding_function_for_c
|
||||
print("Prompting ", llm_type)
|
||||
if llm_type == "llama":
|
||||
from langchain import PromptTemplate, LLMChain
|
||||
template = get_prompt("Context:\n\n{context} \n\nQuestion: {question}", system_prompts["KG_RAG_BASED_TEXT_GENERATION"])
|
||||
template = get_prompt("Context:\n\n{context} \n\nQuestion: {question}", system_prompt)
|
||||
prompt = PromptTemplate(template=template, input_variables=["context", "question"])
|
||||
llm = llama_model(config_data["LLAMA_MODEL_NAME"], config_data["LLAMA_MODEL_BRANCH"], config_data["LLM_CACHE_DIR"], stream=True, method=llama_method)
|
||||
llm_chain = LLMChain(prompt=prompt, llm=llm)
|
||||
output = llm_chain.run(context=node_context_extracted, question=question)
|
||||
elif "gpt" in llm_type:
|
||||
enriched_prompt = "Context: "+ node_context_extracted + "\n" + "Question: " + question
|
||||
output = get_GPT_response(enriched_prompt, system_prompts["KG_RAG_BASED_TEXT_GENERATION"], llm_type, llm_type, temperature=config_data["LLM_TEMPERATURE"])
|
||||
output = get_GPT_response(enriched_prompt, system_prompt, llm_type, llm_type, temperature=config_data["LLM_TEMPERATURE"])
|
||||
stream_out(output)
|
||||
271
notebooks/cypher_rag_example.ipynb
Normal file
@@ -0,0 +1,271 @@
|
||||
{
|
||||
"cells": [
|
||||
{
|
||||
"cell_type": "code",
|
||||
"execution_count": 1,
|
||||
"id": "677867a3",
|
||||
"metadata": {},
|
||||
"outputs": [],
|
||||
"source": [
|
||||
"from langchain.chains import GraphCypherQAChain\n",
|
||||
"from langchain.chat_models import ChatOpenAI\n",
|
||||
"from langchain.graphs import Neo4jGraph\n",
|
||||
"from langchain.callbacks import get_openai_callback\n",
|
||||
"from dotenv import load_dotenv\n",
|
||||
"import os\n",
|
||||
"import openai\n",
|
||||
"import pandas as pd\n",
|
||||
"from neo4j.exceptions import CypherSyntaxError\n"
|
||||
]
|
||||
},
|
||||
{
|
||||
"cell_type": "markdown",
|
||||
"id": "186eb11d",
|
||||
"metadata": {},
|
||||
"source": [
|
||||
"## Choose the LLM"
|
||||
]
|
||||
},
|
||||
{
|
||||
"cell_type": "code",
|
||||
"execution_count": 2,
|
||||
"id": "fe18f3fc",
|
||||
"metadata": {},
|
||||
"outputs": [],
|
||||
"source": [
|
||||
"LLM_MODEL = 'gpt-4-32k'\n"
|
||||
]
|
||||
},
|
||||
{
|
||||
"cell_type": "markdown",
|
||||
"id": "1a040044",
|
||||
"metadata": {},
|
||||
"source": [
|
||||
"## Custom function for neo4j RAG chain"
|
||||
]
|
||||
},
|
||||
{
|
||||
"cell_type": "code",
|
||||
"execution_count": 5,
|
||||
"id": "ead42cd3",
|
||||
"metadata": {},
|
||||
"outputs": [],
|
||||
"source": [
|
||||
"def get_neo4j_cypher_rag_chain():\n",
|
||||
" load_dotenv(os.path.join(os.path.expanduser('~'), '.spoke_neo4j_config.env'))\n",
|
||||
" username = os.environ.get('NEO4J_USER')\n",
|
||||
" password = os.environ.get('NEO4J_PSW')\n",
|
||||
" url = os.environ.get('NEO4J_URI')\n",
|
||||
" database = os.environ.get('NEO4J_DB')\n",
|
||||
"\n",
|
||||
" graph = Neo4jGraph(\n",
|
||||
" url=url, \n",
|
||||
" username=username, \n",
|
||||
" password=password,\n",
|
||||
" database = database\n",
|
||||
" )\n",
|
||||
"\n",
|
||||
" load_dotenv(os.path.join(os.path.expanduser('~'), '.gpt_config.env'))\n",
|
||||
" API_KEY = os.environ.get('API_KEY')\n",
|
||||
" API_VERSION = os.environ.get('API_VERSION')\n",
|
||||
" RESOURCE_ENDPOINT = os.environ.get('RESOURCE_ENDPOINT')\n",
|
||||
" openai.api_type = \"azure\"\n",
|
||||
" openai.api_key = API_KEY\n",
|
||||
" openai.api_base = RESOURCE_ENDPOINT\n",
|
||||
" openai.api_version = API_VERSION\n",
|
||||
" chat_deployment_id = LLM_MODEL\n",
|
||||
" chat_model_id = chat_deployment_id\n",
|
||||
" temperature = 0\n",
|
||||
" chat_model = ChatOpenAI(openai_api_key=API_KEY, \n",
|
||||
" engine=chat_deployment_id, \n",
|
||||
" temperature=temperature)\n",
|
||||
" chain = GraphCypherQAChain.from_llm(\n",
|
||||
" chat_model, \n",
|
||||
" graph=graph, \n",
|
||||
" verbose=True, \n",
|
||||
" validate_cypher=True,\n",
|
||||
" return_intermediate_steps=True\n",
|
||||
" )\n",
|
||||
" return chain"
|
||||
]
|
||||
},
|
||||
{
|
||||
"cell_type": "markdown",
|
||||
"id": "cc863aed",
|
||||
"metadata": {},
|
||||
"source": [
|
||||
"## Initiate neo4j RAG chain"
|
||||
]
|
||||
},
|
||||
{
|
||||
"cell_type": "code",
|
||||
"execution_count": 6,
|
||||
"id": "9866fd11",
|
||||
"metadata": {},
|
||||
"outputs": [
|
||||
{
|
||||
"name": "stderr",
|
||||
"output_type": "stream",
|
||||
"text": [
|
||||
"WARNING! engine is not default parameter.\n",
|
||||
" engine was transferred to model_kwargs.\n",
|
||||
" Please confirm that engine is what you intended.\n"
|
||||
]
|
||||
},
|
||||
{
|
||||
"name": "stdout",
|
||||
"output_type": "stream",
|
||||
"text": [
|
||||
"CPU times: user 17.5 ms, sys: 3.65 ms, total: 21.2 ms\n",
|
||||
"Wall time: 28.1 s\n"
|
||||
]
|
||||
}
|
||||
],
|
||||
"source": [
|
||||
"%%time\n",
|
||||
"neo4j_rag_chain = get_neo4j_cypher_rag_chain()\n"
|
||||
]
|
||||
},
|
||||
{
|
||||
"cell_type": "markdown",
|
||||
"id": "3827d5c4",
|
||||
"metadata": {},
|
||||
"source": [
|
||||
"## Enter question -1 "
|
||||
]
|
||||
},
|
||||
{
|
||||
"cell_type": "code",
|
||||
"execution_count": 9,
|
||||
"id": "7b9837c5",
|
||||
"metadata": {},
|
||||
"outputs": [],
|
||||
"source": [
|
||||
"question = \"Is Parkinson's disease associated with PINK1 gene?\"\n"
|
||||
]
|
||||
},
|
||||
{
|
||||
"cell_type": "markdown",
|
||||
"id": "23e669ed",
|
||||
"metadata": {},
|
||||
"source": [
|
||||
"## Run cypher RAG"
|
||||
]
|
||||
},
|
||||
{
|
||||
"cell_type": "code",
|
||||
"execution_count": 11,
|
||||
"id": "9f685b8e",
|
||||
"metadata": {},
|
||||
"outputs": [
|
||||
{
|
||||
"name": "stdout",
|
||||
"output_type": "stream",
|
||||
"text": [
|
||||
"\n",
|
||||
"\n",
|
||||
"\u001b[1m> Entering new GraphCypherQAChain chain...\u001b[0m\n",
|
||||
"Generated Cypher:\n",
|
||||
"\u001b[32;1m\u001b[1;3mMATCH (d:Disease {name: \"Parkinson's disease\"}), (g:Gene {name: \"PINK1\"}) \n",
|
||||
"RETURN EXISTS((d)-[:ASSOCIATES_DaG]->(g)) AS is_associated\u001b[0m\n",
|
||||
"Full Context:\n",
|
||||
"\u001b[32;1m\u001b[1;3m[{'is_associated': True}]\u001b[0m\n",
|
||||
"\n",
|
||||
"\u001b[1m> Finished chain.\u001b[0m\n",
|
||||
"Yes, Parkinson's disease is associated with the PINK1 gene.\n"
|
||||
]
|
||||
}
|
||||
],
|
||||
"source": [
|
||||
"\n",
|
||||
"out = neo4j_rag_chain.run(query=question, return_final_only=True, verbose=True)\n",
|
||||
"print(out)\n"
|
||||
]
|
||||
},
|
||||
{
|
||||
"cell_type": "markdown",
|
||||
"id": "069bc2f2",
|
||||
"metadata": {},
|
||||
"source": [
|
||||
"## Question 1 perturbed (all smallcase)"
|
||||
]
|
||||
},
|
||||
{
|
||||
"cell_type": "code",
|
||||
"execution_count": 18,
|
||||
"id": "4cf3363b",
|
||||
"metadata": {},
|
||||
"outputs": [],
|
||||
"source": [
|
||||
"question = \"Is parkinson's disease associated with pink1 gene?\"\n"
|
||||
]
|
||||
},
|
||||
{
|
||||
"cell_type": "markdown",
|
||||
"id": "487fd17f",
|
||||
"metadata": {},
|
||||
"source": [
|
||||
"## Run cypher RAG"
|
||||
]
|
||||
},
|
||||
{
|
||||
"cell_type": "code",
|
||||
"execution_count": 19,
|
||||
"id": "61d5eb0b",
|
||||
"metadata": {},
|
||||
"outputs": [
|
||||
{
|
||||
"name": "stdout",
|
||||
"output_type": "stream",
|
||||
"text": [
|
||||
"\n",
|
||||
"\n",
|
||||
"\u001b[1m> Entering new GraphCypherQAChain chain...\u001b[0m\n",
|
||||
"Generated Cypher:\n",
|
||||
"\u001b[32;1m\u001b[1;3mMATCH (d:Disease {name: \"Parkinson's Disease\"}), (g:Gene {name: \"PINK1\"}) \n",
|
||||
"RETURN EXISTS((d)-[:ASSOCIATES_DaG]->(g)) AS is_associated\u001b[0m\n",
|
||||
"Full Context:\n",
|
||||
"\u001b[32;1m\u001b[1;3m[]\u001b[0m\n",
|
||||
"\n",
|
||||
"\u001b[1m> Finished chain.\u001b[0m\n",
|
||||
"I'm sorry, but I don't have the information to answer that question.\n"
|
||||
]
|
||||
}
|
||||
],
|
||||
"source": [
|
||||
"\n",
|
||||
"out = neo4j_rag_chain.run(query=question, return_final_only=True, verbose=True)\n",
|
||||
"print(out)\n"
|
||||
]
|
||||
},
|
||||
{
|
||||
"cell_type": "code",
|
||||
"execution_count": null,
|
||||
"id": "6123c1a7",
|
||||
"metadata": {},
|
||||
"outputs": [],
|
||||
"source": []
|
||||
}
|
||||
],
|
||||
"metadata": {
|
||||
"kernelspec": {
|
||||
"display_name": "Python 3 (ipykernel)",
|
||||
"language": "python",
|
||||
"name": "python3"
|
||||
},
|
||||
"language_info": {
|
||||
"codemirror_mode": {
|
||||
"name": "ipython",
|
||||
"version": 3
|
||||
},
|
||||
"file_extension": ".py",
|
||||
"mimetype": "text/x-python",
|
||||
"name": "python",
|
||||
"nbconvert_exporter": "python",
|
||||
"pygments_lexer": "ipython3",
|
||||
"version": "3.10.9"
|
||||
}
|
||||
},
|
||||
"nbformat": 4,
|
||||
"nbformat_minor": 5
|
||||
}
|
||||
2173
notebooks/cypher_rag_using_langchain.ipynb
Normal file
153
notebooks/disease_retrieval_accuracy.ipynb
Normal file
@@ -0,0 +1,153 @@
|
||||
{
|
||||
"cells": [
|
||||
{
|
||||
"cell_type": "code",
|
||||
"execution_count": 1,
|
||||
"id": "945c420e-bb44-4ffb-b899-e049caf0d918",
|
||||
"metadata": {},
|
||||
"outputs": [],
|
||||
"source": [
|
||||
"import os\n",
|
||||
"os.chdir('..')"
|
||||
]
|
||||
},
|
||||
{
|
||||
"cell_type": "code",
|
||||
"execution_count": 2,
|
||||
"id": "f2bdefb3-3e59-409a-81b4-2e9ffbdfdb1a",
|
||||
"metadata": {},
|
||||
"outputs": [
|
||||
{
|
||||
"name": "stderr",
|
||||
"output_type": "stream",
|
||||
"text": [
|
||||
"/root/anaconda3/envs/kg_rag_test_2/lib/python3.10/site-packages/tqdm/auto.py:21: TqdmWarning: IProgress not found. Please update jupyter and ipywidgets. See https://ipywidgets.readthedocs.io/en/stable/user_install.html\n",
|
||||
" from .autonotebook import tqdm as notebook_tqdm\n"
|
||||
]
|
||||
}
|
||||
],
|
||||
"source": [
|
||||
"import pandas as pd\n",
|
||||
"from kg_rag.utility import *\n",
|
||||
"from tqdm import tqdm\n",
|
||||
"\n"
|
||||
]
|
||||
},
|
||||
{
|
||||
"cell_type": "code",
|
||||
"execution_count": 3,
|
||||
"id": "19fc98b9-64a8-40c0-9e5a-92b4392e6969",
|
||||
"metadata": {},
|
||||
"outputs": [],
|
||||
"source": [
|
||||
"data = pd.read_csv('data/dataset_for_entity_retrieval_accuracy_analysis.csv')\n"
|
||||
]
|
||||
},
|
||||
{
|
||||
"cell_type": "code",
|
||||
"execution_count": 14,
|
||||
"id": "2851be4c-2a76-4f6d-b5f4-118e8122b155",
|
||||
"metadata": {},
|
||||
"outputs": [],
|
||||
"source": [
|
||||
"VECTOR_DB_PATH = config_data[\"VECTOR_DB_PATH\"]\n",
|
||||
"SENTENCE_EMBEDDING_MODEL_FOR_NODE_RETRIEVAL = config_data[\"SENTENCE_EMBEDDING_MODEL_FOR_NODE_RETRIEVAL\"]\n",
|
||||
"\n",
|
||||
"vectorstore = load_chroma(VECTOR_DB_PATH, SENTENCE_EMBEDDING_MODEL_FOR_NODE_RETRIEVAL)\n"
|
||||
]
|
||||
},
|
||||
{
|
||||
"cell_type": "code",
|
||||
"execution_count": 16,
|
||||
"id": "7255fbab-d8b4-43a3-b870-9d67ad79d061",
|
||||
"metadata": {},
|
||||
"outputs": [
|
||||
{
|
||||
"name": "stderr",
|
||||
"output_type": "stream",
|
||||
"text": [
|
||||
"322it [00:05, 56.20it/s]"
|
||||
]
|
||||
},
|
||||
{
|
||||
"name": "stdout",
|
||||
"output_type": "stream",
|
||||
"text": [
|
||||
"CPU times: user 4.74 s, sys: 896 ms, total: 5.64 s\n",
|
||||
"Wall time: 5.73 s\n"
|
||||
]
|
||||
},
|
||||
{
|
||||
"name": "stderr",
|
||||
"output_type": "stream",
|
||||
"text": [
|
||||
"\n"
|
||||
]
|
||||
}
|
||||
],
|
||||
"source": [
|
||||
"%%time\n",
|
||||
"\n",
|
||||
"correct_retrieval = 0\n",
|
||||
"\n",
|
||||
"for index, row in tqdm(data.iterrows()):\n",
|
||||
" question = row['text']\n",
|
||||
" entities = disease_entity_extractor_v2(question) \n",
|
||||
" for entity in entities:\n",
|
||||
" node_search_result = vectorstore.similarity_search_with_score(entity, k=1)\n",
|
||||
" if node_search_result[0][0].page_content == row['node_hits']:\n",
|
||||
" correct_retrieval += 1 \n",
|
||||
" break\n",
|
||||
" \n"
|
||||
]
|
||||
},
|
||||
{
|
||||
"cell_type": "code",
|
||||
"execution_count": 20,
|
||||
"id": "2f997335-bff7-431c-bbd8-608513eddcc7",
|
||||
"metadata": {},
|
||||
"outputs": [
|
||||
{
|
||||
"name": "stdout",
|
||||
"output_type": "stream",
|
||||
"text": [
|
||||
"Retrieval accuracy is 99.7%\n"
|
||||
]
|
||||
}
|
||||
],
|
||||
"source": [
|
||||
"retrieval_accuracy = 100*correct_retrieval/data.shape[0]\n",
|
||||
"print(f'Retrieval accuracy is {round(retrieval_accuracy,1)}%')\n"
|
||||
]
|
||||
},
|
||||
{
|
||||
"cell_type": "code",
|
||||
"execution_count": null,
|
||||
"id": "afe971ab-b8b9-4c88-9657-c588813b412f",
|
||||
"metadata": {},
|
||||
"outputs": [],
|
||||
"source": []
|
||||
}
|
||||
],
|
||||
"metadata": {
|
||||
"kernelspec": {
|
||||
"display_name": "Python 3 (ipykernel)",
|
||||
"language": "python",
|
||||
"name": "python3"
|
||||
},
|
||||
"language_info": {
|
||||
"codemirror_mode": {
|
||||
"name": "ipython",
|
||||
"version": 3
|
||||
},
|
||||
"file_extension": ".py",
|
||||
"mimetype": "text/x-python",
|
||||
"name": "python",
|
||||
"nbconvert_exporter": "python",
|
||||
"pygments_lexer": "ipython3",
|
||||
"version": "3.10.9"
|
||||
}
|
||||
},
|
||||
"nbformat": 4,
|
||||
"nbformat_minor": 5
|
||||
}
|
||||
723
notebooks/gpt_prompts.ipynb
Normal file
@@ -0,0 +1,723 @@
|
||||
{
|
||||
"cells": [
|
||||
{
|
||||
"cell_type": "code",
|
||||
"execution_count": 1,
|
||||
"id": "3d3dca32-b77f-471d-b834-20ac795f9f17",
|
||||
"metadata": {},
|
||||
"outputs": [],
|
||||
"source": [
|
||||
"import os\n",
|
||||
"os.chdir('..')\n"
|
||||
]
|
||||
},
|
||||
{
|
||||
"cell_type": "code",
|
||||
"execution_count": 2,
|
||||
"id": "9da344d2-8e45-4574-aa19-4ad76c566101",
|
||||
"metadata": {},
|
||||
"outputs": [],
|
||||
"source": [
|
||||
"from IPython.display import clear_output\n",
|
||||
"from kg_rag.utility import *\n",
|
||||
"\n",
|
||||
"clear_output()\n"
|
||||
]
|
||||
},
|
||||
{
|
||||
"cell_type": "code",
|
||||
"execution_count": 3,
|
||||
"id": "b44bf274-41d1-4153-a65e-bfb9b90ebcc6",
|
||||
"metadata": {},
|
||||
"outputs": [],
|
||||
"source": [
|
||||
"\n",
|
||||
"def generate_response(question, llm, kg_rag_flag, evidence_flag=False, temperature=0):\n",
|
||||
" CHAT_MODEL_ID = llm\n",
|
||||
" CHAT_DEPLOYMENT_ID = llm\n",
|
||||
" \n",
|
||||
" if kg_rag_flag:\n",
|
||||
" SYSTEM_PROMPT = system_prompts[\"KG_RAG_BASED_TEXT_GENERATION\"]\n",
|
||||
" CONTEXT_VOLUME = int(config_data[\"CONTEXT_VOLUME\"])\n",
|
||||
" QUESTION_VS_CONTEXT_SIMILARITY_PERCENTILE_THRESHOLD = float(config_data[\"QUESTION_VS_CONTEXT_SIMILARITY_PERCENTILE_THRESHOLD\"])\n",
|
||||
" QUESTION_VS_CONTEXT_MINIMUM_SIMILARITY = float(config_data[\"QUESTION_VS_CONTEXT_MINIMUM_SIMILARITY\"])\n",
|
||||
" VECTOR_DB_PATH = config_data[\"VECTOR_DB_PATH\"]\n",
|
||||
" NODE_CONTEXT_PATH = config_data[\"NODE_CONTEXT_PATH\"]\n",
|
||||
" SENTENCE_EMBEDDING_MODEL_FOR_NODE_RETRIEVAL = config_data[\"SENTENCE_EMBEDDING_MODEL_FOR_NODE_RETRIEVAL\"]\n",
|
||||
" SENTENCE_EMBEDDING_MODEL_FOR_CONTEXT_RETRIEVAL = config_data[\"SENTENCE_EMBEDDING_MODEL_FOR_CONTEXT_RETRIEVAL\"]\n",
|
||||
" vectorstore = load_chroma(VECTOR_DB_PATH, SENTENCE_EMBEDDING_MODEL_FOR_NODE_RETRIEVAL)\n",
|
||||
" embedding_function_for_context_retrieval = load_sentence_transformer(SENTENCE_EMBEDDING_MODEL_FOR_CONTEXT_RETRIEVAL)\n",
|
||||
" node_context_df = pd.read_csv(NODE_CONTEXT_PATH)\n",
|
||||
" context = retrieve_context(question, vectorstore, embedding_function_for_context_retrieval, node_context_df, CONTEXT_VOLUME, QUESTION_VS_CONTEXT_SIMILARITY_PERCENTILE_THRESHOLD, QUESTION_VS_CONTEXT_MINIMUM_SIMILARITY, evidence_flag)\n",
|
||||
" enriched_prompt = \"Context: \"+ context + \"\\n\" + \"Question: \" + question\n",
|
||||
" question = enriched_prompt\n",
|
||||
" else:\n",
|
||||
" SYSTEM_PROMPT = system_prompts[\"PROMPT_BASED_TEXT_GENERATION\"]\n",
|
||||
" \n",
|
||||
" output = get_GPT_response(question, SYSTEM_PROMPT, CHAT_MODEL_ID, CHAT_DEPLOYMENT_ID, temperature=temperature)\n",
|
||||
" stream_out(output)\n"
|
||||
]
|
||||
},
|
||||
{
|
||||
"cell_type": "code",
|
||||
"execution_count": 4,
|
||||
"id": "33c0771d-e6be-406b-9b17-51f6377bcb6a",
|
||||
"metadata": {},
|
||||
"outputs": [],
|
||||
"source": [
|
||||
"\n",
|
||||
"LLM_TO_USE = 'gpt-4'\n",
|
||||
"TEMPERATURE = config_data[\"LLM_TEMPERATURE\"]\n"
|
||||
]
|
||||
},
|
||||
{
|
||||
"cell_type": "markdown",
|
||||
"id": "aab5d68e-ed47-4e36-986f-8842287d8ab6",
|
||||
"metadata": {},
|
||||
"source": [
|
||||
"## Question 1:"
|
||||
]
|
||||
},
|
||||
{
|
||||
"cell_type": "code",
|
||||
"execution_count": 5,
|
||||
"id": "bbbdb428-6d01-43f2-9e58-b919e7a68736",
|
||||
"metadata": {},
|
||||
"outputs": [],
|
||||
"source": [
|
||||
"question = 'Are there any latest drugs used for weight management in patients with Bardet-Biedl Syndrome?'\n"
|
||||
]
|
||||
},
|
||||
{
|
||||
"cell_type": "markdown",
|
||||
"id": "19ffb33b-bce6-4cb1-8f86-76080fcf0e40",
|
||||
"metadata": {},
|
||||
"source": [
|
||||
"### With KG-RAG"
|
||||
]
|
||||
},
|
||||
{
|
||||
"cell_type": "code",
|
||||
"execution_count": 6,
|
||||
"id": "02374d3c-5711-4704-8b37-7eda0965c9b0",
|
||||
"metadata": {},
|
||||
"outputs": [
|
||||
{
|
||||
"name": "stdout",
|
||||
"output_type": "stream",
|
||||
"text": [
|
||||
"Yes, the compound Setmelanotide is used to treat Bardet-Biedl syndrome. It is currently in phase 3 of clinical trials according to the sources ChEMBL and DrugCentral. However, it is advised to seek guidance from a healthcare professional for the most current and personalized treatment options. [Provenance: ChEMBL, DrugCentral]\n",
|
||||
"\n"
|
||||
]
|
||||
}
|
||||
],
|
||||
"source": [
|
||||
"KG_RAG_FLAG = True\n",
|
||||
"EDGE_EVIDENCE_FLAG = True #Used only when KG_RAG_FLAG=True\n",
|
||||
"\n",
|
||||
"generate_response(question, LLM_TO_USE, KG_RAG_FLAG, evidence_flag=EDGE_EVIDENCE_FLAG, temperature=TEMPERATURE)\n"
|
||||
]
|
||||
},
|
||||
{
|
||||
"cell_type": "markdown",
|
||||
"id": "17be2ecd-40f1-44b5-8f79-9358264a3703",
|
||||
"metadata": {},
|
||||
"source": [
|
||||
"### Without KG-RAG"
|
||||
]
|
||||
},
|
||||
{
|
||||
"cell_type": "code",
|
||||
"execution_count": 7,
|
||||
"id": "06bf55f2-eccf-4c26-b65a-0ed2ed30e689",
|
||||
"metadata": {},
|
||||
"outputs": [
|
||||
{
|
||||
"name": "stdout",
|
||||
"output_type": "stream",
|
||||
"text": [
|
||||
"As of my knowledge up to date, there are no specific drugs designed for weight management in patients with Bardet-Biedl Syndrome. The treatment generally involves managing the symptoms and complications. However, any new developments would be best advised by a healthcare professional.\n",
|
||||
"\n"
|
||||
]
|
||||
}
|
||||
],
|
||||
"source": [
|
||||
"KG_RAG_FLAG = False\n",
|
||||
"\n",
|
||||
"generate_response(question, LLM_TO_USE, KG_RAG_FLAG, temperature=TEMPERATURE)\n"
|
||||
]
|
||||
},
|
||||
{
|
||||
"cell_type": "markdown",
|
||||
"id": "afa24795-71e1-4f1a-ac99-b8d106513f76",
|
||||
"metadata": {},
|
||||
"source": [
|
||||
"## Question 2:"
|
||||
]
|
||||
},
|
||||
{
|
||||
"cell_type": "code",
|
||||
"execution_count": 8,
|
||||
"id": "eca290bb-fe30-4bb2-ab36-405c2151bccb",
|
||||
"metadata": {},
|
||||
"outputs": [],
|
||||
"source": [
|
||||
"question = 'Is it PNPLA3 or HLA-B that has a significant association with the disease liver benign neoplasm?'\n"
|
||||
]
|
||||
},
|
||||
{
|
||||
"cell_type": "markdown",
|
||||
"id": "0cd8e67f-f769-4130-8e7d-52e0524c66df",
|
||||
"metadata": {},
|
||||
"source": [
|
||||
"### With KG-RAG"
|
||||
]
|
||||
},
|
||||
{
|
||||
"cell_type": "code",
|
||||
"execution_count": 9,
|
||||
"id": "03863049-4ea5-4733-aeb4-0be3f09d6b5f",
|
||||
"metadata": {},
|
||||
"outputs": [
|
||||
{
|
||||
"name": "stdout",
|
||||
"output_type": "stream",
|
||||
"text": [
|
||||
"The gene PNPLA3 has a more significant association with the disease liver benign neoplasm, as indicated by the lower p-value of 4e-14 compared to HLA-B's p-value of 2e-08. The provenance of this information is the GWAS Catalog.\n",
|
||||
"\n"
|
||||
]
|
||||
}
|
||||
],
|
||||
"source": [
|
||||
"KG_RAG_FLAG = True\n",
|
||||
"EDGE_EVIDENCE_FLAG = True #Used only when KG_RAG_FLAG=True\n",
|
||||
"\n",
|
||||
"generate_response(question, LLM_TO_USE, KG_RAG_FLAG, evidence_flag=EDGE_EVIDENCE_FLAG, temperature=TEMPERATURE)\n"
|
||||
]
|
||||
},
|
||||
{
|
||||
"cell_type": "markdown",
|
||||
"id": "30121a5b-3956-41bd-ac4a-62e32744ba99",
|
||||
"metadata": {},
|
||||
"source": [
|
||||
"### Without KG-RAG"
|
||||
]
|
||||
},
|
||||
{
|
||||
"cell_type": "code",
|
||||
"execution_count": 10,
|
||||
"id": "8614706d-90d9-49e8-9481-30628505ba2e",
|
||||
"metadata": {},
|
||||
"outputs": [
|
||||
{
|
||||
"name": "stdout",
|
||||
"output_type": "stream",
|
||||
"text": [
|
||||
"It is PNPLA3 that has a significant association with the disease liver benign neoplasm.\n",
|
||||
"\n"
|
||||
]
|
||||
}
|
||||
],
|
||||
"source": [
|
||||
"KG_RAG_FLAG = False\n",
|
||||
"\n",
|
||||
"generate_response(question, LLM_TO_USE, KG_RAG_FLAG, temperature=TEMPERATURE)\n"
|
||||
]
|
||||
},
|
||||
{
|
||||
"cell_type": "markdown",
|
||||
"id": "8087eb26-e144-48ee-8630-09c73eb35a37",
|
||||
"metadata": {},
|
||||
"source": [
|
||||
"## Question 3"
|
||||
]
|
||||
},
|
||||
{
|
||||
"cell_type": "code",
|
||||
"execution_count": 11,
|
||||
"id": "4ed3bb71-12c8-40bf-b361-f9cd227c142d",
|
||||
"metadata": {},
|
||||
"outputs": [],
|
||||
"source": [
|
||||
"question = \"Is Parkinson's disease associated with PINK1 gene?\"\n"
|
||||
]
|
||||
},
|
||||
{
|
||||
"cell_type": "code",
|
||||
"execution_count": 12,
|
||||
"id": "0d06bb9e-ed6e-4f1b-ac2e-65cf219eeb12",
|
||||
"metadata": {},
|
||||
"outputs": [
|
||||
{
|
||||
"name": "stdout",
|
||||
"output_type": "stream",
|
||||
"text": [
|
||||
"Yes, Parkinson's disease is associated with the PINK1 gene. This association is reported in the DISEASES database - https://diseases.jensenlab.org.\n",
|
||||
"\n"
|
||||
]
|
||||
}
|
||||
],
|
||||
"source": [
|
||||
"KG_RAG_FLAG = True\n",
|
||||
"EDGE_EVIDENCE_FLAG = True \n",
|
||||
"\n",
|
||||
"generate_response(question, LLM_TO_USE, KG_RAG_FLAG, evidence_flag=EDGE_EVIDENCE_FLAG, temperature=TEMPERATURE)\n"
|
||||
]
|
||||
},
|
||||
{
|
||||
"cell_type": "markdown",
|
||||
"id": "b17ed61e-9de1-4e2b-ad04-5c41b1167e5b",
|
||||
"metadata": {},
|
||||
"source": [
|
||||
"## Question 3- perturbed (entities in smaller case)"
|
||||
]
|
||||
},
|
||||
{
|
||||
"cell_type": "code",
|
||||
"execution_count": 13,
|
||||
"id": "ae0cccdb-8689-46b0-a1cb-808ec8f997e0",
|
||||
"metadata": {},
|
||||
"outputs": [],
|
||||
"source": [
|
||||
"question = \"Is parkinson's disease associated with pink1 gene?\"\n"
|
||||
]
|
||||
},
|
||||
{
|
||||
"cell_type": "code",
|
||||
"execution_count": 14,
|
||||
"id": "1961ca49-f48a-46e3-bfc3-ced02fb1a2c2",
|
||||
"metadata": {},
|
||||
"outputs": [
|
||||
{
|
||||
"name": "stdout",
|
||||
"output_type": "stream",
|
||||
"text": [
|
||||
"Yes, Parkinson's disease is associated with the PINK1 gene. This association is reported in the DISEASES database - https://diseases.jensenlab.org.\n",
|
||||
"\n"
|
||||
]
|
||||
}
|
||||
],
|
||||
"source": [
|
||||
"KG_RAG_FLAG = True\n",
|
||||
"EDGE_EVIDENCE_FLAG = True \n",
|
||||
"\n",
|
||||
"generate_response(question, LLM_TO_USE, KG_RAG_FLAG, evidence_flag=EDGE_EVIDENCE_FLAG, temperature=TEMPERATURE)\n"
|
||||
]
|
||||
},
|
||||
{
|
||||
"cell_type": "markdown",
|
||||
"id": "b7f6ee15-2e3a-4dea-bfa6-35401b6b67da",
|
||||
"metadata": {},
|
||||
"source": [
|
||||
"## Question 4:"
|
||||
]
|
||||
},
|
||||
{
|
||||
"cell_type": "code",
|
||||
"execution_count": 15,
|
||||
"id": "f5068a03-143d-4c29-87bf-bba1082408bd",
|
||||
"metadata": {},
|
||||
"outputs": [],
|
||||
"source": [
|
||||
"question = \"What are some protein markers associated with thoracic aortic aneurysm?\"\n"
|
||||
]
|
||||
},
|
||||
{
|
||||
"cell_type": "markdown",
|
||||
"id": "056a4de0-c0fb-48ee-93e3-7742584362c9",
|
||||
"metadata": {},
|
||||
"source": [
|
||||
"### With KG-RAG"
|
||||
]
|
||||
},
|
||||
{
|
||||
"cell_type": "code",
|
||||
"execution_count": 16,
|
||||
"id": "6edd6bc4-e03b-473e-996e-6705f83ee2fa",
|
||||
"metadata": {},
|
||||
"outputs": [
|
||||
{
|
||||
"name": "stdout",
|
||||
"output_type": "stream",
|
||||
"text": [
|
||||
"The protein markers associated with thoracic aortic aneurysm include Chondroitin sulfate proteoglycan 4 (CSPG4), Matrix Gla protein (MGP), Interleukin-2 receptor subunit alpha (IL2RA), Interleukin-1 beta (IL1B), Myosin-10 (MYH10), Tropomyosin alpha-4 chain (TPM4), Tyrosine-protein kinase Mer (MERTK), and Stabilin-1 (STAB1). The provenance of these associations is the Cell Taxonomy database.\n",
|
||||
"\n"
|
||||
]
|
||||
}
|
||||
],
|
||||
"source": [
|
||||
"KG_RAG_FLAG = True\n",
|
||||
"EDGE_EVIDENCE_FLAG = True \n",
|
||||
"\n",
|
||||
"generate_response(question, LLM_TO_USE, KG_RAG_FLAG, evidence_flag=EDGE_EVIDENCE_FLAG, temperature=TEMPERATURE)\n"
|
||||
]
|
||||
},
|
||||
{
|
||||
"cell_type": "markdown",
|
||||
"id": "e95cd283-ebf1-4394-bf40-e62fc96505eb",
|
||||
"metadata": {},
|
||||
"source": [
|
||||
"### Without KG-RAG"
|
||||
]
|
||||
},
|
||||
{
|
||||
"cell_type": "code",
|
||||
"execution_count": 17,
|
||||
"id": "f4c9d96b-c78f-44d4-9a46-1254f4856324",
|
||||
"metadata": {},
|
||||
"outputs": [
|
||||
{
|
||||
"name": "stdout",
|
||||
"output_type": "stream",
|
||||
"text": [
|
||||
"Some protein markers associated with thoracic aortic aneurysm include Matrix metalloproteinases (MMPs), C-reactive protein (CRP), and fibrillin-1.\n",
|
||||
"\n"
|
||||
]
|
||||
}
|
||||
],
|
||||
"source": [
|
||||
"KG_RAG_FLAG = False\n",
|
||||
"\n",
|
||||
"generate_response(question, LLM_TO_USE, KG_RAG_FLAG, temperature=TEMPERATURE)\n"
|
||||
]
|
||||
},
|
||||
{
|
||||
"cell_type": "markdown",
|
||||
"id": "84ecf6b4-5732-453a-94c3-a524c4572b81",
|
||||
"metadata": {},
|
||||
"source": [
|
||||
"## Question 5:"
|
||||
]
|
||||
},
|
||||
{
|
||||
"cell_type": "code",
|
||||
"execution_count": 18,
|
||||
"id": "0a049b56-cc9c-4777-8351-265839145690",
|
||||
"metadata": {},
|
||||
"outputs": [],
|
||||
"source": [
|
||||
"question = \"Are there any protein markers that show increased activity in adenocarcinoma?\"\n"
|
||||
]
|
||||
},
|
||||
{
|
||||
"cell_type": "markdown",
|
||||
"id": "a9a82988-b1e6-441b-bafa-4b148e4054ba",
|
||||
"metadata": {},
|
||||
"source": [
|
||||
"### With KG-RAG"
|
||||
]
|
||||
},
|
||||
{
|
||||
"cell_type": "code",
|
||||
"execution_count": 19,
|
||||
"id": "6cd1217e-b504-4006-a099-87bc5361d85f",
|
||||
"metadata": {},
|
||||
"outputs": [
|
||||
{
|
||||
"name": "stdout",
|
||||
"output_type": "stream",
|
||||
"text": [
|
||||
"Yes, there are several protein markers that show increased activity in adenocarcinoma. These include Keratin, type II cytoskeletal 7 (Cytokeratin-7) (CK-7) (Keratin-7) (K7) (Sarcolectin) (Type-II keratin Kb7), Anterior gradient protein 2 homolog (AG-2) (hAG-2) (HPC8) (Secreted cement gland protein XAG-2 homolog), Guanine deaminase (Guanase) (Guanine aminase) (3.5.4.3) (Guanine aminohydrolase) (GAH) (p51-nedasin), and Graves disease carrier protein (GDC) (Graves disease autoantigen) (GDA) (Mitochondrial solute carrier protein homolog) (Solute carrier family 25 member 16). The provenance of these associations is the Cell Taxonomy.\n",
|
||||
"\n"
|
||||
]
|
||||
}
|
||||
],
|
||||
"source": [
|
||||
"KG_RAG_FLAG = True\n",
|
||||
"EDGE_EVIDENCE_FLAG = True \n",
|
||||
"\n",
|
||||
"generate_response(question, LLM_TO_USE, KG_RAG_FLAG, evidence_flag=EDGE_EVIDENCE_FLAG, temperature=TEMPERATURE)\n"
|
||||
]
|
||||
},
|
||||
{
|
||||
"cell_type": "markdown",
|
||||
"id": "7bcae3c8-130c-4121-a119-9b9bb79a21ee",
|
||||
"metadata": {},
|
||||
"source": [
|
||||
"### Without KG-RAG"
|
||||
]
|
||||
},
|
||||
{
|
||||
"cell_type": "code",
|
||||
"execution_count": 20,
|
||||
"id": "96d8e70c-4258-4679-a5fa-1bc798eabd59",
|
||||
"metadata": {},
|
||||
"outputs": [
|
||||
{
|
||||
"name": "stdout",
|
||||
"output_type": "stream",
|
||||
"text": [
|
||||
"Yes, certain protein markers like carcinoembryonic antigen (CEA), CA 19-9, and cytokeratins can show increased activity in adenocarcinoma.\n",
|
||||
"\n"
|
||||
]
|
||||
}
|
||||
],
|
||||
"source": [
|
||||
"KG_RAG_FLAG = False\n",
|
||||
"\n",
|
||||
"generate_response(question, LLM_TO_USE, KG_RAG_FLAG, temperature=TEMPERATURE)\n"
|
||||
]
|
||||
},
|
||||
{
|
||||
"cell_type": "markdown",
|
||||
"id": "03697e1c-6868-4c56-8876-1333bc493f44",
|
||||
"metadata": {},
|
||||
"source": [
|
||||
"## Question 6:"
|
||||
]
|
||||
},
|
||||
{
|
||||
"cell_type": "code",
|
||||
"execution_count": 21,
|
||||
"id": "189ef273-bf3a-415f-8198-0e7fc4a1cac0",
|
||||
"metadata": {},
|
||||
"outputs": [],
|
||||
"source": [
|
||||
"question = \"Do you know if ruxolitinib is approved as a pharmacologic treatment for vitiligo?\"\n"
|
||||
]
|
||||
},
|
||||
{
|
||||
"cell_type": "markdown",
|
||||
"id": "fffd4c16-08fa-436f-b692-d3fe9eda305e",
|
||||
"metadata": {},
|
||||
"source": [
|
||||
"### With KG-RAG"
|
||||
]
|
||||
},
|
||||
{
|
||||
"cell_type": "code",
|
||||
"execution_count": 22,
|
||||
"id": "8e520c41-c5d3-4b38-a744-f954c106847a",
|
||||
"metadata": {},
|
||||
"outputs": [
|
||||
{
|
||||
"name": "stdout",
|
||||
"output_type": "stream",
|
||||
"text": [
|
||||
"Yes, Ruxolitinib is associated with the treatment of vitiligo. This association is supported by data from ChEMBL and DrugCentral databases. However, it is always recommended to seek guidance from a healthcare professional for treatment options. (Provenance: ChEMBL, DrugCentral)\n",
|
||||
"\n"
|
||||
]
|
||||
}
|
||||
],
|
||||
"source": [
|
||||
"KG_RAG_FLAG = True\n",
|
||||
"EDGE_EVIDENCE_FLAG = True \n",
|
||||
"\n",
|
||||
"generate_response(question, LLM_TO_USE, KG_RAG_FLAG, evidence_flag=EDGE_EVIDENCE_FLAG, temperature=TEMPERATURE)\n"
|
||||
]
|
||||
},
|
||||
{
|
||||
"cell_type": "markdown",
|
||||
"id": "6b1c1e0c-2a6a-48a0-99f1-4daabb2f1f61",
|
||||
"metadata": {},
|
||||
"source": [
|
||||
"### Without KG-RAG"
|
||||
]
|
||||
},
|
||||
{
|
||||
"cell_type": "code",
|
||||
"execution_count": 23,
|
||||
"id": "91e4eabc-2027-4bb6-b75f-0064d2a52369",
|
||||
"metadata": {},
|
||||
"outputs": [
|
||||
{
|
||||
"name": "stdout",
|
||||
"output_type": "stream",
|
||||
"text": [
|
||||
"As of my knowledge up to date, ruxolitinib is not officially approved for the treatment of vitiligo. However, some clinical trials have shown promising results. Always consult with a healthcare provider for treatment options.\n",
|
||||
"\n"
|
||||
]
|
||||
}
|
||||
],
|
||||
"source": [
|
||||
"KG_RAG_FLAG = False\n",
|
||||
"\n",
|
||||
"generate_response(question, LLM_TO_USE, KG_RAG_FLAG, temperature=TEMPERATURE)\n"
|
||||
]
|
||||
},
|
||||
{
|
||||
"cell_type": "markdown",
|
||||
"id": "be6ca1c2-f118-41cc-93a7-5e8db134193f",
|
||||
"metadata": {},
|
||||
"source": [
|
||||
"## Question 7:"
|
||||
]
|
||||
},
|
||||
{
|
||||
"cell_type": "code",
|
||||
"execution_count": 24,
|
||||
"id": "36a704be-f9d6-4968-82ec-09c4d0efe3a2",
|
||||
"metadata": {},
|
||||
"outputs": [],
|
||||
"source": [
|
||||
"question = \"Are there any biomarkers that show increased profile in hydrocephalus?\"\n"
|
||||
]
|
||||
},
|
||||
{
|
||||
"cell_type": "markdown",
|
||||
"id": "cf579442-9b23-4160-be25-e4a9dd88999f",
|
||||
"metadata": {},
|
||||
"source": [
|
||||
"### With KG-RAG"
|
||||
]
|
||||
},
|
||||
{
|
||||
"cell_type": "code",
|
||||
"execution_count": 25,
|
||||
"id": "a9f242a8-4f31-4f58-926c-d48f3f95f584",
|
||||
"metadata": {},
|
||||
"outputs": [
|
||||
{
|
||||
"name": "stdout",
|
||||
"output_type": "stream",
|
||||
"text": [
|
||||
"Yes, the Transmembrane protein 119 (TMEM119) and P2Y purinoceptor 12 (P2RY12) show an increased profile in hydrocephalus. The provenance of this information is the Cell Taxonomy database.\n",
|
||||
"\n"
|
||||
]
|
||||
}
|
||||
],
|
||||
"source": [
|
||||
"KG_RAG_FLAG = True\n",
|
||||
"EDGE_EVIDENCE_FLAG = True \n",
|
||||
"\n",
|
||||
"generate_response(question, LLM_TO_USE, KG_RAG_FLAG, evidence_flag=EDGE_EVIDENCE_FLAG, temperature=TEMPERATURE)\n"
|
||||
]
|
||||
},
|
||||
{
|
||||
"cell_type": "markdown",
|
||||
"id": "e0904315-0f47-4422-aa5c-063a3ccbc919",
|
||||
"metadata": {},
|
||||
"source": [
|
||||
"### Without KG-RAG"
|
||||
]
|
||||
},
|
||||
{
|
||||
"cell_type": "code",
|
||||
"execution_count": 26,
|
||||
"id": "1f1ab642-9385-4b04-83cf-6ace3eee6653",
|
||||
"metadata": {},
|
||||
"outputs": [
|
||||
{
|
||||
"name": "stdout",
|
||||
"output_type": "stream",
|
||||
"text": [
|
||||
"Yes, certain biomarkers such as L1CAM, S100B, GFAP, and NSE have shown increased profiles in hydrocephalus.\n",
|
||||
"\n"
|
||||
]
|
||||
}
|
||||
],
|
||||
"source": [
|
||||
"KG_RAG_FLAG = False\n",
|
||||
"\n",
|
||||
"generate_response(question, LLM_TO_USE, KG_RAG_FLAG, temperature=TEMPERATURE)\n"
|
||||
]
|
||||
},
|
||||
{
|
||||
"cell_type": "markdown",
|
||||
"id": "1fd3811b-546f-4ec3-8207-f9323e372744",
|
||||
"metadata": {},
|
||||
"source": [
|
||||
"## Question 8:"
|
||||
]
|
||||
},
|
||||
{
|
||||
"cell_type": "code",
|
||||
"execution_count": 27,
|
||||
"id": "2a1c9337-fd39-45b0-b12a-6de9b5971b9e",
|
||||
"metadata": {},
|
||||
"outputs": [],
|
||||
"source": [
|
||||
"\n",
|
||||
"question = 'Does drug dependence have any genetic factors? Do you have any statistical evidence from trustworthy sources for this?'\n"
|
||||
]
|
||||
},
|
||||
{
|
||||
"cell_type": "markdown",
|
||||
"id": "93f43325-fd99-4b43-a2b3-1314c26c7d8e",
|
||||
"metadata": {},
|
||||
"source": [
|
||||
"### With KG-RAG"
|
||||
]
|
||||
},
|
||||
{
|
||||
"cell_type": "code",
|
||||
"execution_count": 28,
|
||||
"id": "e6852cb3-8bf9-408b-ab65-492b75c690ed",
|
||||
"metadata": {},
|
||||
"outputs": [
|
||||
{
|
||||
"name": "stdout",
|
||||
"output_type": "stream",
|
||||
"text": [
|
||||
"Yes, drug dependence does have genetic factors. The genes KAT2B and SLC25A16 have been associated with drug dependence. This information is backed by statistical evidence from the GWAS Catalog, with p-values of 4e-10 and 1e-09 respectively.\n",
|
||||
"\n"
|
||||
]
|
||||
}
|
||||
],
|
||||
"source": [
|
||||
"KG_RAG_FLAG = True\n",
|
||||
"EDGE_EVIDENCE_FLAG = True \n",
|
||||
"\n",
|
||||
"generate_response(question, LLM_TO_USE, KG_RAG_FLAG, evidence_flag=EDGE_EVIDENCE_FLAG, temperature=TEMPERATURE)\n"
|
||||
]
|
||||
},
|
||||
{
|
||||
"cell_type": "markdown",
|
||||
"id": "796144e2-338d-479c-ba3b-34b0c23a209b",
|
||||
"metadata": {},
|
||||
"source": [
|
||||
"### Without KG-RAG"
|
||||
]
|
||||
},
|
||||
{
|
||||
"cell_type": "code",
|
||||
"execution_count": 29,
|
||||
"id": "b8079bc6-d309-4c88-9440-376aa43d972e",
|
||||
"metadata": {},
|
||||
"outputs": [
|
||||
{
|
||||
"name": "stdout",
|
||||
"output_type": "stream",
|
||||
"text": [
|
||||
"Yes, drug dependence does have genetic factors. According to the National Institute on Drug Abuse, genetics account for about 40-60% of a person's vulnerability to drug addiction.\n",
|
||||
"\n"
|
||||
]
|
||||
}
|
||||
],
|
||||
"source": [
|
||||
"KG_RAG_FLAG = False\n",
|
||||
"\n",
|
||||
"generate_response(question, LLM_TO_USE, KG_RAG_FLAG, temperature=TEMPERATURE)\n"
|
||||
]
|
||||
},
|
||||
{
|
||||
"cell_type": "code",
|
||||
"execution_count": null,
|
||||
"id": "16e1ae6d-d0e0-4b42-a8fe-517033fb9960",
|
||||
"metadata": {},
|
||||
"outputs": [],
|
||||
"source": []
|
||||
}
|
||||
],
|
||||
"metadata": {
|
||||
"kernelspec": {
|
||||
"display_name": "Python 3 (ipykernel)",
|
||||
"language": "python",
|
||||
"name": "python3"
|
||||
},
|
||||
"language_info": {
|
||||
"codemirror_mode": {
|
||||
"name": "ipython",
|
||||
"version": 3
|
||||
},
|
||||
"file_extension": ".py",
|
||||
"mimetype": "text/x-python",
|
||||
"name": "python",
|
||||
"nbconvert_exporter": "python",
|
||||
"pygments_lexer": "ipython3",
|
||||
"version": "3.10.9"
|
||||
}
|
||||
},
|
||||
"nbformat": 4,
|
||||
"nbformat_minor": 5
|
||||
}
|
||||
288
notebooks/kg_rag_token_usage_tracking.ipynb
Normal file
@@ -0,0 +1,288 @@
|
||||
{
|
||||
"cells": [
|
||||
{
|
||||
"cell_type": "code",
|
||||
"execution_count": 1,
|
||||
"id": "b86c2320-71ed-4223-9df7-0b9281cb652c",
|
||||
"metadata": {},
|
||||
"outputs": [],
|
||||
"source": [
|
||||
"import os\n",
|
||||
"os.chdir('..')\n"
|
||||
]
|
||||
},
|
||||
{
|
||||
"cell_type": "code",
|
||||
"execution_count": 2,
|
||||
"id": "8e9dc80f-43a6-4d8d-9d99-343bc6515ff8",
|
||||
"metadata": {},
|
||||
"outputs": [
|
||||
{
|
||||
"name": "stderr",
|
||||
"output_type": "stream",
|
||||
"text": [
|
||||
"/root/anaconda3/envs/kg_rag_test_2/lib/python3.10/site-packages/tqdm/auto.py:21: TqdmWarning: IProgress not found. Please update jupyter and ipywidgets. See https://ipywidgets.readthedocs.io/en/stable/user_install.html\n",
|
||||
" from .autonotebook import tqdm as notebook_tqdm\n"
|
||||
]
|
||||
}
|
||||
],
|
||||
"source": [
|
||||
"from kg_rag.utility import *\n",
|
||||
"from tqdm import tqdm\n"
|
||||
]
|
||||
},
|
||||
{
|
||||
"cell_type": "markdown",
|
||||
"id": "3b991006-9e91-4db1-9c11-62cbf1d9c356",
|
||||
"metadata": {},
|
||||
"source": [
|
||||
"## Choose the LLM"
|
||||
]
|
||||
},
|
||||
{
|
||||
"cell_type": "code",
|
||||
"execution_count": 3,
|
||||
"id": "5ae38918-24e1-4a28-b4e5-461eda38002c",
|
||||
"metadata": {},
|
||||
"outputs": [],
|
||||
"source": [
|
||||
"LLM_MODEL = 'gpt-4-32k'\n"
|
||||
]
|
||||
},
|
||||
{
|
||||
"cell_type": "markdown",
|
||||
"id": "db3c5056-15d6-4608-87c8-1e897dc4075e",
|
||||
"metadata": {},
|
||||
"source": [
|
||||
"## Configure KG-RAG"
|
||||
]
|
||||
},
|
||||
{
|
||||
"cell_type": "code",
|
||||
"execution_count": 4,
|
||||
"id": "fdf4d8fd-2265-4237-ba85-06a3efbf8145",
|
||||
"metadata": {},
|
||||
"outputs": [],
|
||||
"source": [
|
||||
"SYSTEM_PROMPT = system_prompts[\"KG_RAG_BASED_TEXT_GENERATION\"]\n",
|
||||
"CONTEXT_VOLUME = int(config_data[\"CONTEXT_VOLUME\"])\n",
|
||||
"QUESTION_VS_CONTEXT_SIMILARITY_PERCENTILE_THRESHOLD = float(config_data[\"QUESTION_VS_CONTEXT_SIMILARITY_PERCENTILE_THRESHOLD\"])\n",
|
||||
"QUESTION_VS_CONTEXT_MINIMUM_SIMILARITY = float(config_data[\"QUESTION_VS_CONTEXT_MINIMUM_SIMILARITY\"])\n",
|
||||
"VECTOR_DB_PATH = config_data[\"VECTOR_DB_PATH\"]\n",
|
||||
"NODE_CONTEXT_PATH = config_data[\"NODE_CONTEXT_PATH\"]\n",
|
||||
"SENTENCE_EMBEDDING_MODEL_FOR_NODE_RETRIEVAL = config_data[\"SENTENCE_EMBEDDING_MODEL_FOR_NODE_RETRIEVAL\"]\n",
|
||||
"SENTENCE_EMBEDDING_MODEL_FOR_CONTEXT_RETRIEVAL = config_data[\"SENTENCE_EMBEDDING_MODEL_FOR_CONTEXT_RETRIEVAL\"]\n",
|
||||
"TEMPERATURE = config_data[\"LLM_TEMPERATURE\"]\n",
|
||||
"\n",
|
||||
"CHAT_MODEL_ID = LLM_MODEL\n",
|
||||
"EDGE_EVIDENCE = True\n",
|
||||
"\n",
|
||||
"CHAT_DEPLOYMENT_ID = CHAT_MODEL_ID\n",
|
||||
"\n",
|
||||
"\n",
|
||||
"vectorstore = load_chroma(VECTOR_DB_PATH, SENTENCE_EMBEDDING_MODEL_FOR_NODE_RETRIEVAL)\n",
|
||||
"embedding_function_for_context_retrieval = load_sentence_transformer(SENTENCE_EMBEDDING_MODEL_FOR_CONTEXT_RETRIEVAL)\n",
|
||||
"node_context_df = pd.read_csv(NODE_CONTEXT_PATH)\n"
|
||||
]
|
||||
},
|
||||
{
|
||||
"cell_type": "markdown",
|
||||
"id": "547cf664-8b48-4f19-a232-09a5b2fa4ffa",
|
||||
"metadata": {},
|
||||
"source": [
|
||||
"## Load test data"
|
||||
]
|
||||
},
|
||||
{
|
||||
"cell_type": "code",
|
||||
"execution_count": 5,
|
||||
"id": "00fa2491-901e-44ea-8109-2a60b23771ba",
|
||||
"metadata": {},
|
||||
"outputs": [],
|
||||
"source": [
|
||||
"data = pd.read_csv('data/rag_comparison_data.csv')\n"
|
||||
]
|
||||
},
|
||||
{
|
||||
"cell_type": "markdown",
|
||||
"id": "39c207c9-49be-449b-9b70-a92cdf8095d3",
|
||||
"metadata": {},
|
||||
"source": [
|
||||
"## Function for chat completion with token usage tracking"
|
||||
]
|
||||
},
|
||||
{
|
||||
"cell_type": "code",
|
||||
"execution_count": 6,
|
||||
"id": "8ca41e38-79fb-4f68-aa16-db1785b6551f",
|
||||
"metadata": {},
|
||||
"outputs": [],
|
||||
"source": [
|
||||
"\n",
|
||||
"def chat_completion_with_token_usage(instruction, system_prompt, chat_model_id, chat_deployment_id, temperature):\n",
|
||||
" response = openai.ChatCompletion.create(\n",
|
||||
" temperature=temperature,\n",
|
||||
" deployment_id=chat_deployment_id,\n",
|
||||
" model=chat_model_id,\n",
|
||||
" messages=[\n",
|
||||
" {\"role\": \"system\", \"content\": system_prompt},\n",
|
||||
" {\"role\": \"user\", \"content\": instruction}\n",
|
||||
" ]\n",
|
||||
" )\n",
|
||||
" return response['choices'][0]['message']['content'], response.usage.total_tokens\n"
|
||||
]
|
||||
},
|
||||
{
|
||||
"cell_type": "markdown",
|
||||
"id": "4b2bbab7-72f6-414b-bdd0-0eab4ed842f2",
|
||||
"metadata": {},
|
||||
"source": [
|
||||
"## Run on test data"
|
||||
]
|
||||
},
|
||||
{
|
||||
"cell_type": "code",
|
||||
"execution_count": 7,
|
||||
"id": "637671b2-a06c-4fe4-a7a6-855b0ba48fcd",
|
||||
"metadata": {},
|
||||
"outputs": [
|
||||
{
|
||||
"name": "stderr",
|
||||
"output_type": "stream",
|
||||
"text": [
|
||||
"100it [11:13, 6.74s/it]"
|
||||
]
|
||||
},
|
||||
{
|
||||
"name": "stdout",
|
||||
"output_type": "stream",
|
||||
"text": [
|
||||
"CPU times: user 3min 37s, sys: 9.86 s, total: 3min 47s\n",
|
||||
"Wall time: 11min 13s\n"
|
||||
]
|
||||
},
|
||||
{
|
||||
"name": "stderr",
|
||||
"output_type": "stream",
|
||||
"text": [
|
||||
"\n"
|
||||
]
|
||||
}
|
||||
],
|
||||
"source": [
|
||||
"%%time\n",
|
||||
"\n",
|
||||
"kg_rag_answer = []\n",
|
||||
"total_tokens_used = []\n",
|
||||
"\n",
|
||||
"for index, row in tqdm(data.iterrows()):\n",
|
||||
" question = row['question']\n",
|
||||
" context = retrieve_context(question, vectorstore, embedding_function_for_context_retrieval, node_context_df, CONTEXT_VOLUME, QUESTION_VS_CONTEXT_SIMILARITY_PERCENTILE_THRESHOLD, QUESTION_VS_CONTEXT_MINIMUM_SIMILARITY, EDGE_EVIDENCE)\n",
|
||||
" enriched_prompt = \"Context: \"+ context + \"\\n\" + \"Question: \" + question\n",
|
||||
" output, token_usage = chat_completion_with_token_usage(enriched_prompt, SYSTEM_PROMPT, CHAT_MODEL_ID, CHAT_DEPLOYMENT_ID, temperature=TEMPERATURE)\n",
|
||||
" kg_rag_answer.append(output)\n",
|
||||
" total_tokens_used.append(token_usage)\n",
|
||||
" \n",
|
||||
"data.loc[:,'kg_rag_answer'] = kg_rag_answer\n",
|
||||
"data.loc[:, 'total_tokens_used'] = total_tokens_used\n"
|
||||
]
|
||||
},
|
||||
{
|
||||
"cell_type": "markdown",
|
||||
"id": "18e4b72c-c2a5-4b1a-8100-7ad831eb1401",
|
||||
"metadata": {},
|
||||
"source": [
|
||||
"## Run on perturbed test data"
|
||||
]
|
||||
},
|
||||
{
|
||||
"cell_type": "code",
|
||||
"execution_count": 8,
|
||||
"id": "8a042aa2-2366-4d49-a694-efd6d7b4616b",
|
||||
"metadata": {},
|
||||
"outputs": [
|
||||
{
|
||||
"name": "stderr",
|
||||
"output_type": "stream",
|
||||
"text": [
|
||||
"100it [09:49, 5.90s/it]"
|
||||
]
|
||||
},
|
||||
{
|
||||
"name": "stdout",
|
||||
"output_type": "stream",
|
||||
"text": [
|
||||
"CPU times: user 3min 36s, sys: 9.04 s, total: 3min 45s\n",
|
||||
"Wall time: 9min 49s\n"
|
||||
]
|
||||
},
|
||||
{
|
||||
"name": "stderr",
|
||||
"output_type": "stream",
|
||||
"text": [
|
||||
"\n"
|
||||
]
|
||||
}
|
||||
],
|
||||
"source": [
|
||||
"%%time\n",
|
||||
"\n",
|
||||
"kg_rag_answer = []\n",
|
||||
"total_tokens_used = []\n",
|
||||
"\n",
|
||||
"for index, row in tqdm(data.iterrows()):\n",
|
||||
" question = row['question']\n",
|
||||
" context = retrieve_context(question, vectorstore, embedding_function_for_context_retrieval, node_context_df, CONTEXT_VOLUME, QUESTION_VS_CONTEXT_SIMILARITY_PERCENTILE_THRESHOLD, QUESTION_VS_CONTEXT_MINIMUM_SIMILARITY, EDGE_EVIDENCE)\n",
|
||||
" enriched_prompt = \"Context: \"+ context + \"\\n\" + \"Question: \" + question\n",
|
||||
" output, token_usage = chat_completion_with_token_usage(enriched_prompt, SYSTEM_PROMPT, CHAT_MODEL_ID, CHAT_DEPLOYMENT_ID, temperature=TEMPERATURE)\n",
|
||||
" kg_rag_answer.append(output)\n",
|
||||
" total_tokens_used.append(token_usage)\n",
|
||||
" \n",
|
||||
"data.loc[:,'kg_rag_answer_perturbed'] = kg_rag_answer\n",
|
||||
"data.loc[:, 'total_tokens_used_perturbed'] = total_tokens_used\n"
|
||||
]
|
||||
},
|
||||
{
|
||||
"cell_type": "markdown",
|
||||
"id": "9c902260-1d9e-4a52-a377-f0c002c91e16",
|
||||
"metadata": {},
|
||||
"source": [
|
||||
"## Save the result"
|
||||
]
|
||||
},
|
||||
{
|
||||
"cell_type": "code",
|
||||
"execution_count": 9,
|
||||
"id": "d510de56-dd39-4742-8a5a-9bb934690d95",
|
||||
"metadata": {},
|
||||
"outputs": [],
|
||||
"source": [
|
||||
"save_path = 'data/results'\n",
|
||||
"os.makedirs(save_path, exist_ok=True)\n",
|
||||
"data.to_csv(os.path.join(save_path, 'kg_rag_output.csv'), index=False)\n",
|
||||
"\n"
|
||||
]
|
||||
}
|
||||
],
|
||||
"metadata": {
|
||||
"kernelspec": {
|
||||
"display_name": "Python 3 (ipykernel)",
|
||||
"language": "python",
|
||||
"name": "python3"
|
||||
},
|
||||
"language_info": {
|
||||
"codemirror_mode": {
|
||||
"name": "ipython",
|
||||
"version": 3
|
||||
},
|
||||
"file_extension": ".py",
|
||||
"mimetype": "text/x-python",
|
||||
"name": "python",
|
||||
"nbconvert_exporter": "python",
|
||||
"pygments_lexer": "ipython3",
|
||||
"version": "3.10.9"
|
||||
}
|
||||
},
|
||||
"nbformat": 4,
|
||||
"nbformat_minor": 5
|
||||
}
|
||||
390
notebooks/mcq_analysis.ipynb
Normal file
382
notebooks/rag_comparison.ipynb
Normal file
272
notebooks/rag_comparison_questions.ipynb
Normal file
@@ -0,0 +1,272 @@
|
||||
{
|
||||
"cells": [
|
||||
{
|
||||
"cell_type": "code",
|
||||
"execution_count": 171,
|
||||
"id": "403d179c",
|
||||
"metadata": {},
|
||||
"outputs": [],
|
||||
"source": [
|
||||
"from neo4j import GraphDatabase, basic_auth\n",
|
||||
"from dotenv import load_dotenv\n",
|
||||
"import os\n",
|
||||
"import pickle\n",
|
||||
"import random\n",
|
||||
"import pandas as pd\n"
|
||||
]
|
||||
},
|
||||
{
|
||||
"cell_type": "markdown",
|
||||
"id": "80ee9a49",
|
||||
"metadata": {},
|
||||
"source": [
|
||||
"## Set number of questions to generate"
|
||||
]
|
||||
},
|
||||
{
|
||||
"cell_type": "code",
|
||||
"execution_count": 172,
|
||||
"id": "fa80e37b",
|
||||
"metadata": {},
|
||||
"outputs": [],
|
||||
"source": [
|
||||
"N_QUESTIONS = 100\n"
|
||||
]
|
||||
},
|
||||
{
|
||||
"cell_type": "markdown",
|
||||
"id": "ac046718",
|
||||
"metadata": {},
|
||||
"source": [
|
||||
"## Load KG credentials"
|
||||
]
|
||||
},
|
||||
{
|
||||
"cell_type": "code",
|
||||
"execution_count": 173,
|
||||
"id": "8d41be45",
|
||||
"metadata": {},
|
||||
"outputs": [],
|
||||
"source": [
|
||||
"load_dotenv(os.path.join(os.path.expanduser('~'), '.spoke_neo4j_config.env'))\n",
|
||||
"username = os.environ.get('NEO4J_USER')\n",
|
||||
"password = os.environ.get('NEO4J_PSW')\n",
|
||||
"url = os.environ.get('NEO4J_URI')\n",
|
||||
"database = os.environ.get('NEO4J_DB')\n"
|
||||
]
|
||||
},
|
||||
{
|
||||
"cell_type": "markdown",
|
||||
"id": "cf3354e7",
|
||||
"metadata": {},
|
||||
"source": [
|
||||
"## Load disease names stored in vectorDB"
|
||||
]
|
||||
},
|
||||
{
|
||||
"cell_type": "code",
|
||||
"execution_count": 174,
|
||||
"id": "2ec9d667",
|
||||
"metadata": {},
|
||||
"outputs": [],
|
||||
"source": [
|
||||
"with open('../data/disease_with_relation_to_genes.pickle', 'rb') as f:\n",
|
||||
" disease_names = pickle.load(f)\n",
|
||||
" "
|
||||
]
|
||||
},
|
||||
{
|
||||
"cell_type": "markdown",
|
||||
"id": "654a9a58",
|
||||
"metadata": {},
|
||||
"source": [
|
||||
"## Extract GWAS Disease-Gene relation from the KG"
|
||||
]
|
||||
},
|
||||
{
|
||||
"cell_type": "code",
|
||||
"execution_count": 175,
|
||||
"id": "c280e781",
|
||||
"metadata": {},
|
||||
"outputs": [
|
||||
{
|
||||
"name": "stdout",
|
||||
"output_type": "stream",
|
||||
"text": [
|
||||
"CPU times: user 158 ms, sys: 19.6 ms, total: 178 ms\n",
|
||||
"Wall time: 550 ms\n"
|
||||
]
|
||||
}
|
||||
],
|
||||
"source": [
|
||||
"%%time\n",
|
||||
"\n",
|
||||
"auth = basic_auth(username, password)\n",
|
||||
"sdb = GraphDatabase.driver(url, auth=auth)\n",
|
||||
"\n",
|
||||
"gwas_query = '''\n",
|
||||
" MATCH (d:Disease)-[r:ASSOCIATES_DaG]->(g:Gene)\n",
|
||||
" WHERE r.sources = ['GWAS']\n",
|
||||
" WITH d, g, r.gwas_pvalue AS pvalue\n",
|
||||
" ORDER BY pvalue\n",
|
||||
" WITH d, COLLECT(g)[0] AS gene_with_lowest_pvalue, pvalue\n",
|
||||
" RETURN d.name AS disease_name, gene_with_lowest_pvalue.name AS gene_name, pvalue\n",
|
||||
"'''\n",
|
||||
"\n",
|
||||
"with sdb.session() as session:\n",
|
||||
" with session.begin_transaction() as tx:\n",
|
||||
" result = tx.run(gwas_query)\n",
|
||||
" out_list = []\n",
|
||||
" for row in result:\n",
|
||||
" out_list.append((row['disease_name'], row['gene_name'], row['pvalue']))\n",
|
||||
"\n",
|
||||
"gwas_disease_names = pd.DataFrame(out_list, columns=['disease_name', 'gene_name', 'gwas_pvalue']).drop_duplicates()\n",
|
||||
"sdb.close()\n",
|
||||
"\n",
|
||||
"gwas_disease_names = gwas_disease_names[gwas_disease_names.disease_name.isin(disease_names)]\n"
|
||||
]
|
||||
},
|
||||
{
|
||||
"cell_type": "markdown",
|
||||
"id": "0db2757f",
|
||||
"metadata": {},
|
||||
"source": [
|
||||
"## Create test questions from the extracted relationships"
|
||||
]
|
||||
},
|
||||
{
|
||||
"cell_type": "code",
|
||||
"execution_count": 176,
|
||||
"id": "9fe85753",
|
||||
"metadata": {},
|
||||
"outputs": [
|
||||
{
|
||||
"name": "stdout",
|
||||
"output_type": "stream",
|
||||
"text": [
|
||||
"CPU times: user 97.3 ms, sys: 1.08 ms, total: 98.4 ms\n",
|
||||
"Wall time: 97.7 ms\n"
|
||||
]
|
||||
}
|
||||
],
|
||||
"source": [
|
||||
"%%time\n",
|
||||
"\n",
|
||||
"template_questions = [\n",
|
||||
" 'Is {} associated with {}?',\n",
|
||||
" 'What is the GWAS p-value for the association between {} and {}?'\n",
|
||||
"]\n",
|
||||
"\n",
|
||||
"test_questions = []\n",
|
||||
"random.seed(42)\n",
|
||||
"for index,row in gwas_disease_names.iterrows():\n",
|
||||
" selected_question = random.choice(template_questions)\n",
|
||||
" if random.random() < 0.5:\n",
|
||||
" test_questions.append(selected_question.format(row['disease_name'], row['gene_name']))\n",
|
||||
" else:\n",
|
||||
" test_questions.append(selected_question.format(row['gene_name'], row['disease_name']))\n",
|
||||
"\n",
|
||||
"gwas_disease_names.loc[:,'question'] = test_questions\n",
|
||||
"\n",
|
||||
"\n",
|
||||
"\n"
|
||||
]
|
||||
},
|
||||
{
|
||||
"cell_type": "markdown",
|
||||
"id": "2f1800f5",
|
||||
"metadata": {},
|
||||
"source": [
|
||||
"## Create perturbed test questions (lower case names) from the extracted relationships"
|
||||
]
|
||||
},
|
||||
{
|
||||
"cell_type": "code",
|
||||
"execution_count": 177,
|
||||
"id": "c788c8d2",
|
||||
"metadata": {},
|
||||
"outputs": [
|
||||
{
|
||||
"name": "stdout",
|
||||
"output_type": "stream",
|
||||
"text": [
|
||||
"CPU times: user 96 ms, sys: 962 µs, total: 97 ms\n",
|
||||
"Wall time: 96.3 ms\n"
|
||||
]
|
||||
}
|
||||
],
|
||||
"source": [
|
||||
"%%time\n",
|
||||
"\n",
|
||||
"template_questions = [\n",
|
||||
" 'Is {} associated with {}?',\n",
|
||||
" 'What is the GWAS p-value for the association between {} and {}?'\n",
|
||||
"]\n",
|
||||
"\n",
|
||||
"test_questions_perturbed = []\n",
|
||||
"random.seed(42)\n",
|
||||
"for index,row in gwas_disease_names.iterrows():\n",
|
||||
" selected_question = random.choice(template_questions)\n",
|
||||
" if random.random() < 0.5:\n",
|
||||
" test_questions_perturbed.append(selected_question.format(row['disease_name'].lower(), row['gene_name'].lower()))\n",
|
||||
" else:\n",
|
||||
" test_questions_perturbed.append(selected_question.format(row['gene_name'].lower(), row['disease_name'].lower()))\n",
|
||||
"\n",
|
||||
"gwas_disease_names.loc[:,'question_perturbed'] = test_questions_perturbed\n",
|
||||
"\n",
|
||||
"gwas_disease_names_selected = gwas_disease_names.sample(N_QUESTIONS, random_state=42)\n",
|
||||
"\n",
|
||||
"\n"
|
||||
]
|
||||
},
|
||||
{
|
||||
"cell_type": "markdown",
|
||||
"id": "06eed996",
|
||||
"metadata": {},
|
||||
"source": [
|
||||
"## Save the test data"
|
||||
]
|
||||
},
|
||||
{
|
||||
"cell_type": "code",
|
||||
"execution_count": 178,
|
||||
"id": "7f02bb5b",
|
||||
"metadata": {},
|
||||
"outputs": [],
|
||||
"source": [
|
||||
"gwas_disease_names_selected = gwas_disease_names.sample(N_QUESTIONS, random_state=42)\n",
|
||||
"\n",
|
||||
"gwas_disease_names_selected.to_csv('../data/rag_comparison_data.csv', index=False)\n"
|
||||
]
|
||||
},
|
||||
{
|
||||
"cell_type": "code",
|
||||
"execution_count": null,
|
||||
"id": "ea680eb0",
|
||||
"metadata": {},
|
||||
"outputs": [],
|
||||
"source": []
|
||||
}
|
||||
],
|
||||
"metadata": {
|
||||
"kernelspec": {
|
||||
"display_name": "Python 3 (ipykernel)",
|
||||
"language": "python",
|
||||
"name": "python3"
|
||||
},
|
||||
"language_info": {
|
||||
"codemirror_mode": {
|
||||
"name": "ipython",
|
||||
"version": 3
|
||||
},
|
||||
"file_extension": ".py",
|
||||
"mimetype": "text/x-python",
|
||||
"name": "python",
|
||||
"nbconvert_exporter": "python",
|
||||
"pygments_lexer": "ipython3",
|
||||
"version": "3.10.9"
|
||||
}
|
||||
},
|
||||
"nbformat": 4,
|
||||
"nbformat_minor": 5
|
||||
}
|
||||
444
notebooks/true_false_analysis.ipynb
Normal file
2
pid_info.sh
Normal file
@@ -0,0 +1,2 @@
|
||||
ps -eo pid,lstart,comm,etime | grep 20342
|
||||
ps -eo pid,lstart,comm,etime | grep 9628
|
||||
@@ -6,61 +6,113 @@ DISEASE_ENTITY_EXTRACTION: |
|
||||
Please report only Diseases. Do not report any other entities like Genes, Proteins, Enzymes etc.
|
||||
|
||||
# One-Hop Validation
|
||||
ONE_HOP_VALIDATION: |
|
||||
SINGLE_DISEASE_ENTITY_VALIDATION: |
|
||||
You are an expert biomedical researcher. For answering the Question at the end, you need to first read the Context provided.
|
||||
Then give your final answer by considering the context and your inherent knowledge on the topic. Give your answer in the following JSON format:
|
||||
{Compounds: <list of compounds>, Diseases: <list of diseases>}
|
||||
|
||||
# Two-Hop Validation
|
||||
TWO_HOP_VALIDATION: |
|
||||
TWO_DISEASE_ENTITY_VALIDATION: |
|
||||
You are an expert biomedical researcher. For answering the Question at the end, you need to first read the Context provided.
|
||||
Then give your final answer by considering the context and your inherent knowledge on the topic. Give your answer in the following JSON format:
|
||||
{Nodes: <list of nodes>}
|
||||
|
||||
# Drug Repurposing
|
||||
DRUG_REPURPOSING: |
|
||||
You are an expert biomedical researcher. For answering the Question at the end, you need to first read the Context provided.
|
||||
Then give your final answer by considering the context and your inherent knowledge on the topic. Give your answer in the following JSON format:
|
||||
{Compounds: <list of compounds>}
|
||||
|
||||
# Prompt Based Text Generation
|
||||
PROMPT_BASED_TEXT_GENERATION: |
|
||||
You are an expert biomedical researcher. Answer the Question at the end
|
||||
You are an expert biomedical researcher. Answer the Question at the end with brevity.
|
||||
|
||||
# KG-RAG Based Text Generation
|
||||
KG_RAG_BASED_TEXT_GENERATION: |
|
||||
You are an expert biomedical researcher. For answering the Question at the end with brevity, you need to first read the Context provided. Then give your final answer briefly, by citing the Provenance information from the context. You can find Provenance from the Context statement 'Provenance of this association is <Provenance>'. Do not forget to cite the Provenance information.
|
||||
You are an expert biomedical researcher. For answering the Question at the end with brevity, you need to first read the Context provided. Then give your final answer briefly, by citing the Provenance information from the context. You can find Provenance from the Context statement 'Provenance of this association is <Provenance>'. Do not forget to cite the Provenance information. Note that, if Provenance is 'GWAS' report it as 'GWAS Catalog'. If Provenance is 'DISEASES' report it as 'DISEASES database - https://diseases.jensenlab.org'. Additionally, when providing drug or medication suggestions, give maximum information available and then advise the user to seek guidance from a healthcare professional as a precautionary measure.
|
||||
|
||||
# True/False Question
|
||||
TRUE_FALSE_QUESTION: |
|
||||
You are an expert biomedical researcher. For answering the Question at the end, you need to first read the Context provided.
|
||||
Based on that Context, provide your answer in the following JSON format:
|
||||
{
|
||||
{{
|
||||
"answer": "True"
|
||||
}
|
||||
}}
|
||||
OR
|
||||
{
|
||||
{{
|
||||
"answer": "False"
|
||||
}
|
||||
}}
|
||||
TRUE_FALSE_QUESTION_PROMPT_BASED: |
|
||||
You are an expert biomedical researcher. Please provide your answer in the following JSON format for the Question asked:
|
||||
{
|
||||
{{
|
||||
"answer": "True"
|
||||
}
|
||||
}}
|
||||
OR
|
||||
{
|
||||
{{
|
||||
"answer": "False"
|
||||
}
|
||||
}}
|
||||
|
||||
# MCQ Question
|
||||
MCQ_QUESTION: |
|
||||
You are an expert biomedical researcher. For answering the Question at the end, you need to first read the Context provided.
|
||||
Based on that Context, provide your answer in the following JSON format for the Question asked.
|
||||
{
|
||||
{{
|
||||
"answer": <correct answer>
|
||||
}
|
||||
}}
|
||||
MCQ_QUESTION_PROMPT_BASED: |
|
||||
You are an expert biomedical researcher. Please provide your answer in the following JSON format for the Question asked:
|
||||
{{
|
||||
"answer": <correct answer>
|
||||
}}
|
||||
|
||||
# Drug mechanism of action
|
||||
DRUG_ACTION: |
|
||||
You are an expert biomedical researcher. For answering the Question about the mechanism of action for a drug in treating a disease you need to look for the connection between Compound and Disease nodes through Gene or Protein nodes in the Context provided. Please refer to the following examples:
|
||||
|
||||
Example 1:
|
||||
Context:
|
||||
Compound Chloroquine treats Disease giant cell glioblastoma and Provenance of this association is ChEMBL. Compound Chloroquine downregulates the Gene CDKN2A and Provenance of this association is CMAP/LINCS compound (trt_cp). Compound Chloroquine upregulates the Gene TGFBR2 and Provenance of this association is CMAP/LINCS compound (trt_cp). Compound Chloroquine upregulates the Gene CHEK2 and Provenance of this association is CMAP/LINCS compound (trt_cp). Disease giant cell glioblastoma associates Gene CDKN2A and Provenance of this association is HPO. Disease giant cell glioblastoma associates Gene TGFBR2 and Provenance of this association is HPO. Disease giant cell glioblastoma associates Gene CHEK2 and Provenance of this association is HPO.
|
||||
Question:
|
||||
What is the mechanism of action for the drug Chloroquine in treating the disease giant cell glioblastoma?
|
||||
Answer:
|
||||
Chloroquine downregulates the Gene CDKN2A and upregulates the Genes TGFBR2 and CHEK2. These genes are associated with the disease giant cell glioblastoma. Provenance of these information are from CMAP/LINCS compound (trt_cp) and HPO.
|
||||
|
||||
Example 2:
|
||||
Context:
|
||||
Compound Amoxicillin treats Disease bronchitis and Provenance of this association is ChEMBL. Compound Amoxicillin upregulates Gene NFKB2 and Provenance of this association is CMAP/LINCS compound (trt_cp). Compound Amoxicillin upregulates Gene SYK and Provenance of this association is CMAP/LINCS compound (trt_cp). Disease bronchitis associates Gene NFKB2 and Provenance of this association is HPO. Disease bronchitis associates Gene SYK and Provenance of this association is HPO.
|
||||
Question:
|
||||
What is the mechanism of action for the drug Amoxicillin in treating the disease bronchitis?
|
||||
Answer:
|
||||
Amoxicillin upregulates the Genes NFKB2 and SYK. These genes are associated with the disease Amoxicillin. Provenance of these information are from CMAP/LINCS compound (trt_cp) and HPO.
|
||||
|
||||
|
||||
DRUG_REPURPOSING_V2: |
|
||||
You are an expert biomedical researcher. For answering the Question at the end, consider following assoications in the Context.
|
||||
Compound UPREGULATES Gene X
|
||||
Compound DOWNREGULATES Gene Y
|
||||
Gene X ASSOCIATES Disease
|
||||
Then stitch these associations to give your final answer to the question which is Compound upregulates Gene X which is associated with Disease, hence can be used for repurposing. Note that, even though Compound downregulates Gene Y, gene Y does not have any association with the disease and do not take into consideration.
|
||||
More importantly, DO NOT consider 'Compound TREATS Disease' as the repurposing candidate.
|
||||
Do not forget to give Provenance information which you can find from the context provided.
|
||||
Reason with quantitative evidence, if possible (i.e. incuding statistical values if available).
|
||||
Example 1:
|
||||
Question:
|
||||
What drugs can be repurposed for disease X?
|
||||
Context:
|
||||
Compound X DOWNREGULATES Gene Y and Provenance for this information is XX.
|
||||
Gene Y ASSOCIATES Disease X and Provenance for this information is YY.
|
||||
Compound Y UPREGULATES Gene Z and Provenance for this information is ZZ.
|
||||
Gene Z ASSOCIATES Disease X and Provenance for this information is PP.
|
||||
Answer:
|
||||
Since Compound X downregulates Gene Y (provenance is XX) and Gene Y is associated with Disease X (provenance YY), Compound X can be repurposed to treat Disease X. Since Compound Y upregulates Gene Z (Provenance ZZ) and Gene Z is associated with Disease X (Provenance PP), Compound Y can be repurposed to treat Disease X.
|
||||
Example 2:
|
||||
Question:
|
||||
What drugs can be repurposed for disease X?
|
||||
Context:
|
||||
Compound XX UPREGULATES Gene ZZ and Provenance for this information is ZZZZ, z-score is YYYY.
|
||||
Gene ZZ ASSOCIATES Disease YY and Provenance for this information is QQQQ, p-valUe is PPPP.
|
||||
Answer:
|
||||
Since Compound upregulates gene ZZ (Provenance ZZZZ, z-score YYYY) and Gene ZZ associates disease YY (Provenance QQQQ, p-value is PPPP.
|
||||
Example 3:
|
||||
Question:
|
||||
What drugs can be repurposed for disease X?
|
||||
Context:
|
||||
Disease X ISA Disease Y.
|
||||
Compound X TREATS Disease Y
|
||||
Answer:
|
||||
Since Disease X is a Disease Y and Compound X treats Disease Y, Disease Y can potentially be used to treat Disease X. This is a logical deduction and it warranties further validation.
|
||||
|
||||