diff --git a/.gitignore b/.gitignore new file mode 100644 index 000000000..e04dedabf --- /dev/null +++ b/.gitignore @@ -0,0 +1,4 @@ +.idea +.DS_Store +*.drawio +lmdeploy/c4/ diff --git a/README.md b/README.md index 197ca47fd..3af24b577 100644 --- a/README.md +++ b/README.md @@ -1 +1 @@ -# tutorial \ No newline at end of file +#生活 diff --git a/asset/camp.png b/asset/camp.png new file mode 100644 index 000000000..f21241845 Binary files /dev/null and b/asset/camp.png differ diff --git a/data/Git/task/camp3_972.md b/data/Git/task/camp3_972.md new file mode 100644 index 000000000..6f12fa985 --- /dev/null +++ b/data/Git/task/camp3_972.md @@ -0,0 +1,8 @@ +【大家可以叫我】: Superfm +【坐标】:广州 +【专业/职业】:捡垃圾 +【兴趣爱好】:数码产品 +【项目技能】:LLM、Linux +【组队情况】:未组队,快来一起! +【本课程学习基础】:CV、NLP、LLM +【本期活动目标】:有啥学啥 diff --git a/data/Git/task/camp4_96.md b/data/Git/task/camp4_96.md new file mode 100644 index 000000000..3e8292423 --- /dev/null +++ b/data/Git/task/camp4_96.md @@ -0,0 +1,8 @@ +【大家可以叫我】: 莫莫 +【坐标】:上海 +【专业/职业】:软件工程 +【兴趣爱好】:户外运动 +【项目技能】:LLM、Linux +【组队情况】:未组队,快来一起! +【本课程学习基础】:CV、NLP、LLM +【本期活动目标】:学以致用 diff --git a/helloworld/.gitkeep b/helloworld/.gitkeep new file mode 100644 index 000000000..e69de29bb diff --git a/helloworld/hello_world.md b/helloworld/hello_world.md new file mode 100644 index 000000000..6c4a2f5cc --- /dev/null +++ b/helloworld/hello_world.md @@ -0,0 +1,774 @@ + + +# 轻松玩转书生·浦语大模型趣味 Demo +- [轻松玩转书生·浦语大模型趣味 Demo](#轻松玩转书生浦语大模型趣味-demo) + - [1 大模型及 InternLM 模型简介](#1-大模型及-internlm-模型简介) + - [1.1 什么是大模型?](#11-什么是大模型) + - [1.2 InternLM 模型全链条开源](#12-internlm-模型全链条开源) + - [2 InternLM-Chat-7B 智能对话 Demo](#2-internlm-chat-7b-智能对话-demo) + - [2.1 环境准备](#21-环境准备) + - [2.2 模型下载](#22-模型下载) + - [2.3 代码准备](#23-代码准备) + - [2.4 终端运行](#24-终端运行) + - [2.5 web demo 运行](#25-web-demo-运行) + - [3 Lagent 智能体工具调用 Demo](#3-lagent-智能体工具调用-demo) + - [3.1 环境准备](#31-环境准备) + - [3.2 模型下载](#32-模型下载) + - [3.3 Lagent 安装](#33-lagent-安装) + - [3.4 修改代码](#34-修改代码) + - [3.5 Demo 运行](#35-demo-运行) + - [4. 浦语·灵笔图文理解创作 Demo](#4-浦语灵笔图文理解创作-demo) + - [4.1 环境准备](#41-环境准备) + - [4.2 模型下载](#42-模型下载) + - [4.3 代码准备](#43-代码准备) + - [4.4 Demo 运行](#44-demo-运行) + - [5. 通用环境配置](#5-通用环境配置) + - [5.1 pip、conda 换源](#51-pipconda-换源) + - [5.1.1 pip 换源](#511-pip-换源) + - [5.1.2 conda 换源](#512-conda-换源) + - [5.2 配置本地端口](#52-配置本地端口) + - [5.3 模型下载](#53-模型下载) + - [5.3.1 Hugging Face](#531-hugging-face) + - [5.3.2 ModelScope](#532-modelscope) + - [5.3.3 OpenXLab](#533-openxlab) + - [6. 课后作业](#6-课后作业) + + +## 1 大模型及 InternLM 模型简介 + +### 1.1 什么是大模型? + + 大模型通常指的是机器学习或人工智能领域中参数数量巨大、拥有庞大计算能力和参数规模的模型。这些模型利用大量数据进行训练,并且拥有数十亿甚至数千亿个参数。大模型的出现和发展得益于增长的数据量、计算能力的提升以及算法优化等因素。这些模型在各种任务中展现出惊人的性能,比如自然语言处理、计算机视觉、语音识别等。这种模型通常采用深度神经网络结构,如 `Transformer`、`BERT`、`GPT`( Generative Pre-trained Transformer )等。 + + 大模型的优势在于其能够捕捉和理解数据中更为复杂、抽象的特征和关系。通过大规模参数的学习,它们可以提高在各种任务上的泛化能力,并在未经过大量特定领域数据训练的情况下实现较好的表现。然而,大模型也面临着一些挑战,比如巨大的计算资源需求、高昂的训练成本、对大规模数据的依赖以及模型的可解释性等问题。因此,大模型的应用和发展也需要在性能、成本和道德等多个方面进行权衡和考量。 + +### 1.2 InternLM 模型全链条开源 + + `InternLM` 是一个开源的轻量级训练框架,旨在支持大模型训练而无需大量的依赖。通过单一的代码库,它支持在拥有数千个 `GPU` 的大型集群上进行预训练,并在单个 `GPU` 上进行微调,同时实现了卓越的性能优化。在 `1024` 个 `GPU` 上训练时,`InternLM` 可以实现近 `90%` 的加速效率。 + + 基于 `InternLM` 训练框架,上海人工智能实验室已经发布了两个开源的预训练模型:`InternLM-7B` 和 `InternLM-20B`。 + + `Lagent` 是一个轻量级、开源的基于大语言模型的智能体(agent)框架,支持用户快速地将一个大语言模型转变为多种类型的智能体,并提供了一些典型工具为大语言模型赋能。通过 `Lagent` 框架可以更好的发挥 `InternLM` 的全部性能。 + + + + 浦语·灵笔是基于书生·浦语大语言模型研发的视觉-语言大模型,提供出色的图文理解和创作能力,结合了视觉和语言的先进技术,能够实现图像到文本、文本到图像的双向转换。使用浦语·灵笔大模型可以轻松的创作一篇图文推文,也能够轻松识别一张图片中的物体,并生成对应的文本描述。 + + 上述提到的所有模型,都会带领大家一起体验哦!欢迎大家来给 `InternLM`: https://github.com/InternLM/InternLM/ 点点 star 哦! + +## 2 InternLM-Chat-7B 智能对话 Demo + +本小节我们将使用 [InternStudio](https://studio.intern-ai.org.cn/) 中的 A100(1/4) 机器和 `InternLM-Chat-7B` 模型部署一个智能对话 Demo。 + +### 2.1 环境准备 + +在 [InternStudio](https://studio.intern-ai.org.cn/) 平台中选择 A100(1/4) 的配置,如下图所示镜像选择 `Cuda11.7-conda`,如下图所示: + + + +接下来打开刚刚租用服务器的`进入开发机`,并且打开其中的终端开始环境配置、模型下载和运行 `demo`。 + + + +进入开发机后,在页面的左上角可以切换 `JupyterLab`、`终端`和 `VScode`,并在终端输入 `bash` 命令,进入 `conda` 环境。如下图所示: + + + +进入 `conda` 环境之后,使用以下命令从本地克隆一个已有的 `pytorch 2.0.1` 的环境 + +```shell +bash # 请每次使用 jupyter lab 打开终端时务必先执行 bash 命令进入 bash 中 +bash /root/share/install_conda_env_internlm_base.sh internlm-demo # 执行该脚本文件来安装项目实验环境 +``` + +然后使用以下命令激活环境 + +```shell +conda activate internlm-demo +``` + +并在环境中安装运行 demo 所需要的依赖。 + +```shell +# 升级pip +python -m pip install --upgrade pip + +pip install modelscope==1.9.5 +pip install transformers==4.35.2 +pip install streamlit==1.24.0 +pip install sentencepiece==0.1.99 +pip install accelerate==0.24.1 +``` +### 2.2 模型下载 + +[InternStudio](https://studio.intern-ai.org.cn/) 平台的 `share` 目录下已经为我们准备了全系列的 `InternLM` 模型,所以我们可以直接复制即可。使用如下命令复制: + +```shell +mkdir -p /root/model/Shanghai_AI_Laboratory +cp -r /root/share/temp/model_repos/internlm-chat-7b /root/model/Shanghai_AI_Laboratory +``` +> -r 选项表示递归地复制目录及其内容 + +也可以使用 `modelscope` 中的 `snapshot_download` 函数下载模型,第一个参数为模型名称,参数 `cache_dir` 为模型的下载路径。 + +在 `/root` 路径下新建目录 `model`,在目录下新建 `download.py` 文件并在其中输入以下内容,粘贴代码后记得保存文件,如下图所示。并运行 `python /root/model/download.py` 执行下载,模型大小为 14 GB,下载模型大概需要 10~20 分钟 + +```python +import torch +from modelscope import snapshot_download, AutoModel, AutoTokenizer +import os +model_dir = snapshot_download('Shanghai_AI_Laboratory/internlm-chat-7b', cache_dir='/root/model', revision='v1.0.3') +``` + +> 注意:使用 `pwd` 命令可以查看当前的路径,`JupyterLab` 左侧目录栏显示为 `/root/` 下的路径。 + + + +### 2.3 代码准备 + +首先 `clone` 代码,在 `/root` 路径下新建 `code` 目录,然后切换路径, clone 代码. + +```shell +cd /root/code +git clone https://gitee.com/internlm/InternLM.git +``` + +切换 commit 版本,与教程 commit 版本保持一致,可以让大家更好的复现。 + +```shell +cd InternLM +git checkout 3028f07cb79e5b1d7342f4ad8d11efad3fd13d17 +``` + +将 `/root/code/InternLM/web_demo.py` 中 29 行和 33 行的模型更换为本地的 `/root/model/Shanghai_AI_Laboratory/internlm-chat-7b`。 + + + +### 2.4 终端运行 + +我们可以在 `/root/code/InternLM` 目录下新建一个 `cli_demo.py` 文件,将以下代码填入其中: + +```python +import torch +from transformers import AutoTokenizer, AutoModelForCausalLM + + +model_name_or_path = "/root/model/Shanghai_AI_Laboratory/internlm-chat-7b" + +tokenizer = AutoTokenizer.from_pretrained(model_name_or_path, trust_remote_code=True) +model = AutoModelForCausalLM.from_pretrained(model_name_or_path, trust_remote_code=True, torch_dtype=torch.bfloat16, device_map='auto') +model = model.eval() + +system_prompt = """You are an AI assistant whose name is InternLM (书生·浦语). +- InternLM (书生·浦语) is a conversational language model that is developed by Shanghai AI Laboratory (上海人工智能实验室). It is designed to be helpful, honest, and harmless. +- InternLM (书生·浦语) can understand and communicate fluently in the language chosen by the user such as English and 中文. +""" + +messages = [(system_prompt, '')] + +print("=============Welcome to InternLM chatbot, type 'exit' to exit.=============") + +while True: + input_text = input("User >>> ") + input_text = input_text.replace(' ', '') + if input_text == "exit": + break + response, history = model.chat(tokenizer, input_text, history=messages) + messages.append((input_text, response)) + print(f"robot >>> {response}") +``` + +然后在终端运行以下命令,即可体验 `InternLM-Chat-7B` 模型的对话能力。对话效果如下所示: + +```shell +python /root/code/InternLM/cli_demo.py +``` + + +### 2.5 web demo 运行 + +我们切换到 `VScode` 中,运行 `/root/code/InternLM` 目录下的 `web_demo.py` 文件,输入以下命令后,[**查看本教程5.2配置本地端口后**](./hello_world.md#52-配置本地端口),将端口映射到本地。在本地浏览器输入 `http://127.0.0.1:6006` 即可。 + +```shell +bash +conda activate internlm-demo # 首次进入 vscode 会默认是 base 环境,所以首先切换环境 +cd /root/code/InternLM +streamlit run web_demo.py --server.address 127.0.0.1 --server.port 6006 +``` + + + +注意:要在浏览器打开 `http://127.0.0.1:6006` 页面后,模型才会加载,如下图所示: + + + +在加载完模型之后,就可以与 InternLM-Chat-7B 进行对话了,如下图所示: + + + +## 3 Lagent 智能体工具调用 Demo + +本小节我们将使用 [InternStudio](https://studio.intern-ai.org.cn/) 中的 A100(1/4) 机器、`InternLM-Chat-7B` 模型和 `Lagent` 框架部署一个智能工具调用 Demo。 + +Lagent 是一个轻量级、开源的基于大语言模型的智能体(agent)框架,支持用户快速地将一个大语言模型转变为多种类型的智能体,并提供了一些典型工具为大语言模型赋能。通过 Lagent 框架可以更好的发挥 InternLM 的全部性能。 + +下面我们就开始动手实现! + +### 3.1 环境准备 + +选择和第一个 `InternLM` 一样的镜像环境,运行以下命令安装依赖,如果上一个 `InternLM-Chat-7B` 已经配置好环境不需要重复安装. + +```shell +# 升级pip +python -m pip install --upgrade pip + +pip install modelscope==1.9.5 +pip install transformers==4.35.2 +pip install streamlit==1.24.0 +pip install sentencepiece==0.1.99 +pip install accelerate==0.24.1 +``` + +### 3.2 模型下载 + +[InternStudio](https://studio.intern-ai.org.cn/) 平台的 `share` 目录下已经为我们准备了全系列的 `InternLM` 模型,所以我们可以直接复制即可。使用如下命令复制: + +```shell +mkdir -p /root/model/Shanghai_AI_Laboratory +cp -r /root/share/temp/model_repos/internlm-chat-7b /root/model/Shanghai_AI_Laboratory +``` +> -r 选项表示递归地复制目录及其内容 + +也可以在 `/root/model` 路径下新建 `download.py` 文件并在其中输入以下内容,并运行 `python /root/model/download.py` 执行下载,模型大小为 14 GB,下载模型大概需要 10~20 分钟 + +```python +import torch +from modelscope import snapshot_download, AutoModel, AutoTokenizer +import os +model_dir = snapshot_download('Shanghai_AI_Laboratory/internlm-chat-7b', cache_dir='/root/model', revision='v1.0.3') +``` + +### 3.3 Lagent 安装 + +首先切换路径到 `/root/code` 克隆 `lagent` 仓库,并通过 `pip install -e .` 源码安装 `Lagent` + +```shell +cd /root/code +git clone https://gitee.com/internlm/lagent.git +cd /root/code/lagent +git checkout 511b03889010c4811b1701abb153e02b8e94fb5e # 尽量保证和教程commit版本一致 +pip install -e . # 源码安装 +``` + +### 3.4 修改代码 + +由于代码修改的地方比较多,大家直接将 `/root/code/lagent/examples/react_web_demo.py` 内容替换为以下代码 + +```python +import copy +import os + +import streamlit as st +from streamlit.logger import get_logger + +from lagent.actions import ActionExecutor, GoogleSearch, PythonInterpreter +from lagent.agents.react import ReAct +from lagent.llms import GPTAPI +from lagent.llms.huggingface import HFTransformerCasualLM + + +class SessionState: + + def init_state(self): + """Initialize session state variables.""" + st.session_state['assistant'] = [] + st.session_state['user'] = [] + + #action_list = [PythonInterpreter(), GoogleSearch()] + action_list = [PythonInterpreter()] + st.session_state['plugin_map'] = { + action.name: action + for action in action_list + } + st.session_state['model_map'] = {} + st.session_state['model_selected'] = None + st.session_state['plugin_actions'] = set() + + def clear_state(self): + """Clear the existing session state.""" + st.session_state['assistant'] = [] + st.session_state['user'] = [] + st.session_state['model_selected'] = None + if 'chatbot' in st.session_state: + st.session_state['chatbot']._session_history = [] + + +class StreamlitUI: + + def __init__(self, session_state: SessionState): + self.init_streamlit() + self.session_state = session_state + + def init_streamlit(self): + """Initialize Streamlit's UI settings.""" + st.set_page_config( + layout='wide', + page_title='lagent-web', + page_icon='./docs/imgs/lagent_icon.png') + # st.header(':robot_face: :blue[Lagent] Web Demo ', divider='rainbow') + st.sidebar.title('模型控制') + + def setup_sidebar(self): + """Setup the sidebar for model and plugin selection.""" + model_name = st.sidebar.selectbox( + '模型选择:', options=['gpt-3.5-turbo','internlm']) + if model_name != st.session_state['model_selected']: + model = self.init_model(model_name) + self.session_state.clear_state() + st.session_state['model_selected'] = model_name + if 'chatbot' in st.session_state: + del st.session_state['chatbot'] + else: + model = st.session_state['model_map'][model_name] + + plugin_name = st.sidebar.multiselect( + '插件选择', + options=list(st.session_state['plugin_map'].keys()), + default=[list(st.session_state['plugin_map'].keys())[0]], + ) + + plugin_action = [ + st.session_state['plugin_map'][name] for name in plugin_name + ] + if 'chatbot' in st.session_state: + st.session_state['chatbot']._action_executor = ActionExecutor( + actions=plugin_action) + if st.sidebar.button('清空对话', key='clear'): + self.session_state.clear_state() + uploaded_file = st.sidebar.file_uploader( + '上传文件', type=['png', 'jpg', 'jpeg', 'mp4', 'mp3', 'wav']) + return model_name, model, plugin_action, uploaded_file + + def init_model(self, option): + """Initialize the model based on the selected option.""" + if option not in st.session_state['model_map']: + if option.startswith('gpt'): + st.session_state['model_map'][option] = GPTAPI( + model_type=option) + else: + st.session_state['model_map'][option] = HFTransformerCasualLM( + '/root/model/Shanghai_AI_Laboratory/internlm-chat-7b') + return st.session_state['model_map'][option] + + def initialize_chatbot(self, model, plugin_action): + """Initialize the chatbot with the given model and plugin actions.""" + return ReAct( + llm=model, action_executor=ActionExecutor(actions=plugin_action)) + + def render_user(self, prompt: str): + with st.chat_message('user'): + st.markdown(prompt) + + def render_assistant(self, agent_return): + with st.chat_message('assistant'): + for action in agent_return.actions: + if (action): + self.render_action(action) + st.markdown(agent_return.response) + + def render_action(self, action): + with st.expander(action.type, expanded=True): + st.markdown( + "
插 件:" # noqa E501 + + action.type + '
', + unsafe_allow_html=True) + st.markdown( + "思考步骤:" # noqa E501 + + action.thought + '
', + unsafe_allow_html=True) + if (isinstance(action.args, dict) and 'text' in action.args): + st.markdown( + "执行内容:
", # noqa E501 + unsafe_allow_html=True) + st.markdown(action.args['text']) + self.render_action_results(action) + + def render_action_results(self, action): + """Render the results of action, including text, images, videos, and + audios.""" + if (isinstance(action.result, dict)): + st.markdown( + "执行结果:
", # noqa E501 + unsafe_allow_html=True) + if 'text' in action.result: + st.markdown( + "" + action.result['text'] + + '
', + unsafe_allow_html=True) + if 'image' in action.result: + image_path = action.result['image'] + image_data = open(image_path, 'rb').read() + st.image(image_data, caption='Generated Image') + if 'video' in action.result: + video_data = action.result['video'] + video_data = open(video_data, 'rb').read() + st.video(video_data) + if 'audio' in action.result: + audio_data = action.result['audio'] + audio_data = open(audio_data, 'rb').read() + st.audio(audio_data) + + +def main(): + logger = get_logger(__name__) + # Initialize Streamlit UI and setup sidebar + if 'ui' not in st.session_state: + session_state = SessionState() + session_state.init_state() + st.session_state['ui'] = StreamlitUI(session_state) + + else: + st.set_page_config( + layout='wide', + page_title='lagent-web', + page_icon='./docs/imgs/lagent_icon.png') + # st.header(':robot_face: :blue[Lagent] Web Demo ', divider='rainbow') + model_name, model, plugin_action, uploaded_file = st.session_state[ + 'ui'].setup_sidebar() + + # Initialize chatbot if it is not already initialized + # or if the model has changed + if 'chatbot' not in st.session_state or model != st.session_state[ + 'chatbot']._llm: + st.session_state['chatbot'] = st.session_state[ + 'ui'].initialize_chatbot(model, plugin_action) + + for prompt, agent_return in zip(st.session_state['user'], + st.session_state['assistant']): + st.session_state['ui'].render_user(prompt) + st.session_state['ui'].render_assistant(agent_return) + # User input form at the bottom (this part will be at the bottom) + # with st.form(key='my_form', clear_on_submit=True): + + if user_input := st.chat_input(''): + st.session_state['ui'].render_user(user_input) + st.session_state['user'].append(user_input) + # Add file uploader to sidebar + if uploaded_file: + file_bytes = uploaded_file.read() + file_type = uploaded_file.type + if 'image' in file_type: + st.image(file_bytes, caption='Uploaded Image') + elif 'video' in file_type: + st.video(file_bytes, caption='Uploaded Video') + elif 'audio' in file_type: + st.audio(file_bytes, caption='Uploaded Audio') + # Save the file to a temporary location and get the path + file_path = os.path.join(root_dir, uploaded_file.name) + with open(file_path, 'wb') as tmpfile: + tmpfile.write(file_bytes) + st.write(f'File saved at: {file_path}') + user_input = '我上传了一个图像,路径为: {file_path}. {user_input}'.format( + file_path=file_path, user_input=user_input) + agent_return = st.session_state['chatbot'].chat(user_input) + st.session_state['assistant'].append(copy.deepcopy(agent_return)) + logger.info(agent_return.inner_steps) + st.session_state['ui'].render_assistant(agent_return) + + +if __name__ == '__main__': + root_dir = os.path.dirname(os.path.dirname(os.path.abspath(__file__))) + root_dir = os.path.join(root_dir, 'tmp_dir') + os.makedirs(root_dir, exist_ok=True) + main() +``` + +### 3.5 Demo 运行 + +```shell +streamlit run /root/code/lagent/examples/react_web_demo.py --server.address 127.0.0.1 --server.port 6006 +``` + +用同样的方法我们依然切换到 `VScode` 页面,运行成功后,[**查看本教程5.2配置本地端口后**](./hello_world.md#52-配置本地端口),将端口映射到本地。在本地浏览器输入 `http://127.0.0.1:6006` 即可。 + +我们在 `Web` 页面选择 `InternLM` 模型,等待模型加载完毕后,输入数学问题 已知 `2x+3=10`,求`x` ,此时 `InternLM-Chat-7B` 模型理解题意生成解此题的 `Python` 代码,`Lagent` 调度送入 `Python` 代码解释器求出该问题的解。 + + + +## 4. 浦语·灵笔图文理解创作 Demo + +本小节我们将使用 [InternStudio](https://studio.intern-ai.org.cn/) 中的 A100(1/4) * 2 机器和 `internlm-xcomposer-7b` 模型部署一个图文理解创作 Demo 。 + +### 4.1 环境准备 + +首先在 [InternStudio](https://studio.intern-ai.org.cn/) 上选择 A100(1/4)*2 的配置。如下图所示: + + + +接下来打开刚刚租用服务器的 `进入开发机`,并在终端输入 `bash` 命令,进入 `conda` 环境,接下来就是安装依赖。 + +进入 `conda` 环境之后,使用以下命令从本地克隆一个已有的`pytorch 2.0.1` 的环境 + +```shell +/root/share/install_conda_env_internlm_base.sh xcomposer-demo +``` + +然后使用以下命令激活环境 + +```shell +conda activate xcomposer-demo +``` + +接下来运行以下命令,安装 `transformers`、`gradio` 等依赖包。请严格安装以下版本安装! + +```shell +pip install transformers==4.33.1 timm==0.4.12 sentencepiece==0.1.99 gradio==3.44.4 markdown2==2.4.10 xlsxwriter==3.1.2 einops accelerate +``` +### 4.2 模型下载 + +[InternStudio](https://studio.intern-ai.org.cn/)平台的 `share` 目录下已经为我们准备了全系列的 `InternLM` 模型,所以我们可以直接复制即可。使用如下命令复制: + +```shell +mkdir -p /root/model/Shanghai_AI_Laboratory +cp -r /root/share/temp/model_repos/internlm-xcomposer-7b /root/model/Shanghai_AI_Laboratory +``` +> -r 选项表示递归地复制目录及其内容 + +也可以安装 `modelscope`,下载模型的老朋友了 + +```shell +pip install modelscope==1.9.5 +``` + +在 `/root/model` 路径下新建 `download.py` 文件并在其中输入以下内容,并运行 `python /root/model/download.py` 执行下载 + +```python +import torch +from modelscope import snapshot_download, AutoModel, AutoTokenizer +import os +model_dir = snapshot_download('Shanghai_AI_Laboratory/internlm-xcomposer-7b', cache_dir='/root/model', revision='master') +``` + +### 4.3 代码准备 + +在 `/root/code` `git clone InternLM-XComposer` 仓库的代码 + +```shell +cd /root/code +git clone https://gitee.com/internlm/InternLM-XComposer.git +cd /root/code/InternLM-XComposer +git checkout 3e8c79051a1356b9c388a6447867355c0634932d # 最好保证和教程的 commit 版本一致 +``` + +### 4.4 Demo 运行 + +在终端运行以下代码: + +```shell +cd /root/code/InternLM-XComposer +python examples/web_demo.py \ + --folder /root/model/Shanghai_AI_Laboratory/internlm-xcomposer-7b \ + --num_gpus 1 \ + --port 6006 +``` + +> 这里 `num_gpus 1` 是因为InternStudio平台对于 `A100(1/4)*2` 识别仍为一张显卡。但如果有小伙伴课后使用两张 3090 来运行此 demo,仍需将 `num_gpus` 设置为 `2` 。 + +[**查看本教程5.2配置本地端口后**](./hello_world.md#52-配置本地端口),将端口映射到本地。在本地浏览器输入 `http://127.0.0.1:6006` 即可。我们以`又见敦煌`为提示词,体验图文创作的功能,如下图所示: + + + +接下来,我们可以体验一下图片理解的能力,如下所示~ + + + +## 5. 通用环境配置 + +### 5.1 pip、conda 换源 + +更多详细内容可移步至 [MirrorZ Help](https://help.mirrors.cernet.edu.cn/) 查看。 + +#### 5.1.1 pip 换源 + +临时使用镜像源安装,如下所示:`some-package` 为你需要安装的包名 + +```shell +pip install -i https://mirrors.cernet.edu.cn/pypi/web/simple some-package +``` + +设置pip默认镜像源,升级 pip 到最新的版本 (>=10.0.0) 后进行配置,如下所示: + +```shell +python -m pip install --upgrade pip +pip config set global.index-url https://mirrors.cernet.edu.cn/pypi/web/simple +``` + +如果您的 pip 默认源的网络连接较差,临时使用镜像源升级 pip: + +```shell +python -m pip install -i https://mirrors.cernet.edu.cn/pypi/web/simple --upgrade pip +``` + +#### 5.1.2 conda 换源 + +镜像站提供了 Anaconda 仓库与第三方源(conda-forge、msys2、pytorch 等),各系统都可以通过修改用户目录下的 `.condarc` 文件来使用镜像站。 + +不同系统下的 `.condarc` 目录如下: + +- `Linux`: `${HOME}/.condarc` +- `macOS`: `${HOME}/.condarc` +- `Windows`: `C:\Users\列并行
+ + + +
行并行
+ +简单来说,就是把一个大的张量(参数)分到多张卡上,分别计算各部分的结果,然后再同步汇总。 + +### 2.2 TurboMind 推理+命令行本地对话 + +模型转换完成后,我们就具备了使用模型推理的条件,接下来就可以进行真正的模型推理环节。 + +我们先尝试本地对话(`Bash Local Chat`),下面用(Local Chat 表示)在这里其实是跳过 API Server 直接调用 TurboMind。简单来说,就是命令行代码直接执行 TurboMind。所以说,实际和前面的架构图是有区别的。 + +这里支持多种方式运行,比如Turbomind、PyTorch、DeepSpeed。但 PyTorch 和 DeepSpeed 调用的其实都是 Huggingface 的 Transformers 包,PyTorch表示原生的 Transformer 包,DeepSpeed 表示使用了 DeepSpeed 作为推理框架。Pytorch/DeepSpeed 目前功能都比较弱,不具备生产能力,不推荐使用。 + +执行命令如下。 + +```bash +# Turbomind + Bash Local Chat +lmdeploy chat turbomind ./workspace +``` + +启动后就可以和它进行对话了,如下图所示。 + + + +输入后两次回车,退出时输入`exit` 回车两次即可。此时,Server 就是本地跑起来的模型(TurboMind),命令行可以看作是前端。 + +### 2.3 TurboMind推理+API服务 + +在上面的部分我们尝试了直接用命令行启动 Client,接下来我们尝试如何运用 lmdepoy 进行服务化。 + +”模型推理/服务“目前提供了 Turbomind 和 TritonServer 两种服务化方式。此时,Server 是 TurboMind 或 TritonServer,API Server 可以提供对外的 API 服务。我们推荐使用 TurboMind,TritonServer 使用方式详见《附录1》。 + +首先,通过下面命令启动服务。 + + +```bash +# ApiServer+Turbomind api_server => AsyncEngine => TurboMind +lmdeploy serve api_server ./workspace \ + --server_name 0.0.0.0 \ + --server_port 23333 \ + --instance_num 64 \ + --tp 1 +``` + +上面的参数中 `server_name` 和 `server_port` 分别表示服务地址和端口,`tp` 参数我们之前已经提到过了,表示 Tensor 并行。还剩下一个 `instance_num` 参数,表示实例数,可以理解成 Batch 的大小。执行后如下图所示。 + + + +然后,我们可以新开一个窗口,执行下面的 Client 命令。如果使用官方机器,可以打开 vscode 的 Terminal,执行下面的命令。 + +```bash +# ChatApiClient+ApiServer(注意是http协议,需要加http) +lmdeploy serve api_client http://localhost:23333 +``` + +如下图所示。 + + + +当然,刚刚我们启动的是 API Server,自然也有相应的接口。可以直接打开 `http://{host}:23333` 查看,如下图所示。 + + + +> 注意,这一步由于 Server 在远程服务器上,所以本地需要做一下 ssh 转发才能直接访问(与第一部分操作一样),命令如下: +> +> ssh -CNg -L 23333:127.0.0.1:23333 root@ssh.intern-ai.org.cn -p <你的ssh端口号> +> +> 而执行本命令需要添加本机公钥,公钥添加后等待几分钟即可生效。ssh 端口号就是下面图片里的 33087。 +> +>  + +这里一共提供了 4 个 HTTP 的接口,任何语言都可以对其进行调用,我们以 `v1/chat/completions` 接口为例,简单试一下。 + +接口请求参数如下: + +```json +{ + "model": "internlm-chat-7b", + "messages": "写一首春天的诗", + "temperature": 0.7, + "top_p": 1, + "n": 1, + "max_tokens": 512, + "stop": false, + "stream": false, + "presence_penalty": 0, + "frequency_penalty": 0, + "user": "string", + "repetition_penalty": 1, + "renew_session": false, + "ignore_eos": false +} +``` + +请求结果如下。 + + + +### 2.4 网页 Demo 演示 + +这一部分主要是将 Gradio 作为前端 Demo 演示。在上一节的基础上,我们不执行后面的 `api_client` 或 `triton_client`,而是执行 `gradio`。 + +> 由于 Gradio 需要本地访问展示界面,因此也需要通过 ssh 将数据转发到本地。命令如下: +> +> ssh -CNg -L 6006:127.0.0.1:6006 root@ssh.intern-ai.org.cn -p <你的 ssh 端口号> + +#### 2.4.1 TurboMind 服务作为后端 + +API Server 的启动和上一节一样,这里直接启动作为前端的 Gradio。 + +```bash +# Gradio+ApiServer。必须先开启 Server,此时 Gradio 为 Client +lmdeploy serve gradio http://0.0.0.0:23333 \ + --server_name 0.0.0.0 \ + --server_port 6006 \ + --restful_api True +``` + +结果如下图所示。 + + + + +#### 2.4.2 TurboMind 推理作为后端 + +当然,Gradio 也可以直接和 TurboMind 连接,如下所示。 + +```bash +# Gradio+Turbomind(local) +lmdeploy serve gradio ./workspace +``` + +可以直接启动 Gradio,此时没有 API Server,TurboMind 直接与 Gradio 通信。如下图所示。 + + + +### 2.5 TurboMind 推理 + Python 代码集成 + +前面介绍的都是通过 API 或某种前端与”模型推理/服务“进行交互,lmdeploy 还支持 Python 直接与 TurboMind 进行交互,如下所示。 + +```python +from lmdeploy import turbomind as tm + +# load model +model_path = "/root/share/temp/model_repos/internlm-chat-7b/" +tm_model = tm.TurboMind.from_pretrained(model_path, model_name='internlm-chat-20b') +generator = tm_model.create_instance() + +# process query +query = "你好啊兄嘚" +prompt = tm_model.model.get_prompt(query) +input_ids = tm_model.tokenizer.encode(prompt) + +# inference +for outputs in generator.stream_infer( + session_id=0, + input_ids=[input_ids]): + res, tokens = outputs[0] + +response = tm_model.tokenizer.decode(res.tolist()) +print(response) +``` + +在上面的代码中,我们首先加载模型,然后构造输入,最后执行推理。 + +加载模型可以显式指定模型路径,也可以直接指定 Huggingface 的 repo_id,还可以使用上面生成过的 `workspace`。这里的 `tm.TurboMind` 其实是对 C++ TurboMind 的封装。 + +构造输入这里主要是把用户的 query 构造成 InternLLM 支持的输入格式,比如上面的例子中, `query` 是“你好啊兄嘚”,构造好的 Prompt 如下所示。 + +```python +""" +<|System|>:You are an AI assistant whose name is InternLM (书生·浦语). +- InternLM (书生·浦语) is a conversational language model that is developed by Shanghai AI Laboratory (上海人工智能实验室). It is designed to be helpful, honest, and harmless. +- InternLM (书生·浦语) can understand and communicate fluently in the language chosen by the user such as English and 中文. + +<|User|>:你好啊兄嘚 +<|Bot|>: +""" +``` + +Prompt 其实就是增加了 `<|System|>` 消息和 `<|User|>` 消息(即用户的 `query`),以及一个 `<|Bot|>` 的标记,表示接下来该模型输出响应了。最终输出的响应内容如下所示。 + +```python +"你好啊,有什么我可以帮助你的吗?" +``` + +### 2.6 这么多,头秃,有没有最佳实践 + +#### 2.6.1 方案实践 + +必——须——有! + +首先说 “模型推理/服务”,推荐使用 TurboMind,使用简单,性能良好,相关的 Benchmark 对比如下。 + + + +上面的性能对比包括两个场景: + +- 场景一(前4张图):固定的输入、输出 token 数(分别1和2048),测试Token输出吞吐量(output token throughput)。 +- 场景二(第5张图):使用真实数据,测试吞吐量(request throughput)。 + +场景一中,BatchSize=64时,TurboMind 的吞吐量超过 2000 token/s,整体比 DeepSpeed 提升约 5% - 15%;BatchSize=32时,比 Huggingface 的Transformers 提升约 3 倍;其他BatchSize时 TurboMind 也表现出优异的性能。 + +场景二中,对比了 TurboMind 和 vLLM 在真实数据上的吞吐量(request throughput)指标,TurboMind 的效率比 vLLM 高 30%。 + +大家不妨亲自使用本地对话(Local Chat)感受一下性能差别(2.2 节),也可以执行我们提供的 `infer_compare.py` 脚本,示例如下。 + +```bash +# 执行 Huggingface 的 Transformer +python infer_compare.py hf +# 执行LMDeploy +python infer_compare.py lmdeploy +``` + +LMDeploy应该是Transformers的3-5倍左右。 + +后面的 API 服务和 Client 就得分场景了。 + +- 我想对外提供类似 OpenAI 那样的 HTTP 接口服务。推荐使用 TurboMind推理 + API 服务(2.3)。 +- 我想做一个演示 Demo,Gradio 无疑是比 Local Chat 更友好的。推荐使用 TurboMind 推理作为后端的Gradio进行演示(2.4.2)。 +- 我想直接在自己的 Python 项目中使用大模型功能。推荐使用 TurboMind推理 + Python(2.5)。 +- 我想在自己的其他非 Python 项目中使用大模型功能。推荐直接通过 HTTP 接口调用服务。也就是用本列表第一条先启动一个 HTTP API 服务,然后在项目中直接调用接口。 +- 我的项目是 C++ 写的,为什么不能直接用 TurboMind 的 C++ 接口?!必须可以!大佬可以右上角叉掉这个窗口啦。 + +#### 2.6.2 模型配置实践 + +不知道大家还有没有印象,在离线转换(2.1.2)一节,我们查看了 `weights` 的目录,里面存放的是模型按层、按并行卡拆分的参数,不过还有一个文件 `config.ini` 并不是模型参数,它里面存的主要是模型相关的配置信息。下面是一个示例。 + +```ini +[llama] +model_name = internlm-chat-7b +tensor_para_size = 1 +head_num = 32 +kv_head_num = 32 +vocab_size = 103168 +num_layer = 32 +inter_size = 11008 +norm_eps = 1e-06 +attn_bias = 0 +start_id = 1 +end_id = 2 +session_len = 2056 +weight_type = fp16 +rotary_embedding = 128 +rope_theta = 10000.0 +size_per_head = 128 +group_size = 0 +max_batch_size = 64 +max_context_token_num = 1 +step_length = 1 +cache_max_entry_count = 0.5 +cache_block_seq_len = 128 +cache_chunk_size = 1 +use_context_fmha = 1 +quant_policy = 0 +max_position_embeddings = 2048 +rope_scaling_factor = 0.0 +use_logn_attn = 0 +``` + +其中,模型属性相关的参数不可更改,主要包括下面这些。 + +```ini +model_name = llama2 +head_num = 32 +kv_head_num = 32 +vocab_size = 103168 +num_layer = 32 +inter_size = 11008 +norm_eps = 1e-06 +attn_bias = 0 +start_id = 1 +end_id = 2 +rotary_embedding = 128 +rope_theta = 10000.0 +size_per_head = 128 +``` + +和数据类型相关的参数也不可更改,主要包括两个。 + +```ini +weight_type = fp16 +group_size = 0 +``` + +`weight_type` 表示权重的数据类型。目前支持 fp16 和 int4。int4 表示 4bit 权重。当 `weight_type` 为 4bit 权重时,`group_size` 表示 `awq` 量化权重时使用的 group 大小。 + +剩余参数包括下面几个。 + +```ini +tensor_para_size = 1 +session_len = 2056 +max_batch_size = 64 +max_context_token_num = 1 +step_length = 1 +cache_max_entry_count = 0.5 +cache_block_seq_len = 128 +cache_chunk_size = 1 +use_context_fmha = 1 +quant_policy = 0 +max_position_embeddings = 2048 +rope_scaling_factor = 0.0 +use_logn_attn = 0 +``` + +一般情况下,我们并不需要对这些参数进行修改,但有时候为了满足特定需要,可能需要调整其中一部分配置值。这里主要介绍三个可能需要调整的参数。 + +- KV int8 开关: + - 对应参数为 `quant_policy`,默认值为 0,表示不使用 KV Cache,如果需要开启,则将该参数设置为 4。 + - KV Cache 是对序列生成过程中的 K 和 V 进行量化,用以节省显存。我们下一部分会介绍具体的量化过程。 + - 当显存不足,或序列比较长时,建议打开此开关。 +- 外推能力开关: + - 对应参数为 `rope_scaling_factor`,默认值为 0.0,表示不具备外推能力,设置为 1.0,可以开启 RoPE 的 Dynamic NTK 功能,支持长文本推理。另外,`use_logn_attn` 参数表示 Attention 缩放,默认值为 0,如果要开启,可以将其改为 1。 + - 外推能力是指推理时上下文的长度超过训练时的最大长度时模型生成的能力。如果没有外推能力,当推理时上下文长度超过训练时的最大长度,效果会急剧下降。相反,则下降不那么明显,当然如果超出太多,效果也会下降的厉害。 + - 当推理文本非常长(明显超过了训练时的最大长度)时,建议开启外推能力。 +- 批处理大小: + - 对应参数为 `max_batch_size`,默认为 64,也就是我们在 API Server 启动时的 `instance_num` 参数。 + - 该参数值越大,吞度量越大(同时接受的请求数),但也会占用更多显存。 + - 建议根据请求量和最大的上下文长度,按实际情况调整。 + +## 3 模型量化 + +本部分内容主要介绍如何对模型进行量化。主要包括 KV Cache 量化和模型参数量化。总的来说,量化是一种以参数或计算中间结果精度下降换空间节省(以及同时带来的性能提升)的策略。 + +正式介绍 LMDeploy 量化方案前,需要先介绍两个概念: + +- 计算密集(compute-bound): 指推理过程中,绝大部分时间消耗在数值计算上;针对计算密集型场景,可以通过使用更快的硬件计算单元来提升计算速。 +- 访存密集(memory-bound): 指推理过程中,绝大部分时间消耗在数据读取上;针对访存密集型场景,一般通过减少访存次数、提高计算访存比或降低访存量来优化。 + +常见的 LLM 模型由于 Decoder Only 架构的特性,实际推理时大多数的时间都消耗在了逐 Token 生成阶段(Decoding 阶段),是典型的访存密集型场景。 + +那么,如何优化 LLM 模型推理中的访存密集问题呢? 我们可以使用 **KV Cache 量化**和 **4bit Weight Only 量化(W4A16)**。KV Cache 量化是指将逐 Token(Decoding)生成过程中的上下文 K 和 V 中间结果进行 INT8 量化(计算时再反量化),以降低生成过程中的显存占用。4bit Weight 量化,将 FP16 的模型权重量化为 INT4,Kernel 计算时,访存量直接降为 FP16 模型的 1/4,大幅降低了访存成本。Weight Only 是指仅量化权重,数值计算依然采用 FP16(需要将 INT4 权重反量化)。 + +### 3.1 KV Cache 量化 + +#### 3.1.1 量化步骤 + +KV Cache 量化是将已经生成序列的 KV 变成 Int8,使用过程一共包括三步: + +第一步:计算 minmax。主要思路是通过计算给定输入样本在每一层不同位置处计算结果的统计情况。 + +- 对于 Attention 的 K 和 V:取每个 Head 各自维度在所有Token的最大、最小和绝对值最大值。对每一层来说,上面三组值都是 `(num_heads, head_dim)` 的矩阵。这里的统计结果将用于本小节的 KV Cache。 +- 对于模型每层的输入:取对应维度的最大、最小、均值、绝对值最大和绝对值均值。每一层每个位置的输入都有对应的统计值,它们大多是 `(hidden_dim, )` 的一维向量,当然在 FFN 层由于结构是先变宽后恢复,因此恢复的位置维度并不相同。这里的统计结果用于下个小节的模型参数量化,主要用在缩放环节(回顾PPT内容)。 + +第一步执行命令如下: + +```bash +# 计算 minmax +lmdeploy lite calibrate \ + --model /root/share/temp/model_repos/internlm-chat-7b/ \ + --calib_dataset "c4" \ + --calib_samples 128 \ + --calib_seqlen 2048 \ + --work_dir ./quant_output +``` + +在这个命令行中,会选择 128 条输入样本,每条样本长度为 2048,数据集选择 C4,输入模型后就会得到上面的各种统计值。值得说明的是,如果显存不足,可以适当调小 samples 的数量或 sample 的长度。 + +> 这一步由于默认需要从 Huggingface 下载数据集,国内经常不成功。所以我们导出了需要的数据,大家需要对读取数据集的代码文件做一下替换。共包括两步: +> +> - 第一步:复制 `calib_dataloader.py` 到安装目录替换该文件:`cp /root/share/temp/datasets/c4/calib_dataloader.py /root/.conda/envs/lmdeploy/lib/python3.10/site-packages/lmdeploy/lite/utils/` +> - 第二步:将用到的数据集(c4)复制到下面的目录:`cp -r /root/share/temp/datasets/c4/ /root/.cache/huggingface/datasets/` + +第二步:通过 minmax 获取量化参数。主要就是利用下面这个公式,获取每一层的 K V 中心值(zp)和缩放值(scale)。 + +```bash +zp = (min+max) / 2 +scale = (max-min) / 255 +quant: q = round( (f-zp) / scale) +dequant: f = q * scale + zp +``` + +有这两个值就可以进行量化和解量化操作了。具体来说,就是对历史的 K 和 V 存储 quant 后的值,使用时在 dequant。 + +第二步的执行命令如下: + +```bash +# 通过 minmax 获取量化参数 +lmdeploy lite kv_qparams \ + --work_dir ./quant_output \ + --turbomind_dir workspace/triton_models/weights/ \ + --kv_sym False \ + --num_tp 1 +``` + +在这个命令中,`num_tp` 的含义前面介绍过,表示 Tensor 的并行数。每一层的中心值和缩放值会存储到 `workspace` 的参数目录中以便后续使用。`kv_sym` 为 `True` 时会使用另一种(对称)量化方法,它用到了第一步存储的绝对值最大值,而不是最大值和最小值。 + +第三步:修改配置。也就是修改 `weights/config.ini` 文件,这个我们在《2.6.2 模型配置实践》中已经提到过了(KV int8 开关),只需要把 `quant_policy` 改为 4 即可。 + +这一步需要额外说明的是,如果用的是 TurboMind1.0,还需要修改参数 `use_context_fmha`,将其改为 0。 + +接下来就可以正常运行前面的各种服务了,只不过咱们现在可是用上了 KV Cache 量化,能更省(运行时)显存了。 + +#### 3.1.2 量化效果 + +官方给出了 [internlm-chat-7b](https://huggingface.co/internlm/internlm-chat-7b) 模型在 KV Cache 量化前后的显存对比情况,如下表所示。 + +| batch_size | fp16 memory(MiB) | int8 memory(MiB) | diff(MiB) | +| ---------- | ---------------- | ---------------- | --------- | +| 8 | 22337 | 18241 | -4096 | +| 16 | 30593 | 22369 | -8224 | +| 32 | 47073 | 30625 | -16448 | +| 48 | 63553 | 38881 | -24672 | + +可以看出,KV Cache 可以节约大约 20% 的显存。 + +同时,还在 [opencompass](https://github.com/open-compass/opencompass) 平台上测试了量化前后的精准度(Accuracy)对比情况,如下表所示。 + +| task | dataset | metric | int8 | fp16 | diff | +| ------------- | --------------- | ------------- | ----- | ----- | ----- | +| Language | winogrande | accuracy | 60.77 | 61.48 | -0.71 | +| Knowledge | nq | score | 2.69 | 2.60 | +0.09 | +| Reasoning | gsm8k | accuracy | 33.28 | 34.72 | -1.44 | +| Reasoning | bbh | naive_average | 20.12 | 20.51 | -0.39 | +| Understanding | openbookqa_fact | accuracy | 82.40 | 82.20 | +0.20 | +| Understanding | eprstmt-dev | accuracy | 90.62 | 88.75 | +1.87 | +| Safety | crows_pairs | accuracy | 32.56 | 31.43 | +1.13 | + +可以看出,精度不仅没有明显下降,相反在不少任务上还有一定的提升。可能得原因是,量化会导致一定的误差,有时候这种误差可能会减少模型对训练数据的拟合,从而提高泛化性能。量化可以被视为引入轻微噪声的正则化方法。或者,也有可能量化后的模型正好对某些数据集具有更好的性能。 + +总结一下,KV Cache 量化既能明显降低显存占用,还有可能同时带来精准度(Accuracy)的提升。 + +### 3.2 W4A16 量化 + +#### 3.2.1 量化步骤 + +W4A16中的A是指Activation,保持FP16,只对参数进行 4bit 量化。使用过程也可以看作是三步。 + +第一步:同 1.3.1,不再赘述。 + +第二步:量化权重模型。利用第一步得到的统计值对参数进行量化,具体又包括两小步: + +- 缩放参数。主要是性能上的考虑(回顾 PPT)。 +- 整体量化。 + +第二步的执行命令如下: + +```bash +# 量化权重模型 +lmdeploy lite auto_awq \ + --model /root/share/temp/model_repos/internlm-chat-7b/ \ + --w_bits 4 \ + --w_group_size 128 \ + --work_dir ./quant_output +``` + +命令中 `w_bits` 表示量化的位数,`w_group_size` 表示量化分组统计的尺寸,`work_dir` 是量化后模型输出的位置。这里需要特别说明的是,因为没有 `torch.int4`,所以实际存储时,8个 4bit 权重会被打包到一个 int32 值中。所以,如果你把这部分量化后的参数加载进来就会发现它们是 int32 类型的。 + +最后一步:转换成 TurboMind 格式。 + +```bash +# 转换模型的layout,存放在默认路径 ./workspace 下 +lmdeploy convert internlm-chat-7b ./quant_output \ + --model-format awq \ + --group-size 128 +``` + +这个 `group-size` 就是上一步的那个 `w_group_size`。如果不想和之前的 `workspace` 重复,可以指定输出目录:`--dst_path`,比如: + +```bash +lmdeploy convert internlm-chat-7b ./quant_output \ + --model-format awq \ + --group-size 128 \ + --dst_path ./workspace_quant +``` + +接下来和上一节一样,可以正常运行前面的各种服务了,不过咱们现在用的是量化后的模型。 + +最后再补充一点,量化模型和 KV Cache 量化也可以一起使用,以达到最大限度节省显存。 + +#### 3.2.2 量化效果 + +官方在 NVIDIA GeForce RTX 4090 上测试了 4-bit 的 Llama-2-7B-chat 和 Llama-2-13B-chat 模型的 token 生成速度。测试配置为 BatchSize = 1,prompt_tokens=1,completion_tokens=512,结果如下表所示。 + +| model | llm-awq | mlc-llm | turbomind | +| ---------------- | ------- | ------- | --------- | +| Llama-2-7B-chat | 112.9 | 159.4 | 206.4 | +| Llama-2-13B-chat | N/A | 90.7 | 115.8 | + +可以看出,TurboMind 相比其他框架速度优势非常显著,比 mlc-llm 快了将近 30%。 + +另外,也测试了 TurboMind 在不同精度和上下文长度下的显存占用情况,如下表所示。 + +| model(context length) | 16bit(2048) | 4bit(2048) | 16bit(4096) | 4bit(4096) | +| --------------------- | ----------- | ---------- | ----------- | ---------- | +| Llama-2-7B-chat | 15.1 | 6.3 | 16.2 | 7.5 | +| Llama-2-13B-chat | OOM | 10.3 | OOM | 12.0 | + +可以看出,4bit 模型可以降低 50-60% 的显存占用,效果非常明显。 + +总而言之,W4A16 参数量化后能极大地降低显存,同时相比其他框架推理速度具有明显优势。 + +### 3.3 最佳实践 + +本节是针对《模型量化》部分的最佳实践。 + +首先我们需要明白一点,服务部署和量化是没有直接关联的,量化的最主要目的是降低显存占用,主要包括两方面的显存:模型参数和中间过程计算结果。前者对应《3.2 W4A16 量化》,后者对应《3.1 KV Cache 量化》。 + +量化在降低显存的同时,一般还能带来性能的提升,因为更小精度的浮点数要比高精度的浮点数计算效率高,而整型要比浮点数高很多。 + +所以我们的建议是:在各种配置下尝试,看效果能否满足需要。这一般需要在自己的数据集上进行测试。具体步骤如下。 + +- Step1:优先尝试正常(非量化)版本,评估效果。 + - 如果效果不行,需要尝试更大参数模型或者微调。 + - 如果效果可以,跳到下一步。 +- Step2:尝试正常版本+KV Cache 量化,评估效果。 + - 如果效果不行,回到上一步。 + - 如果效果可以,跳到下一步。 +- Step3:尝试量化版本,评估效果。 + - 如果效果不行,回到上一步。 + - 如果效果可以,跳到下一步。 +- Step4:尝试量化版本+ KV Cache 量化,评估效果。 + - 如果效果不行,回到上一步。 + - 如果效果可以,使用方案。 + +简单流程如下图所示。 + + + +另外需要补充说明的是,使用哪种量化版本、开启哪些功能,除了上述流程外,**还需要考虑框架、显卡的支持情况**,比如有些框架可能不支持 W4A16 的推理,那即便转换好了也用不了。 + +根据实践经验,一般情况下: + +- 精度越高,显存占用越多,推理效率越低,但一般效果较好。 +- Server 端推理一般用非量化版本或半精度、BF16、Int8 等精度的量化版本,比较少使用更低精度的量化版本。 +- 端侧推理一般都使用量化版本,且大多是低精度的量化版本。这主要是因为计算资源所限。 + +以上是针对项目开发情况,如果是自己尝试(玩儿)的话: + +- 如果资源足够(有GPU卡很重要),那就用非量化的正常版本。 +- 如果没有 GPU 卡,只有 CPU(不管什么芯片),那还是尝试量化版本。 +- 如果生成文本长度很长,显存不够,就开启 KV Cache。 + +建议大家根据实际情况灵活选择方案。 + +## 参考资料 + +- [InternLM/lmdeploy: LMDeploy is a toolkit for compressing, deploying, and serving LLMs.](https://github.com/InternLM/lmdeploy/) +- [仅需一块 3090 显卡,高效部署 InternLM-20B 模型 - 知乎](https://zhuanlan.zhihu.com/p/665725861) + +## 附录1:TritonServer 作为推理引擎 + + +### TritonServer环境配置 + +> 注意:本部分内容仅支持物理机上执行,不支持虚拟主机。 + +使用 Triton Server 需要安装一下 Docker 及其他依赖。 + +先装一些基本的依赖。 + +```bash +apt-get update +apt-get install cmake sudo -y +``` + +然后是 Docker 安装。 + +```bash +# Add Docker's official GPG key: +sudo apt-get install ca-certificates curl gnupg +sudo install -m 0755 -d /etc/apt/keyrings +curl -fsSL https://download.docker.com/linux/ubuntu/gpg | sudo gpg --dearmor -o /etc/apt/keyrings/docker.gpg +sudo chmod a+r /etc/apt/keyrings/docker.gpg + +# Add the repository to Apt sources: +echo \ + "deb [arch=$(dpkg --print-architecture) signed-by=/etc/apt/keyrings/docker.gpg] https://download.docker.com/linux/ubuntu \ + $(. /etc/os-release && echo "$VERSION_CODENAME") stable" | \ + sudo tee /etc/apt/sources.list.d/docker.list > /dev/null +sudo apt-get update + +# install +sudo apt-get install docker-ce docker-ce-cli containerd.io docker-buildx-plugin docker-compose-plugin +``` + +安装后我们跑一个 HelloWorld。 + +```bash +# helloworld +sudo docker run hello-world +``` + +可以看到类似下面的画面,表示运行成功。 + + + + +### TritonServer推理+API服务 + +> 注意:这部分需要 Docker 服务。 + +这里我们把提供模型推理服务的引擎从 TurboMind 换成了 TritonServer,启动命令就一行。 + +```bash +# ApiServer+Triton +bash workspace/service_docker_up.sh +``` + +这里会启动一个 TritonServer 的容器,如下图所示。 + + + +可以再开一个窗口执行 Client 命令。 + +```bash +# ChatTritonClient + TritonServer(注意是gRPC协议,不要用http) +lmdeploy serve triton_client localhost:33337 +``` + +结果如下图所示。 + + + + +### TritonServer 服务作为后端 + +使用过程同 2.4.1 小节。 + +```bash +# Gradio+TritonServer(注意是gRPC协议,不要用http) +lmdeploy serve gradio localhost:33337 \ + --server_name 0.0.0.0 \ + --server_port 6006 +``` + +结果如下图所示。 + + + +## 作业 + +提交方式:在各个班级对应的 GitHub Discussion 帖子中进行提交。 + +**基础作业:** + +- 使用 LMDeploy 以本地对话、网页Gradio、API服务中的一种方式部署 InternLM-Chat-7B 模型,生成 300 字的小故事(需截图) + +**进阶作业(可选做)** + +- 将第四节课训练自我认知小助手模型使用 LMDeploy 量化部署到 OpenXLab 平台。 +- 对internlm-chat-7b模型进行量化,并同时使用KV Cache量化,使用量化后的模型完成API服务的部署,分别对比模型量化前后(将 bs设置为 1 和 max len 设置为512)和 KV Cache 量化前后(将 bs设置为 8 和 max len 设置为2048)的显存大小。 +- 在自己的任务数据集上任取若干条进行Benchmark测试,测试方向包括: +(1)TurboMind推理+Python代码集成 +(2)在(1)的基础上采用W4A16量化 +(3)在(1)的基础上开启KV Cache量化 +(4)在(2)的基础上开启KV Cache量化 +(5)使用Huggingface推理 + +备注:**由于进阶作业较难,完成基础作业之后就可以先提交作业了,在后续的大作业项目中使用这些技术将作为重要的加分点!** + +**整体实训营项目:** + +时间周期:即日起致课程结束 + +即日开始可以在班级群中随机组队完成一个大作业项目,一些可提供的选题如下: + +- 人情世故大模型:一个帮助用户撰写新年祝福文案的人情事故大模型 +- 中小学数学大模型:一个拥有一定数学解题能力的大模型 +- 心理大模型:一个治愈的心理大模型 +- 工具调用类项目:结合 Lagent 构建数据集训练 InternLM 模型,支持对 MMYOLO 等工具的调用 + +其他基于书生·浦语工具链的小项目都在范围内,欢迎大家充分发挥想象力。 + diff --git a/opencompass/.gitkeep b/opencompass/.gitkeep new file mode 100644 index 000000000..e69de29bb diff --git a/opencompass/opencompass_tutorial.md b/opencompass/opencompass_tutorial.md new file mode 100644 index 000000000..989b67b23 --- /dev/null +++ b/opencompass/opencompass_tutorial.md @@ -0,0 +1,384 @@ +# 大模型评测教程 + +随着人工智能技术的快速发展, 大规模预训练自然语言模型成为了研究热点和关注焦点。OpenAI于2018年提出了第一代GPT模型,开辟了自然语言模型生成式预训练的路线。沿着这条路线,随后又陆续发布了GPT-2和GPT-3模型。与此同时,谷歌也探索了不同的大规模预训练模型方案,例如如T5, Flan等。OpenAI在2022年11月发布ChatGPT,展示了强大的问答能力,逻辑推理能力和内容创作能力,将模型提升到了实用水平,改变人们对大模型能力的认知。在2023年4月,OpenAI发布了新升级的GPT-4模型,通过引入多模态能力,进一步拓展了大语言模型的能力边界,朝着通用人工智能更进一步。ChatGPT和GPT-4推出之后,微软凭借强大的产品化能力迅速将其集成进搜索引擎和Office办公套件中,形成了New Bing和 Office Copilot等产品。谷歌也迅速上线了基于自家大语言模型PaLM和PaLM-2的Bard,与OpenAI和微软展开正面竞争。国内的多家企业和研究机构也在开展大模型的技术研发,百度,阿里,华为,商汤,讯飞等都发布了各自的国产语言大模型,清华,复旦等高校也相继发布了GLM, MOSS等模型。 + +为了准确和公正地评估大模型的能力,国内外机构在大模型评测上开展了大量的尝试和探索。斯坦福大学提出了较为系统的评测框架HELM,从准确性,安全性,鲁棒性和公平性等维度开展模型评测。纽约大学联合谷歌和Meta提出了SuperGLUE评测集,从推理能力,常识理解,问答能力等方面入手,构建了包括8个子任务的大语言模型评测数据集。加州大学伯克利分校提出了MMLU测试集,构建了涵盖高中和大学的多项考试,来评估模型的知识能力和推理能力。谷歌也提出了包含数理科学,编程代码,阅读理解,逻辑推理等子任务的评测集Big-Bench,涵盖200多个子任务,对模型能力进行系统化的评估。在中文评测方面,国内的学术机构也提出了如CLUE,CUGE等评测数据集,从文本分类,阅读理解,逻辑推理等方面评测语言模型的中文能力。 + +随着大模型的蓬勃发展,如何全面系统地评估大模型的各项能力成为了亟待解决的问题。由于大语言模型和多模态模型的能力强大,应用场景广泛,目前学术界和工业界的评测方案往往只关注模型的部分能力维度,缺少系统化的能力维度框架与评测方案。OpenCompass提供设计一套全面、高效、可拓展的大模型评测方案,对模型能力、性能、安全性等进行全方位的评估。OpenCompass提供分布式自动化的评测系统,支持对(语言/多模态)大模型开展全面系统的能力评估。 + + +# OpenCompass介绍 + +## 评测对象 + +本算法库的主要评测对象为语言大模型与多模态大模型。我们以语言大模型为例介绍评测的具体模型类型。 + +- **基座模型**:一般是经过海量的文本数据以自监督学习的方式进行训练获得的模型(如OpenAI的GPT-3,Meta的LLaMA),往往具有强大的文字续写能力。 + +- **对话模型**:一般是在的基座模型的基础上,经过指令微调或人类偏好对齐获得的模型(如OpenAI的ChatGPT、上海人工智能实验室的书生·浦语),能理解人类指令,具有较强的对话能力。 + +## 工具架构 + + + +- 模型层:大模型评测所涉及的主要模型种类,OpenCompass以基座模型和对话模型作为重点评测对象。 +- 能力层:OpenCompass从本方案从通用能力和特色能力两个方面来进行评测维度设计。在模型通用能力方面,从语言、知识、理解、推理、安全等多个能力维度进行评测。在特色能力方面,从长文本、代码、工具、知识增强等维度进行评测。 +- 方法层:OpenCompass采用客观评测与主观评测两种评测方式。客观评测能便捷地评估模型在具有确定答案(如选择,填空,封闭式问答等)的任务上的能力,主观评测能评估用户对模型回复的真实满意度,OpenCompass采用基于模型辅助的主观评测和基于人类反馈的主观评测两种方式。 +- 工具层:OpenCompass提供丰富的功能支持自动化地开展大语言模型的高效评测。包括分布式评测技术,提示词工程,对接评测数据库,评测榜单发布,评测报告生成等诸多功能。 + +## 能力维度 + +### 设计思路 + +为准确、全面、系统化地评估大语言模型的能力,OpenCompass从通用人工智能的角度出发,结合学术界的前沿进展和工业界的最佳实践,提出一套面向实际应用的模型能力评价体系。OpenCompass能力维度体系涵盖通用能力和特色能力两大部分。 + +通用能力涵盖学科综合能力、知识能力、语言能力、理解能力、推理能力、安全能力,共计六大维度构造立体全面的模型能力评价体系。 + +特色能力 + +## 评测方法 + +OpenCompass采取客观评测与主观评测相结合的方法。针对具有确定性答案的能力维度和场景,通过构造丰富完善的评测集,对模型能力进行综合评价。针对体现模型能力的开放式或半开放式的问题、模型安全问题等,采用主客观相结合的评测方式。 + +### 客观评测 + +针对具有标准答案的客观问题,我们可以我们可以通过使用定量指标比较模型的输出与标准答案的差异,并根据结果衡量模型的性能。同时,由于大语言模型输出自由度较高,在评测阶段,我们需要对其输入和输出作一定的规范和设计,尽可能减少噪声输出在评测阶段的影响,才能对模型的能力有更加完整和客观的评价。 + +为了更好地激发出模型在题目测试领域的能力,并引导模型按照一定的模板输出答案,OpenCompass采用提示词工程 (prompt engineering)和语境学习(in-context learning)进行客观评测。 + +在客观评测的具体实践中,我们通常采用下列两种方式进行模型输出结果的评测: + +- **判别式评测**:该评测方式基于将问题与候选答案组合在一起,计算模型在所有组合上的困惑度(perplexity),并选择困惑度最小的答案作为模型的最终输出。例如,若模型在 `问题? 答案1` 上的困惑度为 0.1,在 `问题? 答案2` 上的困惑度为 0.2,最终我们会选择 `答案1` 作为模型的输出。 + +- **生成式评测**:该评测方式主要用于生成类任务,如语言翻译、程序生成、逻辑分析题等。具体实践时,使用问题作为模型的原始输入,并留白答案区域待模型进行后续补全。我们通常还需要对其输出进行后处理,以保证输出满足数据集的要求。 + +### 主观评测 + +语言表达生动精彩,变化丰富,大量的场景和能力无法凭借客观指标进行评测。针对如模型安全和模型语言能力的评测,以人的主观感受为主的评测更能体现模型的真实能力,并更符合大模型的实际使用场景。 + +OpenCompass采取的主观评测方案是指借助受试者的主观判断对具有对话能力的大语言模型进行能力评测。在具体实践中,我们提前基于模型的能力维度构建主观测试问题集合,并将不同模型对于同一问题的不同回复展现给受试者,收集受试者基于主观感受的评分。由于主观测试成本高昂,本方案同时也采用使用性能优异的大语言模拟人类进行主观打分。在实际评测中,本文将采用真实人类专家的主观评测与基于模型打分的主观评测相结合的方式开展模型能力评估。 + +在具体开展主观评测时,OpenComapss采用**单模型回复满意度统计**和**多模型满意度比较**两种方式开展具体的评测工作。 + +# 快速开始 + + + +## 概览 + +在 OpenCompass 中评估一个模型通常包括以下几个阶段:**配置** -> **推理** -> **评估** -> **可视化**。 + +**配置**:这是整个工作流的起点。您需要配置整个评估过程,选择要评估的模型和数据集。此外,还可以选择评估策略、计算后端等,并定义显示结果的方式。 + +**推理与评估**:在这个阶段,OpenCompass 将会开始对模型和数据集进行并行推理和评估。**推理**阶段主要是让模型从数据集产生输出,而**评估**阶段则是衡量这些输出与标准答案的匹配程度。这两个过程会被拆分为多个同时运行的“任务”以提高效率,但请注意,如果计算资源有限,这种策略可能会使评测变得更慢。 + +**可视化**:评估完成后,OpenCompass 将结果整理成易读的表格,并将其保存为 CSV 和 TXT 文件。你也可以激活飞书状态上报功能,此后可以在飞书客户端中及时获得评测状态报告。 + +接下来,我们将展示 OpenCompass 的基础用法,展示书生浦语在 [C-Eval](https://cevalbenchmark.com/index.html#home) 基准任务上的评估。它们的配置文件可以在 [configs/eval_demo.py](https://github.com/open-compass/opencompass/blob/main/configs/eval_demo.py) 中找到。 + +## 安装 + +### 面向GPU的环境安装 + +```bash + +conda create --name opencompass --clone=/root/share/conda_envs/internlm-base +source activate opencompass +git clone https://github.com/open-compass/opencompass +cd opencompass +pip install -e . +``` + +有部分第三方功能,如代码能力基准测试 Humaneval 以及 Llama格式的模型评测,可能需要额外步骤才能正常运行,如需评测,详细步骤请参考[安装指南](https://opencompass.readthedocs.io/zh_CN/latest/get_started/installation.html)。 + +### 数据准备 + +```bash +# 解压评测数据集到 data/ 处 +cp /share/temp/datasets/OpenCompassData-core-20231110.zip /root/opencompass/ +unzip OpenCompassData-core-20231110.zip + +# 将会在opencompass下看到data文件夹 +``` + +### 查看支持的数据集和模型 + +```bash +# 列出所有跟 internlm 及 ceval 相关的配置 +python tools/list_configs.py internlm ceval +``` + +将会看到 + +```text ++--------------------------+--------------------------------------------------------+ +| Model | Config Path | +|--------------------------+--------------------------------------------------------| +| hf_internlm_20b | configs/models/hf_internlm/hf_internlm_20b.py | +| hf_internlm_7b | configs/models/hf_internlm/hf_internlm_7b.py | +| hf_internlm_chat_20b | configs/models/hf_internlm/hf_internlm_chat_20b.py | +| hf_internlm_chat_7b | configs/models/hf_internlm/hf_internlm_chat_7b.py | +| hf_internlm_chat_7b_8k | configs/models/hf_internlm/hf_internlm_chat_7b_8k.py | +| hf_internlm_chat_7b_v1_1 | configs/models/hf_internlm/hf_internlm_chat_7b_v1_1.py | +| internlm_7b | configs/models/internlm/internlm_7b.py | +| ms_internlm_chat_7b_8k | configs/models/ms_internlm/ms_internlm_chat_7b_8k.py | ++--------------------------+--------------------------------------------------------+ ++----------------------------+------------------------------------------------------+ +| Dataset | Config Path | +|----------------------------+------------------------------------------------------| +| ceval_clean_ppl | configs/datasets/ceval/ceval_clean_ppl.py | +| ceval_gen | configs/datasets/ceval/ceval_gen.py | +| ceval_gen_2daf24 | configs/datasets/ceval/ceval_gen_2daf24.py | +| ceval_gen_5f30c7 | configs/datasets/ceval/ceval_gen_5f30c7.py | +| ceval_ppl | configs/datasets/ceval/ceval_ppl.py | +| ceval_ppl_578f8d | configs/datasets/ceval/ceval_ppl_578f8d.py | +| ceval_ppl_93e5ce | configs/datasets/ceval/ceval_ppl_93e5ce.py | +| ceval_zero_shot_gen_bd40ef | configs/datasets/ceval/ceval_zero_shot_gen_bd40ef.py | ++----------------------------+------------------------------------------------------+ +``` + + +### 启动评测 + +确保按照上述步骤正确安装 OpenCompass 并准备好数据集后,可以通过以下命令评测 InternLM-Chat-7B 模型在 C-Eval 数据集上的性能。由于 OpenCompass 默认并行启动评估过程,我们可以在第一次运行时以 `--debug` 模式启动评估,并检查是否存在问题。在 `--debug` 模式下,任务将按顺序执行,并实时打印输出。 + +```bash +python run.py --datasets ceval_gen --hf-path /share/temp/model_repos/internlm-chat-7b/ --tokenizer-path /share/temp/model_repos/internlm-chat-7b/ --tokenizer-kwargs padding_side='left' truncation='left' trust_remote_code=True --model-kwargs trust_remote_code=True device_map='auto' --max-seq-len 2048 --max-out-len 16 --batch-size 4 --num-gpus 1 --debug +``` + +命令解析 +```bash +--datasets ceval_gen \ +--hf-path /share/temp/model_repos/internlm-chat-7b/ \ # HuggingFace 模型路径 +--tokenizer-path /share/temp/model_repos/internlm-chat-7b/ \ # HuggingFace tokenizer 路径(如果与模型路径相同,可以省略) +--tokenizer-kwargs padding_side='left' truncation='left' trust_remote_code=True \ # 构建 tokenizer 的参数 +--model-kwargs device_map='auto' trust_remote_code=True \ # 构建模型的参数 +--max-seq-len 2048 \ # 模型可以接受的最大序列长度 +--max-out-len 16 \ # 生成的最大 token 数 +--batch-size 2 \ # 批量大小 +--num-gpus 1 # 运行模型所需的 GPU 数量 +--debug +``` + +如果一切正常,您应该看到屏幕上显示 “Starting inference process”: + +```bash +[2024-01-12 18:23:55,076] [opencompass.openicl.icl_inferencer.icl_gen_inferencer] [INFO] Starting inference process... +``` + +评测完成后,将会看到: +``` + +dataset version metric mode opencompass.models.huggingface.HuggingFace_model_repos_internlm-chat-7b +---------------------------------------------- --------- ------------- ------ ------------------------------------------------------------------------- +ceval-computer_network db9ce2 accuracy gen 31.58 +ceval-operating_system 1c2571 accuracy gen 36.84 +ceval-computer_architecture a74dad accuracy gen 28.57 +ceval-college_programming 4ca32a accuracy gen 32.43 +ceval-college_physics 963fa8 accuracy gen 26.32 +ceval-college_chemistry e78857 accuracy gen 16.67 +ceval-advanced_mathematics ce03e2 accuracy gen 21.05 +ceval-probability_and_statistics 65e812 accuracy gen 38.89 +ceval-discrete_mathematics e894ae accuracy gen 18.75 +ceval-electrical_engineer ae42b9 accuracy gen 35.14 +ceval-metrology_engineer ee34ea accuracy gen 50 +ceval-high_school_mathematics 1dc5bf accuracy gen 22.22 +ceval-high_school_physics adf25f accuracy gen 31.58 +ceval-high_school_chemistry 2ed27f accuracy gen 15.79 +ceval-high_school_biology 8e2b9a accuracy gen 36.84 +ceval-middle_school_mathematics bee8d5 accuracy gen 26.32 +ceval-middle_school_biology 86817c accuracy gen 61.9 +ceval-middle_school_physics 8accf6 accuracy gen 63.16 +ceval-middle_school_chemistry 167a15 accuracy gen 60 +ceval-veterinary_medicine b4e08d accuracy gen 47.83 +ceval-college_economics f3f4e6 accuracy gen 41.82 +ceval-business_administration c1614e accuracy gen 33.33 +ceval-marxism cf874c accuracy gen 68.42 +ceval-mao_zedong_thought 51c7a4 accuracy gen 70.83 +ceval-education_science 591fee accuracy gen 58.62 +ceval-teacher_qualification 4e4ced accuracy gen 70.45 +ceval-high_school_politics 5c0de2 accuracy gen 26.32 +ceval-high_school_geography 865461 accuracy gen 47.37 +ceval-middle_school_politics 5be3e7 accuracy gen 52.38 +ceval-middle_school_geography 8a63be accuracy gen 58.33 +ceval-modern_chinese_history fc01af accuracy gen 73.91 +ceval-ideological_and_moral_cultivation a2aa4a accuracy gen 63.16 +ceval-logic f5b022 accuracy gen 31.82 +ceval-law a110a1 accuracy gen 25 +ceval-chinese_language_and_literature 0f8b68 accuracy gen 30.43 +ceval-art_studies 2a1300 accuracy gen 60.61 +ceval-professional_tour_guide 4e673e accuracy gen 62.07 +ceval-legal_professional ce8787 accuracy gen 39.13 +ceval-high_school_chinese 315705 accuracy gen 63.16 +ceval-high_school_history 7eb30a accuracy gen 70 +ceval-middle_school_history 48ab4a accuracy gen 59.09 +ceval-civil_servant 87d061 accuracy gen 53.19 +ceval-sports_science 70f27b accuracy gen 52.63 +ceval-plant_protection 8941f9 accuracy gen 59.09 +ceval-basic_medicine c409d6 accuracy gen 47.37 +ceval-clinical_medicine 49e82d accuracy gen 40.91 +ceval-urban_and_rural_planner 95b885 accuracy gen 45.65 +ceval-accountant 002837 accuracy gen 26.53 +ceval-fire_engineer bc23f5 accuracy gen 22.58 +ceval-environmental_impact_assessment_engineer c64e2d accuracy gen 64.52 +ceval-tax_accountant 3a5e3c accuracy gen 34.69 +ceval-physician 6e277d accuracy gen 40.82 +ceval-stem - naive_average gen 35.09 +ceval-social-science - naive_average gen 52.79 +ceval-humanities - naive_average gen 52.58 +ceval-other - naive_average gen 44.36 +ceval-hard - naive_average gen 23.91 +ceval - naive_average gen 44.16 +``` + +有关 `run.py` 支持的所有与 HuggingFace 相关的参数,请阅读 [评测任务发起](https://opencompass.readthedocs.io/zh-cn/latest/user_guides/experimentation.html#id2) + + +除了通过命令行配置实验外,OpenCompass 还允许用户在配置文件中编写实验的完整配置,并通过 `run.py` 直接运行它。配置文件是以 Python 格式组织的,并且必须包括 `datasets` 和 `models` 字段。 + +示例测试配置在 [configs/eval_demo.py](https://github.com/open-compass/opencompass/blob/main/configs/eval_demo.py) 中。此配置通过 [继承机制](../user_guides/config.md#继承机制) 引入所需的数据集和模型配置,并以所需格式组合 `datasets` 和 `models` 字段。 + +```python +from mmengine.config import read_base + +with read_base(): + from .datasets.siqa.siqa_gen import siqa_datasets + from .datasets.winograd.winograd_ppl import winograd_datasets + from .models.opt.hf_opt_125m import opt125m + from .models.opt.hf_opt_350m import opt350m + +datasets = [*siqa_datasets, *winograd_datasets] +models = [opt125m, opt350m] +``` + +运行任务时,我们只需将配置文件的路径传递给 `run.py`: + +```bash +python run.py configs/eval_demo.py +``` + + +OpenCompass 提供了一系列预定义的模型配置,位于 `configs/models` 下。以下是与 [opt-350m](https://github.com/open-compass/opencompass/blob/main/configs/models/opt/hf_opt_350m.py)(`configs/models/opt/hf_opt_350m.py`)相关的配置片段: + +```python +# 使用 `HuggingFaceCausalLM` 评估由 HuggingFace 的 `AutoModelForCausalLM` 支持的模型 +from opencompass.models import HuggingFaceCausalLM + +# OPT-350M +opt350m = dict( + type=HuggingFaceCausalLM, + # `HuggingFaceCausalLM` 的初始化参数 + path='facebook/opt-350m', + tokenizer_path='facebook/opt-350m', + tokenizer_kwargs=dict( + padding_side='left', + truncation_side='left', + proxies=None, + trust_remote_code=True), + model_kwargs=dict(device_map='auto'), + # 下面是所有模型的共同参数,不特定于 HuggingFaceCausalLM + abbr='opt350m', # 结果显示的模型缩写 + max_seq_len=2048, # 整个序列的最大长度 + max_out_len=100, # 生成的最大 token 数 + batch_size=64, # 批量大小 + run_cfg=dict(num_gpus=1), # 该模型所需的 GPU 数量 + ) +``` + +使用配置时,我们可以通过命令行参数 `--models` 指定相关文件,或使用继承机制将模型配置导入到配置文件中的 `models` 列表中。 + + +与模型类似,数据集的配置文件也提供在 `configs/datasets` 下。用户可以在命令行中使用 `--datasets`,或通过继承在配置文件中导入相关配置 + +下面是来自 `configs/eval_demo.py` 的与数据集相关的配置片段: + +```python +from mmengine.config import read_base # 使用 mmengine.read_base() 读取基本配置 + +with read_base(): + # 直接从预设的数据集配置中读取所需的数据集配置 + from .datasets.winograd.winograd_ppl import winograd_datasets # 读取 Winograd 配置,基于 PPL(困惑度)进行评估 + from .datasets.siqa.siqa_gen import siqa_datasets # 读取 SIQA 配置,基于生成进行评估 + +datasets = [*siqa_datasets, *winograd_datasets] # 最终的配置需要包含所需的评估数据集列表 'datasets' +``` + +数据集配置通常有两种类型:'ppl' 和 'gen',分别指示使用的评估方法。其中 `ppl` 表示辨别性评估,`gen` 表示生成性评估。 + +此外,[configs/datasets/collections](https://github.com/open-compass/opencompass/blob/main/configs/datasets/collections) 收录了各种数据集集合,方便进行综合评估。OpenCompass 通常使用 [`base_medium.py`](https://github.com/open-compass/opencompass/blob/main/configs/datasets/collections/base_medium.py) 进行全面的模型测试。要复制结果,只需导入该文件,例如: + +```bash +python run.py --models hf_llama_7b --datasets base_medium +``` + +OpenCompass 通常假定运行环境网络是可用的。如果您遇到网络问题或希望在离线环境中运行 OpenCompass,请参阅 [FAQ - 网络 - Q1](https://opencompass.readthedocs.io/zh-cn/latest/get_started/faq.html) 寻求解决方案。 + + +## 可视化评估结果 + +评估完成后,评估结果表格将打印如下: + +```text +dataset version metric mode opt350m opt125m +--------- --------- -------- ------ --------- --------- +siqa e78df3 accuracy gen 21.55 12.44 +winograd b6c7ed accuracy ppl 51.23 49.82 +``` + +所有运行输出将定向到 `outputs/demo/` 目录,结构如下: + +```text +outputs/default/ +├── 20200220_120000 +├── 20230220_183030 # 每个实验一个文件夹 +│ ├── configs # 用于记录的已转储的配置文件。如果在同一个实验文件夹中重新运行了不同的实验,可能会保留多个配置 +│ ├── logs # 推理和评估阶段的日志文件 +│ │ ├── eval +│ │ └── infer +│ ├── predictions # 每个任务的推理结果 +│ ├── results # 每个任务的评估结果 +│ └── summary # 单个实验的汇总评估结果 +├── ... +``` + +打印评测结果的过程可被进一步定制化,用于输出一些数据集的平均分 (例如 MMLU, C-Eval 等)。 + +关于评测结果输出的更多介绍可阅读 [结果展示](../user_guides/summarizer.md)。 + +## 更多教程 + +想要更多了解 OpenCompass, 可以点击下列链接学习。 +- https://opencompass.readthedocs.io/zh-cn/latest/ + + +## 作业 + +**基础作业** + +- 使用 OpenCompass 评测 InternLM2-Chat-7B 模型在 C-Eval 数据集上的性能 + +**进阶作业** + +- 使用 OpenCompass 评测 InternLM2-Chat-7B 模型使用 LMDeploy 0.2.0 部署后在 C-Eval 数据集上的性能 + + +备注:**由于进阶作业较难,完成基础作业之后就可以先提交作业了,在后续的大作业项目中使用这些技术将作为重要的加分点!** + +**整体实训营项目:** + +时间周期:即日起致课程结束 + +即日开始可以在班级群中随机组队完成一个大作业项目,一些可提供的选题如下: + +- 人情世故大模型:一个帮助用户撰写新年祝福文案的人情事故大模型 +- 中小学数学大模型:一个拥有一定数学解题能力的大模型 +- 心理大模型:一个治愈的心理大模型 +- 工具调用类项目:结合 Lagent 构建数据集训练 InternLM 模型,支持对 MMYOLO 等工具的调用 + +其他基于书生·浦语工具链的小项目都在范围内,欢迎大家充分发挥想象力。 + +## FAQ + +### 错误 mkl-service + Intel(R) MKL MKL_THREADING_LAYER=INTEL is incompatible with libgomp.so.1 ... 解决方案 +在运行代码前设置环境变量 +export MKL_SERVICE_FORCE_INTEL=1 \ No newline at end of file diff --git a/projects/project.json b/projects/project.json new file mode 100644 index 000000000..f384e86a6 --- /dev/null +++ b/projects/project.json @@ -0,0 +1,205 @@ +{ + "type": [ + { + "name": "全部", + "tag": "all" + }, + { + "name": "明星项目", + "tag": "star" + }, + { + "name": "角色扮演", + "tag": "role" + }, + { + "name": "智能体", + "tag": "agent" + }, + { + "name": "知识库", + "tag": "repository" + }, + { + "name": "其他", + "tag": "other" + } + ], + "data": [ + { + "title": "AMchat 高等数学大模型", + "tags": [ + "other" + ], + "github": "https://github.com/AXYZdong/AMchat", + "model": "https://openxlab.org.cn/models/detail/youngdon/AMchat", + "app": "https://openxlab.org.cn/apps/detail/youngdon/AMchat", + "bilibili": "https://www.bilibili.com/video/BV14v421i7So/" + }, + { + "title": "EmoLLM 心理健康大模型", + "tags": [ + "other", + "role", + "repository" + ], + "github": "https://github.com/SmartFlowAI/EmoLLM", + "model": "https://openxlab.org.cn/models/detail/ajupyter/EmoLLM_aiwei", + "app": "https://openxlab.org.cn/apps/detail/ajupyter/EmoLLM-aiwei", + "bilibili": "https://www.bilibili.com/video/BV1Sw4m1Z7GC/" + }, + { + "title": "张三普法:民法典大模型", + "tags": [ + "other" + ], + "github": "https://github.com/AllYoung/InternLM4Law", + "model": "https://openxlab.org.cn/models/detail/ljnyyds/zhangsan_say_law", + "app": "https://openxlab.org.cn/apps/detail/allyoung/InternLM4Law", + "bilibili": "https://www.bilibili.com/video/BV1ru4m1K7rY" + }, + { + "title": "职场教练", + "tags": [ + "other" + ], + "github": "https://github.com/BaiYu96/career_coach", + "model": "https://www.modelscope.cn/models/baiyu96/career_coach/summary", + "app": "https://openxlab.org.cn/apps/detail/baiyu/career_caoch", + "bilibili": "https://www.bilibili.com/video/BV1vJ4m1Y7D9/" + }, + { + "title": "中医药知识问答助手", + "tags": [ + "other" + ], + "github": "https://github.com/xiaomile/ChineseMedicalAssistant", + "model": "https://openxlab.org.cn/models/detail/xiaomile/ChineseMedicalAssistant_internlm", + "app": "https://openxlab.org.cn/apps/detail/xiaomile/medKnowledgeAssitant", + "bilibili": "https://www.bilibili.com/video/BV1J2421A7Mb/" + }, + { + "title": "Chat嬛嬛", + "tags": [ + "role" + ], + "github": "https://github.com/KMnO4-zx/xlab-huanhuan.git", + "model": "https://openxlab.org.cn/models/detail/BYCJS/huanhuan-chat-internlm2", + "app": "https://openxlab.org.cn/apps/detail/BYCJS/Chat_huanhuan", + "bilibili": "https://www.bilibili.com/video/BV1Xa4y1k7yr" + }, + { + "title": "眼科问诊大模型", + "tags": [ + "star", + "agent" + ], + "github": "https://github.com/JieGenius/OculiChatDA", + "model": "https://openxlab.org.cn/models/detail/flyer/OculiChatDA", + "app": "https://openxlab.org.cn/apps/detail/flyer/oculi_chat_diagnosis_assistant", + "bilibili": "https://www.bilibili.com/video/BV1UH4y1Y76q/" + }, + { + "title": "SoulStar(心理咨询大模型)", + "tags": [ + "role" + ], + "github": "https://github.com/Nobody-ML/SoulStar", + "model": "https://openxlab.org.cn/models/detail/Nobody-ML/SoulStar", + "app": "https://openxlab.org.cn/apps/detail/Nobody-ML/SoulStar", + "bilibili": "https://www.bilibili.com/video/BV1hu4m1w7vX/" + }, + { + "title": "第二人生", + "tags": [ + "repository", + "other" + ], + "github": "https://github.com/woxinyonghen/SecondLife", + "model": "https://openxlab.org.cn/models/detail/%E6%98%9F%E8%BE%B0/The_History", + "app": "https://openxlab.org.cn/apps/detail/%E6%98%9F%E8%BE%B0/Second_Life", + "bilibili": "https://www.bilibili.com/video/BV1rp421o736/" + }, + { + "title": "Roleplay-with-XiYou 西游角色扮演", + "tags": [ + "role" + ], + "github": "https://github.com/JimmyMa99/Roleplay-with-XiYou", + "model": "https://openxlab.org.cn/models/detail/JimmyMa99/BaJie-Chat-1.8b", + "app": "https://openxlab.org.cn/apps/detail/JimmyMa99/BaJie-Chat-mini", + "bilibili": "https://www.bilibili.com/video/BV1TW421w7Ze/" + }, + { + "title": "Chatty-Horo 与赫萝闲聊", + "tags": [ + "role" + ], + "github": "https://github.com/SaaRaaS-1300/InternLM_openNotebook", + "model": "https://openxlab.org.cn/models/detail/SaaRaaS/Horowag_7b", + "app": "https://openxlab.org.cn/apps/detail/SaaRaaS/Chatty-Horo", + "bilibili": "https://www.bilibili.com/video/BV1bH4y1E7o9/" + }, + { + "title": "TRLLM 交规小助手", + "tags": [ + "repository", + "other" + ], + "github": "https://github.com/lindsey-chang/TRLLM-Traffic-Rules-Assistant", + "model": "https://modelscope.cn/models/LindseyChang/TRLLM-Model-v2/summary", + "app": "https://openxlab.org.cn/apps/detail/tackhwa00/TRLLM-v2-Traffic-Assistant", + "bilibili": "https://www.bilibili.com/video/BV1r7421N7Jb/" + + }, + { + "title": "MagicTuner 魔法调音师", + "tags": [ + "other" + ], + "github": "https://github.com/scchy/XtunerGUI", + "app": "https://openxlab.org.cn/apps/detail/Scchy/XtunerFactory", + "bilibili": "https://www.bilibili.com/video/BV18y421h7rK/?vd_source=99818a3df596c69ba400b78354d691da" + }, + { + "title": "XTuner Chat Board", + "tags": [ + "other" + ], + "github": "https://github.com/limafang/Xtuner-GUI", + "app": "https://openxlab.org.cn/apps/detail/%E5%86%AC%E7%AC%A0Azula/XTuner-Chat-GUI", + "bilibili": "https://www.bilibili.com/video/BV1rU421o7xD" + }, + { + "title": "The-God-Of-Cookery 食神-菜谱小助手", + "tags": [ + "other" + ], + "github": "https://github.com/SmartFlowAI/TheGodOfCookery", + "model": "https://www.modelscope.cn/models/zhanghuiATchina/zhangxiaobai_shishen2_full/summary", + "app": "https://openxlab.org.cn/apps/detail/zhanghui-china/shishen2024_1.8b", + "bilibili": "https://www.bilibili.com/video/BV1kr421W7iA/" + }, + { + "title": "Tianji 天机", + "tags": [ + "other" + ], + "github": "https://github.com/SocialAI-tianji/Tianji", + "model": "https://openxlab.org.cn/models/detail/jujimeizuo/Tianji_Wish_Model", + "app": "https://openxlab.org.cn/apps/detail/jujimeizuo/tianji-wish", + "bilibili": "https://www.bilibili.com/video/BV1cC411r7s4/" + }, + { + "title": "旋律大师-IMelodist", + "tags": [ + "role", + "other" + ], + "github": "https://github.com/GuoYiFantastic/IMelodist", + "model": "https://openxlab.org.cn/models/detail/EchoPeter/IMelodist", + "app": "https://openxlab.org.cn/apps/detail/EchoPeter/IMelodist-app", + "bilibili": "https://www.bilibili.com/video/BV13j421o7nZ" + } + ] +} diff --git a/xtuner/.gitkeep b/xtuner/.gitkeep new file mode 100644 index 000000000..e69de29bb diff --git a/xtuner/MedQA2019-structured-test.jsonl b/xtuner/MedQA2019-structured-test.jsonl new file mode 100644 index 000000000..bebec4a79 --- /dev/null +++ b/xtuner/MedQA2019-structured-test.jsonl @@ -0,0 +1,1874 @@ +[ + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "prevnar >65?", + "output": "CDC recommends PCV13 for use in infants and young children and adults 65 years or older. Older children and adults younger than 65 years old who are at increased risk for getting pneumococcal disease may also need a dose of PCV13." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how is cyanocobalamin adminitsered", + "output": "Cyanocobalamin Injection, USP is a sterile solution of cyanocobalamin for intramuscular or subcutaneous injection. Each mL contains 1000 mcg cyanocobalamin." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how dextroamphetamine works", + "output": "Dextroamphetamine is used as part of a treatment program to control symptoms of attention deficit hyperactivity disorder (ADHD; more difficulty focusing, controlling actions, and remaining still or quiet than other people who are the same age) in adults and children. Dextroamphetamine is also used to treat narcolepsy (a sleep disorder that causes excessive daytime sleepiness and sudden attacks of sleep). Dextroamphetamine is in a class of medications called central nervous system stimulants. It works by changing the amounts of certain natural substances in the brain." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is beta vulgaris", + "output": "Beetroot or beet juice\nBeets and beet juice are among the best food sources of nitrate. Beet juice might improve athletic performance because the body converts some of this nitrate to nitric oxide, which expands blood vessels. This blood vessel expansion increases blood flow and the delivery of oxygen and nutrients to exercising muscle. The expanded blood vessels also speed up the removal of waste products that cause muscle fatigue." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "if \"i'm\" allergic to penicillin can i take \"amoxicillin?\"", + "output": "A history of allergic reaction to any of the penicillins is a contraindication." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what milagrams olanzapine come in", + "output": "Olanzapine Tablets USP, 20 mg are white, film coated, oval, biconvex tablets with \u201cR\u201d 20\ndebossed on\u00a0one side and \u201c0168\u201d on other side." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how many milligrams of aceitomohen in a bottle of acetaminophen with codeine", + "output": "Acetaminophen and Codeine Phosphate Tablets 300 mg/30 mg are white, round, flat-faced, beveled edge, scored (bisect bar) tablets, debossed \"2064\" and \"V\" on one side and debossed \"3\" on the reverse side. They are supplied in bottles of 30, 50, 60, 90, 100, 120, 180, 500 and 1000." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what medications can you not take with grapefruit", + "output": "Here are examples of some types of drugs that grapefruit juice can cause problems with (interact):\n\nSome statin drugs to lower cholesterol, such as Zocor (simvastatin) and Lipitor (atorvastatin).\nSome drugs that treat high blood pressure, such as Procardia and Adalat CC (both nifedipine).\nSome organ-transplant rejection drugs, such as Sandimmune and Neoral (both cyclosporine).\nSome anti-anxiety drugs, such as buspirone.\nSome corticosteroids that treat Crohn\u2019s disease or ulcerative colitis, such as Entocort EC and Uceris (both budesonide).\nSome drugs that treat abnormal heart rhythms, such as Pacerone and Nexterone (both amiodarone).\nSome antihistamines, such as Allegra (fexofenadine)." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "nitrofurantoin generic for?", + "output": "Furadantin\u00ae Tablets\u00b6\nFuradantin\u00ae Oral Suspension\nFuralan\u00ae\u00b6\nMacrobid\u00ae\nMacrodantin\u00ae" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "mouth wash\" with salt water -how much salt to \"water?", + "output": "Rinse your mouth with salt water (one-half teaspoon or 3 grams of salt in 1 cup or 240 milliliters of water) or mouthwashes with hydrogen peroxide or Xylocaine to ease discomfort." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is vancomycin", + "output": "Vancomycin injection is used alone or in combination with other medications to treat certain serious infections such as endocarditis (infection of the heart lining and valves), peritonitis (inflammation of the lining of the abdomen), and infections of the lungs, skin, blood, and bones. Vancomycin injection is in a class of medications called glycopeptide antibiotics. It works by killing bacteria that cause infections.\n\nAntibiotics such as vancomycin injection will not work for colds, flu, or other viral infections. Taking or using antibiotics when they are not needed increases your risk of getting an infection later that resists antibiotic treatment." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "at what point do i no longer need cyanocobalamin injection?", + "output": "Cyanocobalamin comes as a solution (liquid) to be injected into a muscle or just under the skin. It is usually injected by a healthcare provider in an office or clinic. You will probably receive cyanocobalamin injection once a day for the first 6-7 days of your treatment. As your red blood cells return to normal, you will probably receive the medication every other day for 2 weeks, and then every 3-4 days for 2-3 weeks. After your anemia has been treated, you will probably receive the medication once a month to prevent your symptoms from coming back.\n\nCyanocobalamin injection will supply you with enough vitamin B12 only as long as you receive injections regularly. You may receive cyanocobalamin injections every month for the rest of your life. Keep all appointments to receive cyanocobalamin injections even if you feel well. If you stop receiving cyanocobalamin injections, your anemia may return and your nerves may be damaged." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "amiodarone for afibwhat are side effects", + "output": "Adverse reactions have been very common in virtually all series of patients treated with amiodarone for ventricular arrhythmias with relatively large doses of drug (400 mg/day and above), occurring in about three-fourths of all patients and causing discontinuation in 7 to 18%. The most serious reactions are pulmonary toxicity, exacerbation of arrhythmia, and rare serious liver injury (see \u201cWARNINGS\u201d), but other adverse effects constitute important problems. They are often reversible with dose reduction or cessation of amiodarone treatment. Most of the adverse effects appear to become more frequent with continued treatment beyond six months, although rates appear to remain relatively constant beyond one year. The time and dose relationships of adverse effects are under continued study.\n\nNeurologic problems are extremely common, occurring in 20 to 40% of patients and including malaise and fatigue, tremor and involuntary movements, poor coordination and gait, and peripheral neuropathy; they are rarely a reason to stop therapy and may respond to dose reductions or discontinuation (see \u201cPRECAUTIONS\u201d). There have been spontaneous reports of demyelinating polyneuropathy.\n\nGastrointestinal complaints, most commonly nausea, vomiting, constipation, and anorexia, occur in about 25% of patients but rarely require discontinuation of drug. These commonly occur during high-dose administration (i.e., loading dose) and usually respond to dose reduction or divided doses.\n\nOphthalmic abnormalities including optic neuropathy and/or optic neuritis, in some cases progressing to permanent blindness, papilledema, corneal degeneration, photosensitivity, eye discomfort, scotoma, lens opacities, and macular degeneration have been reported (see \u201cWARNINGS\u201d).\n\nAsymptomatic corneal microdeposits are present in virtually all adult patients who have been on drug for more than 6 months. Some patients develop eye symptoms of halos, photophobia, and dry eyes. Vision is rarely affected and drug discontinuation is rarely needed.\n\nDermatological adverse reactions occur in about 15% of patients, with photosensitivity being most common (about 10%). Sunscreen and protection from sun exposure may be helpful, and drug discontinuation is not usually necessary. Prolonged exposure to amiodarone occasionally results in a blue-gray pigmentation. This is slowly and occasionally incompletely reversible on discontinuation of drug but is of cosmetic importance only.\n\nCardiovascular adverse reactions, other than exacerbation of the arrhythmias, include the uncommon occurrence of congestive heart failure (3%) and bradycardia. Bradycardia usually responds to dosage reduction but may require a pacemaker for control. CHF rarely requires drug discontinuation. Cardiac conduction abnormalities occur infrequently and are reversible on discontinuation of drug." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "are you mentally \"i'll\" when you \"take fluoxetine?\"", + "output": "Fluoxetine (Prozac) is used to treat depression, obsessive-compulsive disorder (bothersome thoughts that won't go away and the need to perform certain actions over and over), some eating disorders, and panic attacks (sudden, unexpected attacks of extreme fear and worry about these attacks). Fluoxetine (Sarafem) is used to relieve the symptoms of premenstrual dysphoric disorder, including mood swings, irritability, bloating, and breast tenderness. It is also used along with olanzapine (Zyprexa) to treat depression that did not respond to other medications and episodes of depression in people with bipolar I disorder (manic-depressive disorder; a disease that causes episodes of depression, episodes of mania, and other abnormal moods)." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how to use lantus solostar insulin pen", + "output": "Important Administration Instructions\nAdminister LANTUS subcutaneously once daily at any time of day but at the same time every day.\nPrior to initiation of LANTUS, train patients on proper use and injection technique.\nPatient should follow the Instructions for Use to correctly administer LANTUS.\nAdminister LANTUS subcutaneously into the abdominal area, thigh, or deltoid, and rotate injection sites within the same region from one injection to the next to reduce the risk of lipodystrophy [see ADVERSE REACTIONS (6.1)].\nVisually inspect LANTUS vials and SoloStar prefilled pens for particulate matter and discoloration prior to administration. Only use if the solution is clear and colorless with no visible particles.\nRefrigerate unused (unopened) LANTUS vials and SoloStar\u00ae prefilled pens.\nDo not administer intravenously or via an insulin pump.\nDo not dilute or mix LANTUS with any other insulin or solution.\nThe SoloStar prefilled pen is for single patient use only" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what are the dosage strengths of sildenafil", + "output": "Sildenafil Tablets\n\nWhite, film-coated, round tablets engraved with SDF20 containing sildenafil citrate equivalent to 20 mg of sildenafil." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how long should i take cipro for a urinary tract infection \"?\"", + "output": "Urinary Tract Infections: 250\u2013500 mg every 12 hours for 7 to 14 days" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how to stop using estradiol patch", + "output": "Attempts to taper or discontinue the medication should be made at 3 to 6 month intervals.\n\nEstradiol transdermal system (twice-weekly) may be given continuously in patients who do not have an intact uterus. In those patients with an intact uterus, estradiol transdermal system (twice-weekly) may be given on a cyclic schedule (for example, 3 weeks on drug followed by 1 week off drug)." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how much penicillin to treat strep throat for adult", + "output": "The usual dosage recommendations for adults and children 12 years and over are as follows:\n\nStreptococcal Infections\nMild to moderately severe \u2013 of the upper respiratory tract and including scarlet fever and erysipelas: 125 to 250 mg (200,000 to 400,000 units) every 6 to 8 hours for 10 days." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what class is diazepam", + "output": "Diazepam is a benzodiazepine that exerts anxiolytic, sedative, muscle-relaxant, anticonvulsant and amnestic effects." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "is estradiol transdermal patch bio-identical estrogen?", + "output": "Estradiol transdermal system (twice-weekly) is an estrogen indicated for:\n\u2022Treatment of moderate to severe vasomotor symptoms due to menopause ( 1.1)\n\u2022Treatment of moderate to severe symptoms of vulvar and vaginal atrophy due to menopause" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how to reduce bisoprolol", + "output": "Cessation of Therapy\nIf withdrawal of bisoprolol fumarate and hydrochlorothiazide therapy is planned, it should be achieved gradually over a period of about 2 weeks." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what does prednisone do to the body", + "output": "Prednisone is in a class of medications called corticosteroids. It works to treat patients with low levels of corticosteroids by replacing steroids that are normally produced naturally by the body. It works to treat other conditions by reducing swelling and redness and by changing the way the immune system works." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what does prednisone do to the body", + "output": "Fluid and Electrolyte Disturbances:\n\nSodium retention.\n\nFluid retention.\n\nCongestive heart failure in susceptible patients.\n\nPotassium loss.\n\nHypokalemic alkalosis.\n\nHypertension.\nMusculoskeletal:\n\nMuscle weakness.\n\nSteroid myopathy.\n\nLoss of muscle mass.\n\nOsteoporosis.\n\nVertebral compression fractures.\n\nAseptic necrosis of femoral and humeral heads.\n\nPathologic fracture of long bones.\nGastrointestinal:\n\nPeptic ulcer with possible perforation and hemorrhage.\n\nPancreatitis.\n\nAbdominal distention.\n\nUlcerative esophagitis.\nDermatologic:\n\nImpaired wound healing.\n\nThin fragile skin.\n\nPetechiae and ecchymoses.\n\nFacial erythema.\n\nIncreased sweating.\n\nMay suppress reactions to skin tests.\nMetabolic:\n\nNegative nitrogen balance due to protein catabolism.\nNeurological:\n\nConvulsions\n\nIncreased intracranial pressure with papilledema (pseudo-tumor cerebri) usually after treatment.\n\nVertigo.\n\nHeadache.\nEndocrine:\n\nMenstrual irregularities.\n\nDevelopment of Cushingoid state.\n\nSuppression of growth in children.\n\nSecondary adrenocortical and pituitary unresponsiveness, particularly in times of stress, as in trauma, surgery or illness.\n\nDecreased carbohydrate tolerance.\n\nManifestations of latent diabetes mellitus.\n\nIncreased requirements for insulin or oral hypoglycemic agents in diabetics.\n\n Ophthalmic:\n\nPosterior subcapsular cataracts.\n\nIncreased intraocular pressure.\n\nGlaucoma.\n\nExophthalmos.\n\nAdditional Reactions:\n\nUrticaria and other allergic, anaphylactic or hypersensitivity reactions." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how to prescribe fluocinonide .05% gel", + "output": "Patients using topical corticosteroids should receive the following information and instructions:\n1. This medication is to be used as directed by the physician. It is for external use only. Avoid contact with the eyes.\n2. Patients should be advised not to use this medication for any disorder other than for which it was prescribed.\n3. The treated skin area should not be bandaged or otherwise covered or wrapped as to be occlusive unless directed by the physician.\n4. Patients should report any signs of local adverse reactions, especially under occlusive dressing.\n5. Parents of pediatric patients should be advised not to use tight-fitting diapers or plastic pants on a child being treated in the diaper area, as these garments may constitute occlusive dressings." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what to do with hydrogen peroxide poisoning", + "output": "Seek medical help right away. Do NOT make the person throw up unless poison control or a health care provider tells you to do so. If the chemical is on the skin or in the eyes, flush with lots of water for at least 15 minutes.\n\nBefore Calling Emergency\nHave this information ready:\n\nPerson's age, weight, and condition\nName of the product (ingredients and strength, if known)\nTime it was swallowed or got into eyes or on skin\nAmount swallowed, in eyes, or on skin" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how does amxacillin clavulanic acid work", + "output": "The combination of amoxicillin and clavulanic acid is used to treat certain infections caused by bacteria, including infections of the ears, lungs, sinus, skin, and urinary tract. Amoxicillin is in a class of medications called penicillin-like antibiotics. It works by stopping the growth of bacteria. Clavulanic acid is in a class of medications called beta-lactamase inhibitors. It works by preventing bacteria from destroying amoxicillin." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is the action of ezetimibe in my body", + "output": "Ezetimibe is in a class of medications called cholesterol-lowering medications. It works by preventing the absorption of cholesterol in the intestine." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "when is the best time of day to take propranolol", + "output": "The extended-release propranolol capsule (brand name: Inderal LA) usually is taken once a day. The extended-release capsule (Innopran XL, Inderal XL) is usually taken at bedtime and should consistently be taken either always with or always without food each time. Immediate-acting propranolol tablets or solution may be taken two, three, or four times a day. Take propranolol at around the same time(s) every day." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how long are you protected after taking the hep b vaccine", + "output": "Studies indicate that immunologic memory remains intact for at least 30 years among healthy vaccinated individuals who initiated hepatitis B vaccination >6 months of age. The vaccine confers long-term protection against clinical illness and chronic hepatitis B virus infection. Cellular immunity appears to persist even though antibody levels might become low or decline below detectable levels. Among vaccinated cohorts who initiated hepatitis B vaccination at birth, long-term follow-up studies are ongoing to determine the duration of vaccine-induced immunity" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how you use for paracetamol", + "output": "do not take more than directed (see OVERDOSE WARNING)\nadults and children 12 years and over \ntake 2 caplets every 6 hours while symptoms last\nswallow whole \u2013 do not crush, chew, or dissolve\ndo not take more than 6 caplets in 24 hours, unless directed by a doctor\ndo not use for more than 10 days unless directed by a doctor\nchildren under 12 years \nask a doctor" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how you use for paracetamol", + "output": "Acetaminophen" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "problems when stopping metformin, hair loss?", + "output": "Metformin is often used to treat type 2 diabetes and may help some women with PCOS symptoms. It is not approved by the FDA to treat PCOS symptoms. Metformin improves insulin's ability to lower your blood sugar and can lower both insulin and androgen levels. After a few months of use, metformin may help restart ovulation, but it usually has little effect on acne and extra hair on the face or body. Recent research shows that metformin may have other positive effects, including lowering body mass and improving cholesterol levels." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is diclofenac sodium topical gel used for", + "output": "Diclofenac topical gel (Voltaren) is used to relieve pain from osteoarthritis (arthritis caused by a breakdown of the lining of the joints) in certain joints such as those of the knees, ankles, feet, elbows, wrists, and hands. \nDiclofenac is also available as a 3% gel (Solaraze; generic) that is applied to the skin to treat actinic keratosis (flat, scaly growths on the skin caused by too much sun exposure)." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is rate for iv infusion cilastatin/imipenem", + "output": "Recommend that the maximum total daily dosage not exceed 4 g/day.\nAdminister 500 mg by intravenous infusion over 20 to 30 minutes.\nAdminister 1,000 mg by intravenous infusion over 40 to 60 minutes." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is a beta blocker", + "output": "Beta blockers, also known as beta-adrenergic blocking agents, are medications that reduce your blood pressure. Beta blockers work by blocking the effects of the hormone epinephrine, also known as adrenaline.\n\nWhen you take beta blockers, your heart beats more slowly and with less force, thereby reducing blood pressure. Beta blockers also help blood vessels open up to improve blood flow.\n\nSome beta blockers mainly affect your heart, while others affect both your heart and your blood vessels. Which one is best for you depends on your health and the condition being treated." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "marijuana is what schedule drug", + "output": "Cannabis , also known as marijuana, is a plant grown in many parts of the world which produces a resin containing compounds called cannabinoids. Some cannabinoids are psychoactive (acting on the brain and changing mood or consciousness) (see Question 1).\nThe use of Cannabis for medicinal purposes dates back to ancient times (see Question 3).\nBy federal law, the possession of Cannabis is illegal in the United States outside of approved research settings. However, a growing number of states, territories, and the District of Columbia have enacted laws to legalize medical marijuana (see Question 1).\nIn the United States, Cannabis is a controlled substance requiring special licensing for its use (see Question 1 and Question 3)." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what should i do when stopping taking oxycodone", + "output": "Discontinuation of Oxycodone HCl Tablets\nWhen a patient who has been taking oxycodone HCl tablets regularly and may be physically dependent no longer requires therapy with oxycodone HCl tablets, taper the dose gradually, by 25% to 50% every 2 to 4 days, while monitoring carefully for signs and symptoms of withdrawal. If the patient develops these signs or symptoms, raise the dose to the previous level and taper more slowly, either by increasing the interval between decreases, decreasing the amount of change in dose, or both. Do not abruptly discontinue oxycodone HCl tablets in a physically-dependent patient [see WARNINGS AND PRECAUTIONS (5.1), DRUG ABUSE AND DEPENDENCE (9.3)]." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how does cocaine i effect the nervous system", + "output": "Cocaine is an illegal stimulant drug that affects your central nervous system. Cocaine comes from the coca plant. When used, cocaine causes the brain to release higher than normal amounts of some chemicals. These produce a sense of euphoria, or a \"high.\"\n\nCocaine intoxication is a condition in which you're not only high from using the drug, but you also have body-wide symptoms that can make you ill and impaired." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "are you able to take guaifenesin if you have a heart \"transplant?\"", + "output": "Guaifenesin can be used in transplant recipients but should be used with caution in patients receiving kidney or lung transplants and in patients with renal impairment. Codeine combined with guaifenesin is another option for cough and can be used in most transplant patients although those with reduced renal function should be monitored carefully for adverse events." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how does marijuana get into a persons body", + "output": "Cannabinoids can be taken by mouth, inhaled, or sprayed under the tongue" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "can i took minocycline for acne when i have kidney stone", + "output": "The antianabolic action of the tetracyclines may cause an increase in blood urea nitrogen (BUN). While this is not a problem in those with normal renal function, in patients with significantly impaired function, higher serum levels of tetracycline may lead to azotemia, hyperphosphatemia, and acidosis. Under such conditions, monitoring of creatinine and BUN is recommended, and the total daily dosage should not exceed 200 mg in 24 hours (see DOSAGE AND ADMINISTRATION). If renal impairment exists, even usual oral or parenteral doses may lead to systemic accumulation of the drug and possible liver toxicity." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is amlodipine ?", + "output": "Amlodipine is used alone or in combination with other medications to treat high blood pressure and chest pain (angina). Amlodipine is in a class of medications called calcium channel blockers. It lowers blood pressure by relaxing the blood vessels so the heart does not have to pump as hard. It controls chest pain by increasing the supply of blood to the heart. If taken regularly, amlodipine controls chest pain, but it does not stop chest pain once it starts. Your doctor may prescribe a different medication to take when you have chest pain." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how do antibiotics kill bacteria", + "output": "Have you ever wondered how antibiotics kill invading bacteria, while leaving human cells alone? Although there are similarities between bacteria and human cells, there are many differences as well. Antibiotics work by affecting things that bacterial cells have but human cells don\u2019t.\n\nFor example, human cells do not have cell walls, while many types of bacteria do. The antibiotic penicillin works by keeping a bacterium from building a cell wall. Bacteria and human cells also differ in the structure of their cell membranes and the machinery they use to build proteins or copy DNA. Some antibiotics dissolve the membrane of just bacterial cells. Others affect protein-building or DNA-copying machinery that is specific to bacteria." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how is enoxaparin dispensed", + "output": "Enoxaparin Sodium Injection is available in two concentrations:\n100 mg/mL Concentration\n 30 and 40 mg prefilled syringes, and 60, 80, and 100 mg graduated prefilled syringes each contain 10 mg enoxaparin sodium per 0.1 mL Water for Injection.\n150 mg/mL Concentration\n 120 and 150 mg graduated prefilled syringes contain 15 mg enoxaparin sodium per 0.1 mL Water for Injection." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is the medication riva-clonazepam", + "output": "Clonazepam is used alone or in combination with other medications to control certain types of seizures. It is also used to relieve panic attacks (sudden, unexpected attacks of extreme fear and worry about these attacks). Clonazepam is in a class of medications called benzodiazepines. It works by decreasing abnormal electrical activity in the brain." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "when is the best time to take lotensin", + "output": "Benazepril comes as a tablet to take by mouth. It is usually taken once or twice a day with or without food. To help you remember to take benazepril, take it around the same time(s) every day." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "when is the best time to take lotensin", + "output": "The morning administration is preferable because it more effectively covers the whole 24 hours than an evening dose" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is ciprofloxacin", + "output": "Ciprofloxacin tablets are synthetic broad spectrum antimicrobial agents for oral administration." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "when is it ok to discontinue use of premarin crea m", + "output": "Use of estrogen-alone, or in combination with a progestin, should be with the lowest effective dose and for the shortest duration consistent with treatment goals and risks for the individual woman. Postmenopausal women should be re-evaluated periodically as clinically appropriate to determine if treatment is still necessary.\n\n2. 1 Treatment of Atrophic Vaginitis and Kraurosis Vulvae\nPREMARIN Vaginal Cream is administered intravaginally in a cyclic regimen (daily for 21 days and then off for 7 days). \n\n2. 2 Treatment of Moderate to Severe Dyspareunia, a Symptom of Vulvar and Vaginal Atrophy, due to Menopause\nPREMARIN Vaginal Cream (0.5 g) is administered intravaginally in a twice-weekly (for example, Monday and Thursday) continuous regimen or in a cyclic regimen of 21 days of therapy followed by 7 days off of therapy [see DOSAGE FORMS AND STRENGTHS (3)].\n\nAn increased risk of stroke and DVT has been reported with estrogen-alone therapy. An increased risk of PE, DVT, stroke and MI has been reported with estrogen plus progestin therapy. Should any of these occur or be suspected, estrogen with or without progestin therapy should be discontinued immediately. \n\nMost studies show no significant increased risk associated with use of estrogens for less than 1 year. The greatest risk appears to be associated with prolonged use, with increased risks of 15- to 24-fold for 5 to 10 years or more, and this risk has been shown to persist for at least 8 to 15 years after estrogen therapy is discontinued." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "if diclofenac is instilled in the wrong eye what happens", + "output": "Instill the missed dose as soon as you remember it. However, if it is almost time for the next dose, skip the missed dose and continue your regular dosing schedule. Do not instill extra eye drops to make up for a missed dose." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how other inject cortisone to the knee", + "output": "A steroid injection is a shot of medicine used to relieve a swollen or inflamed area that is often painful. It can be injected into a joint, tendon, or bursa.\n\nDescription\nYour health care provider inserts a small needle and injects medicine into the painful and inflamed area. Depending on the site, your provider may use an x-ray or ultrasound to see where to place the needle.\n\nFor this procedure:\n\nYou will lie on a table and the injection area will be cleaned.\nA numbing medicine may be applied to the injection site.\nYou may be given medicine to help you relax.\nSteroid injections can be given into a bursa, joint, or tendon." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "cbd from marijuana to treat what", + "output": "Cannabis and cannabinoids have been studied in the laboratory and the clinic for relief of pain, nausea and vomiting, anxiety, and loss of appetite (see Question 6 and Question 7).\nCannabis and cannabinoids may have benefits in treating the symptoms of cancer or the side effects of cancer therapies. There is growing interest in treating children for symptoms such as nausea with Cannabis and cannabinoids, although studies are limited (see Question 7).\nTwo cannabinoids (dronabinol and nabilone) are drugs approved by the U.S. Food and Drug Administration (FDA) for the prevention or treatment of chemotherapy -related nausea and vomiting (see Question 7 and Question 10)." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how long will benzonatate last on the shelf", + "output": "There have been very few studies to attempt to ascertain how long medications are effective after their expiration date having been stored in the unopened original stock pharmacy bottle. The pharmaceutical industry has not sponsored such a study due to the fact the expected results would severely hamper their sales. \n\n SLEP (http://www.ofcaems.org/ds-Stability_Profiles.pdf) is a US military study that evaluated 122 products over several years time for stability. The solid oral drugs (tablets, capsules) were tested over time for potency, impurities, water content, dissolution properties in liquid, and physical appearance by a FDA chemist. The results showed the following were uniformly stable nearly 5 years after the expiration date: Acetaminophen (Tylenol), Amoxicillin sodium tablets, Ampicillin, Benzonatate, Cephalexin (Keflex), Cimetadine (Tagamet), Ciprofloxacin (Cipro), codeine sulfate, doxycycline hyclate, enalapril maleate, erythromycin lactobionate, guaifenesin, mebendazole, naproxen (Alleve), oxacillin, potassium iodide, primaquine phosphate, pyridostigmine, sulfisoxazole, triamterene/hydrochlorothiazide." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "tretinoin medication treats what disorder", + "output": "Tretinoin is used to treat acute promyelocytic leukemia (APL; a type of cancer in which there are too many immature blood cells in the blood and bone marrow) in people who have not been helped by other types of chemotherapy or whose condition has improved but then worsened following treatment with other types of chemotherapy. Tretinoin is used to produce remission (a decrease or disappearance of signs and symptoms of cancer) of APL, but other medications must be used after treatment with tretinoin to prevent the cancer from returning. Tretinoin is in a class of medications called retinoids. It works by slowing or stopping the growth of cancer cells by causing immature blood cells to develop into normal blood cells." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "why are anticholinergic drugs useful for treating gastrointestinal spasms associated with ibs", + "output": "Dicyclomine relieves smooth muscle spasm of the gastrointestinal tract. Animal studies indicate that this action is achieved via a dual mechanism: (1) a specific anticholinergic effect (antimuscarinic) at the acetylcholine-receptor sites; and (2) a direct effect upon smooth muscle (musculotropic.)" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is clotrimazole betamethasone dipropionate cream", + "output": "What is clotrimazole and betamethasone dipropionate cream?\n\nClotrimazole and betamethasone dipropionate cream is a prescription medication used on the skin (topical) to treat fungal infections of the feet, groin, and body in people 17 years of age and older. Clotrimazole and betamethasone dipropionate cream is used for fungal infections that are inflamed and have symptoms of redness or itching." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is triamcinolone acetonide used for", + "output": "Topical corticosteroids are indicated for the relief of the inflammatory and pruritic manifestations of corticosteroid-responsive dermatoses." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is benzodiazepines", + "output": "Benzodiazepines (sometimes called \"benzos\") work to calm or sedate a person, by raising the level of the inhibitory neurotransmitter GABA in the brain. Common benzodiazepines include diazepam (Valium), alprazolam (Xanax), and clonazepam (Klonopin), among others." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "whats zithromax", + "output": "What is ZITHROMAX?\n\nZITHROMAX is a macrolide antibiotic prescription medicine used in adults 18 years or older to treat certain infections caused by certain germs called bacteria. These bacterial infections include:\n\nacute worsening of chronic bronchitis\nacute sinus infection\ncommunity-acquired pneumonia\ninfected throat or tonsils\nskin infections\ninfections of the urethra or cervix\ngenital ulcers in men\nZITHROMAX is also used in children to treat:\n\near infections\ncommunity-acquired pneumonia\ninfected throat or tonsils" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how long does vicodin stay in breast milk", + "output": "Following a 10 mg oral dose of hydrocodone administered to five adult male subjects, the mean peak concentration was 23.6 \u00b1 5.2 ng/mL. Maximum serum levels were achieved at 1.3 \u00b1 0.3 hours and the half-life was determined to be 3.8 \u00b1 0.3 hours.\n\nAcetaminophen is rapidly absorbed from the gastrointestinal tract and is distributed throughout most body tissues. A small fraction (10-25%) of acetaminophen is bound to plasma proteins. The plasma half-life is 1.25 to 3 hours." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how long can you be on clopidogrel \"&\" aspirin combined for", + "output": "The following are key points to remember about the updated guideline on duration of dual antiplatelet therapy (DAPT) in patients with coronary artery disease (CAD):\n\nThe scope of this focused update is limited to addressing recommendations on duration of DAPT (aspirin plus a P2Y12 inhibitor) in patients with coronary artery disease (CAD).\nIntensification of antiplatelet therapy, with the addition of a P2Y12 inhibitor to aspirin monotherapy, and prolongation of DAPT, necessitate a fundamental tradeoff between decreasing ischemic risk and increasing bleeding risk. Decisions regarding treatment with and duration of DAPT require a thoughtful assessment of the benefit/risk ratio, integration of study data, and patient preference.\nRecommendations in the document apply specifically to duration of P2Y12 inhibitor therapy in patients with CAD treated with DAPT. Aspirin therapy should almost always be continued indefinitely in patients with CAD.\nLower daily doses of aspirin, including in patients treated with DAPT, are associated with lower bleeding complications and comparable ischemic protection compared with higher doses of aspirin. The recommended daily dose of aspirin in patients treated with DAPT is 81 mg (range 75\u2013100 mg).\nIn patients with stable ischemic heart disease (SIHD) treated with DAPT after drug-eluting stent (DES) implantation, P2Y12 inhibitor therapy with clopidogrel should be given for at least 6 months (Class I). In patients with SIHD treated with DAPT after bare-metal stent (BMS) implantation, P2Y12 inhibitor therapy (clopidogrel) should be given for a minimum of 1 month (Class I).\nIn patients with SIHD treated with DAPT after BMS or DES implantation who have tolerated DAPT without a bleeding complication and who are not at high bleeding risk (e.g., prior bleeding on DAPT, coagulopathy, oral anticoagulant use), continuation of DAPT with clopidogrel for longer than 1 month in patients treated with BMS or longer than 6 months in patients treated with DES may be reasonable (Class IIb).\nIn patients with acute coronary syndrome (ACS) (non-ST elevation [NSTE]-ACS or ST elevation myocardial infarction [STEMI]) treated with DAPT after BMS or DES implantation, P2Y12 inhibitor therapy (clopidogrel, prasugrel, or ticagrelor) should be given for at least 12 months (Class I).\nIn patients with ACS (NSTE-ACS or STEMI) treated with coronary stent implantation who have tolerated DAPT without a bleeding complication and who are not at high bleeding risk (e.g., prior bleeding on DAPT, coagulopathy, oral anticoagulant use), continuation of DAPT (clopidogrel, prasugrel, or ticagrelor) for longer than 12 months may be reasonable (Class IIb). A new risk score (the \u201cDAPT score\u201d), derived from the Dual Antiplatelet Therapy study, may be useful for decisions about whether to continue (prolong or extend) DAPT in patients treated with coronary stent implantation.\nIn patients with ACS (NSTE-ACS or STEMI) treated with DAPT after coronary stent implantation and in patients with NSTE-ACS treated with medical therapy alone (without revascularization), it is reasonable to use ticagrelor in preference to clopidogrel for maintenance P2Y12 inhibitor therapy (Class IIa). Among those who are not at high risk for bleeding complications and who do not have a history of stroke or transient ischemic attack, it is reasonable to choose prasugrel over clopidogrel for maintenance P2Y12 inhibitor therapy (Class IIa).\nIn patients with ACS (NSTE-ACS or STEMI) being treated with DAPT who undergo coronary artery bypass grafting (CABG), P2Y12 inhibitor therapy should be resumed after CABG to complete 12 months of DAPT therapy after ACS (Class I).\nIn patients with STEMI treated with DAPT in conjunction with fibrinolytic therapy, P2Y12 inhibitor therapy (clopidogrel) should be continued for a minimum of 14 days and ideally at least 12 months (Class I).\nElective noncardiac surgery should be delayed 30 days after BMS implantation and optimally 6 months after DES implantation. In patients treated with DAPT after coronary stent implantation who must undergo surgical procedures that mandate the discontinuation of P2Y12 inhibitor therapy, it is recommended that aspirin be continued if possible and the P2Y12 platelet receptor inhibitor be restarted as soon as possible after surgery (Class I)." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "trospium can i stop taking it?", + "output": "Angioedema of the face, lips, tongue and/or larynx has been reported with trospium chloride. In one case, angioedema occurred after the first dose of trospium chloride. Angioedema associated with upper airway swelling may be life threatening. If involvement of the tongue, hypopharynx, or larynx occurs, trospium chloride should be promptly discontinued" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how long does chlordiazepoxide stay in \"system?\"", + "output": "It takes several hours for peak blood levels to be reached and the half-life of the drug is between 24 and 48 hours. After the drug is discontinued plasma levels decline slowly over a period of several days." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how much gravol to kill you", + "output": "Dimenhydrinate is a type of medicine called an antihistamine.\n\nDimenhydrinate overdose occurs when someone takes more than the normal or recommended amount of this medicine. This can be by accident or on purpose.\n\nThis article is for information only. DO NOT use it to treat or manage an actual overdose. If you or someone you are with has an overdose, call your local emergency number (such as 911), or your local poison center can be reached directly by calling the national toll-free Poison Help hotline (1-800-222-1222) from anywhere in the United States. \n\nPoisonous Ingredient\nDimenhydrinate can be harmful in large amounts.\n\nWhere Found\nDimenhydrinate is found in some allergy medicines. It is also in some medicines used to treat nausea, vomiting, and motion sickness.\n\nIt may be in medicines with these brand names:\n\nDramamine\nGravol\nMarmine\nNico-Vert\nTriptone\nDimenhydrinate may also be found in other medicines.\n\nSymptoms\nBelow are symptoms of a dimenhydrinate overdose in different parts of the body.\n\nBLADDER AND KIDNEYS\n\nInability to urinate\nEYES, EARS, NOSE, MOUTH, AND THROAT\n\nBlurred vision\nDry mouth\nEnlarged pupils\nVery dry eyes\nRinging in the ears\nHEART AND BLOOD VESSELS\n\nLow blood pressure\nRapid heartbeat\nNERVOUS SYSTEM\n\nAgitation\nConfusion\nSeizures\nDelirium\nDepression\nDrowsiness\nHallucinations (seeing or hearing things that aren't there)\nIncreased sleepiness\nNervousness\nTremor\nUnsteadiness\nSKIN\n\nDry, red skin\nSTOMACH AND INTESTINES\n\nNausea\nVomiting" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what are the side effects and long term consequences of using nicotine", + "output": "Nicotine use can have many different effects on the body. It can:\n\nDecrease the appetite -- Fear of weight gain makes some people unwilling to stop smoking.\nBoost mood, give people a sense of well-being, and possibly even relieve minor depression.\nIncrease activity in the intestines.\nCreate more saliva and phlegm.\nIncrease the heart rate by around 10 to 20 beats per minute.\nIncrease blood pressure by 5 to 10 mm Hg.\nPossibly cause sweating, nausea, and diarrhea.\nStimulate memory and alertness -- People who use tobacco often depend on it to help them accomplish certain tasks and perform well." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what are the side effects and long term consequences of using nicotine", + "output": "Tobacco and related chemicals can increase your risk of serious health problems such as cancer, lung disease, and heart attack." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how is nicotine taken", + "output": "Nicotine supplements come in many forms:\n\nGum\nInhalers\nLozenges\nNasal spray\nSkin patch\nAll of these work well if they are used correctly. People are more likely to use the gum and patches correctly than other forms." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "brinzolamide is brimodine?", + "output": "SIMBRINZA (brinzolamide/brimonidine tartrate ophthalmic suspension) 1%/0.2% is a fixed combination of a carbonic anhydrase inhibitor and an alpha 2 adrenergic receptor agonist indicated for the reduction of elevated intraocular pressure (IOP) in patients with open-angle glaucoma or ocular hypertension." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what does take drug with food mean?", + "output": "Some medicines need to be taken with or after food. Here are the 6 main reasons for this.\nTo reduce side effects of nausea or vomiting\nIt's better to take some medicines that can cause nausea or vomiting after a meal to reduce these side effects. Examples include allopurinol, bromocriptine and madopar.\nTo reduce side effects of stomach irritation, including indigestion, stomach inflammation or ulcers\nSome medicines can irritate the stomach, and taking them with food will reduce this effect. Things such as biscuits or a sandwich, or a glass of milk, are usually enough. Examples include:\naspirin\nnon-steroidal anti-inflammatory drugs (NSAIDs), such as diclofenac and ibuprofen\nsteroid medication (corticosteroids), such as prednisolone and dexamethasone\nTo treat problems such as heartburn, reflux or indigestion\nMedicines called antacids are taken to prevent heartburn, reflux and indigestion, which usually occur when acid is produced as food enters your stomach. Therefore, these medicines are most effective if taken immediately after, or during, a meal.\nTo ensure the medicine is not washed away\nPreparations such as mouthwashes, liquid nystatin, and miconazole gel for oral thrush or mouth ulcers must be used after meals. This is because eating food washes the medicine away too quickly.\nTo ensure the medicine is absorbed into the bloodstream properly\nSome medications require food in the stomach and gut for the body to absorb them properly, such as the HIV medicines ritonavir, saquinavir and nelfinavir.\nTo help the body process the meal\nMedicines for diabetes, if taken by mouth, should usually be taken around meal times to reduce blood sugar levels after eating and to avoid a very low blood sugar (hypoglycaemia).\nEnzyme supplements, which can be used to help people with chronic pancreatitis, should also be taken with food to help the body process the meal." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what would a normal dose be for valacyclovir", + "output": "Cold Sores (Herpes Labialis): The recommended dosage of valacyclovir tablets for treatment of cold sores is 2 grams twice daily for 1 day taken 12 hours apart. Therapy should be initiated at the earliest symptom of a cold sore (e.g., tingling, itching, or burning).\n\nGenital Herpes:\n\nInitial Episode: The recommended dosage of valacyclovir tablets for treatment of initial genital herpes is 1 gram twice daily for 10 days. Therapy was most effective when administered within 48 hours of the onset of signs and symptoms." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how many mgs of seroquel does one take for sleep", + "output": "The recommended initial dose, titration, dose range and maximum SEROQUEL dose for each approved indication is displayed in Table 1. After initial dosing, adjustments can be made upwards or downwards" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what does tasmar contain", + "output": "CTIVE INGREDIENT/ACTIVE MOIETY\nTolcapone (UNII: CIF6334OLY) \n\nINACTIVE INGREDIENTS\nLactose Monohydrate (UNII: EWQ57Q8I5X)\npovidone K30 (UNII: U725QWY32X)\nsodium starch glycolate type a potato (UNII: 5856J3G2A2)\ntalc (UNII: 7SEV7J4R1U)\nmagnesium stearate (UNII: 70097M6I30)\ntitanium dioxide (UNII: 15FIX9V2JP)\ntriacetin (UNII: XHX3C3X673)\nsodium lauryl sulfate (UNII: 368GB5141J)\nferric oxide yellow (UNII: EX438O2MRT)\nferric oxide red (UNII: 1K09F3G675)\nMICROCRYSTALLINE CELLULOSE (UNII: OP1R32D61U)\nANHYDROUS DIBASIC CALCIUM PHOSPHATE (UNII: L11K75P92J)\nETHYLCELLULOSE, UNSPECIFIED (UNII: 7Z8S9VYZ4B)" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is another drug similar to sulfonylureas", + "output": "Types of Insulin Secretagogues\nInsulin-releasing medicines\nSulfonylureas (Generic names): Glimepiride, Glipizide, Glyburide\nMeglitinides (Generic names): Repaglinide, Nateglinide" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how do botulinum toxin injections treat muscle conditions?", + "output": "Targeted injection of botulinum toxin into muscles with the most tome can help to selectively weaken these muscles to improve range of motion and function." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "heroin mixed with fentanyl what are the symptoms of an overdose", + "output": "Acute overdose with Fentanyl Citrate Injection can be manifested by respiratory depression, somnolence progressing to stupor or coma, skeletal muscle flaccidity, cold and clammy skin, constricted pupils, and, in some cases, pulmonary edema, bradycardia, hypotension, partial or complete airway obstruction, atypical snoring, and death." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "heroin mixed with fentanyl what are the symptoms of an overdose", + "output": "People use heroin to get high. But if they overdose on it, they get extremely sleepy or may become unconsciousness and stop breathing.\n\nBelow are symptoms of a heroin overdose in different parts of the body." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "heroin mixed with fentanyl what are the symptoms of an overdose", + "output": "However, most recent cases of fentanyl-related harm, overdose, and death in the U.S. are linked to illegally made fentanyl.2 It is sold through illegal drug markets for its heroin-like effect. It is often mixed with heroin and/or cocaine as a combination product\u2014with or without the user\u2019s knowledge\u2014to increase its euphoric effects." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "is pramipexole addictive?", + "output": "you should know that some people who took medications such as pramipexole to treat Parkinson's disease or restless legs syndrome developed gambling problems, an increased interest in shopping or sex, overeating problems, or other intense urges or behaviors that were compulsive or unusual for them. There is not enough information to tell whether the people developed these problems because they took the medication or for other reasons. Call your doctor if you develop intense urges or have difficulty controlling any of these behaviors. Tell your family members about these risks so that they can call the doctor even if you do not realize that your behavior has become a problem." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "can you take amoxicillin with hydrocodone ?", + "output": "There are no direct drug interactions between Norco (acetaminophen, hydrocodone), amoxicillin (Amoxil) and Adipex (phentermine). Take the Norco only as needed. This may cause drowsiness, be careful if you must be alert. Take the amoxicillin until finished." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how long will the cyanocobalamin stay good", + "output": "Store at room temperature between 59-86 degrees F (15-30 degrees C) away from light and moisture. Do not freeze. Do not store in the bathroom. Keep all medicines away from children and pets.Do not flush medications down the toilet or pour them into a drain unless instructed to do so. Properly discard this product when it is expired or no longer needed. Consult your pharmacist or local waste disposal company for more details about how to safely discard your product." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "entocort ec how prescribed", + "output": "2.1 Mild to Moderate Active Crohn\u2019s Disease\nThe recommended adult dosage for the treatment of mild to moderate active Crohn's disease involving the ileum and/or the ascending colon is 9 mg orally taken once daily in the morning for up to 8 weeks. Repeated 8 week courses of ENTOCORT EC can be given for recurring episodes of active disease.\n\n2.2 Maintenance of Clinical Remission of Mild to Moderate Crohn\u2019s Disease\nFollowing an 8 week course(s) of treatment for active disease and once the patient\u2019s symptoms are controlled (CDAI less than 150), ENTOCORT EC 6 mg orally is recommended once daily for maintenance of clinical remission up to 3 months. If symptom control is still maintained at 3 months an attempt to taper to complete cessation is recommended. Continued treatment with ENTOCORT EC 6 mg for more than 3 months has not been shown to provide substantial clinical benefit." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "celebrex caps 200 mg what is it for", + "output": "These doses can be given without regard to timing of meals.\n2.2 Osteoarthritis\nFor OA, the dosage is 200 mg per day administered as a single dose or as 100 mg twice daily.\n2.3 Rheumatoid Arthritis\nFor RA, the dosage is 100 to 200 mg twice daily.\n2.4 Juvenile Rheumatoid Arthritis\nFor JRA, the dosage for pediatric patients (age 2 years and older) is based on weight. For patients \u226510 kg to \u226425 kg the recommended dose is 50 mg twice daily. For patients >25 kg the recommended dose is 100 mg twice daily.\n2.5 Ankylosing Spondylitis\nFor AS, the dosage of CELEBREX is 200 mg daily in single (once per day) or divided (twice per day) doses. If no effect is observed after 6 weeks, a trial of 400 mg daily may be worthwhile. If no effect is observed after 6 weeks on 400 mg daily, a response is not likely and consideration should be given to alternate treatment options.\n2.6 Management of Acute Pain and Treatment of Primary Dysmenorrhea\nFor management of Acute Pain and Treatment of Primary Dysmenorrhea, the dosage is 400 mg initially, followed by an additional 200 mg dose if needed on the first day. On subsequent days, the recommended dose is 200 mg twice daily as needed." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how ph change with antibiotic", + "output": "Collins' team had already discovered that antibiotics that kill bacteria do so by triggering oxidative stress in the bacteria. They wondered whether antibiotics caused side effects by triggering oxidative stress in the mitochondria, a bacterium-like organelle that supplies human cells with energy." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what does vicodin look like", + "output": "Color: WHITE Score: 2 pieces Shape: OVAL Size: 14mm Imprint Code: VICODIN;HP;10;300" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how much is fish oil daily dose", + "output": "LC omega-3s are present in several dietary supplement formulations, including fish oil, krill oil, cod liver oil, and vegetarian products that contain algal oil. A typical fish oil supplement provides about 1,000 mg fish oil, containing 180 mg EPA and 120 mg DHA, but doses vary widely. Table 1 lists the current AIs for omega-3s in grams per day." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "meropenem injection ip what is the rate of injection", + "output": "The recommended dose of Meropenem for Injection, USP is 500 mg given every 8 hours for skin and skin structure infections and 1 gram given every 8 hours for intra-abdominal infections. When treating complicated skin and skin structure infections caused by P. aeruginosa, a dose of 1 gram every 8 hours is recommended. \n\nMeropenem for Injection, USP should be administered by intravenous infusion over approximately 15 minutes to 30 minutes. Doses of 1 gram may also be administered as an intravenous bolus injection (5 mL to 20 mL) over approximately 3 minutes to 5 minutes." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how does vitamin d help our bodies", + "output": "Vitamin D helps the body absorb calcium. Calcium and phosphate are two minerals that you must have for normal bone formation.\n\nIn childhood, your body uses these minerals to produce bones. If you do not get enough calcium, or if your body does not absorb enough calcium from your diet, bone production and bone tissues may suffer.\n\nVitamin D deficiency can lead to osteoporosis in adults or rickets in children." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is xifaxan used for", + "output": "XIFAXAN is indicated for the treatment of travelers\u2019 diarrhea (TD) caused by noninvasive strains of Escherichia coli in adults and pediatric patients 12 years of age and older.\nXIFAXAN is indicated for reduction in risk of overt hepatic encephalopathy (HE) recurrence in adults.\nXIFAXAN is indicated for the treatment of irritable bowel syndrome with diarrhea (IBS-D) in adults." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "why synthroid is interfered by calcium", + "output": "Calcium carbonate may form an insoluble chelate with levothyroxine, and ferrous sulfate likely forms a ferric-thyroxine complex. Administer SYNTHROID at least 4 hours apart from these agents." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what happens when you mix cymbalta with muscle relaxes", + "output": "CNS Acting Drugs \u2014 Given the primary CNS effects of CYMBALTA, it should be used with caution when it is taken in combination with or substituted for other centrally acting drugs, including those with a similar mechanism of action [see Warnings and Precautions (5.12) and Drug Interactions (7.16)]." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "when to start tamiflu", + "output": "TAMIFLU is indicated for the treatment of acute, uncomplicated illness due to influenza A and B infection in patients 2 weeks of age and older who have been symptomatic for no more than 48 hours.\n1.2 Prophylaxis of Influenza\nTAMIFLU is indicated for the prophylaxis of influenza A and B in patients 1 year and older." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "can i take vitamins with rasagiline?", + "output": "Results of a special tyramine challenge study indicate that rasagiline is selective for MAO-B at recommended doses and can be used without dietary tyramine restriction. However, certain foods may contain very high amounts (i.e., 150 mg or greater) of tyramine and could potentially cause a hypertensive reaction in individual patients taking rasagiline due to increased sensitivity to tyramine." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how to take clotrimazole", + "output": "Clotrimazole comes as a cream, lotion, powder, and solution to apply to the skin; lozenges (called troches) to dissolve in the mouth; and vaginal tablets and vaginal cream to be inserted into the vagina. Clotrimazole is usually used five times a day for 14 days for oral thrush, twice a day (in the morning and evening) for 2 to 8 weeks for skin infections, and once a day at bedtime for 3 or 7 days for vaginal infections. Follow the directions on the package or your prescription label carefully, and ask your doctor or pharmacist to explain any part you do not understand. Use clotrimazole exactly as directed. Do not use more or less of it or use it more often than prescribed by your doctor.\n\nTo use the topical cream, lotion, or solution, thoroughly clean the infected area, allow it to dry, and then gently rub the medication in until most of it disappears. Use just enough medication to cover the affected area. You should wash your hands after applying the medication.\n\nThe lozenges should be placed in the mouth and dissolved slowly over about 15 to 30 minutes. Do not chew or swallow the lozenges whole." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how to apply clonidine patch on chest", + "output": "Apply clonidine patches to clean, dry skin on a hairless area on the upper, outer arm or upper chest. Choose an area where it will not be rubbed by tight clothing. Do not apply patches to skin that has wrinkles or folds or to skin that is cut, scraped, irritated, scarred or recently shaved. You may bathe, swim, or shower while you are wearing a clonidine patch.\n\nIf the clonidine patch loosens while wearing it, apply the adhesive cover that comes with the patch. The adhesive cover will help to keep the clonidine patch on until it is time for the patch to be replaced. If the clonidine patch significantly loosens or falls off, replace it with a new one in a different area. Replace the new patch on your next scheduled patch change day." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "do patients get better medication deposition when using a spacer?", + "output": "In some cases, such as for children or older adults, using a spacer or valved holding chamber with an inhaler might make it easier to inhale the full dose. A spacer holds medication in a tube between the inhaler and your mouth after it's released. A valved holding chamber is a specialized spacer with a one-way valve to help regulate the flow of medication.\n\nReleasing the medication into the spacer allows you to inhale more slowly, increasing the amount that reaches your lungs. Spacers and holding chambers require a prescription.\n\nThere are inhalers with built-in spacers. Others can be used with a spacer that attaches to the inhaler." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what color is the clonazepam", + "output": "yellow" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how 9is cyanocobalamin adminitsered", + "output": "Cyanocobalamin comes as a solution (liquid) to be injected into a muscle or just under the skin. It is usually injected by a healthcare provider in an office or clinic. You will probably receive cyanocobalamin injection once a day for the first 6-7 days of your treatment. As your red blood cells return to normal, you will probably receive the medication every other day for 2 weeks, and then every 3-4 days for 2-3 weeks. After your anemia has been treated, you will probably receive the medication once a month to prevent your symptoms from coming back." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how to stop pregabalin lyrica", + "output": "When discontinuing LYRICA, taper gradually over a minimum of 1 week." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "i need to know how to use this medication ultibro", + "output": "The way to take this medicine: Inhalation\nStore below 25 degrees Celsius\nProtect from Moisture\nLifetime is 24 Months." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "howmuch aspirin in butalbital", + "output": "Butalbital 50 mg; Aspirin 325 mg; Caffeine 40 mg" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "shingles vaccine how often", + "output": "The recommended schedule for live shingles vaccine is a single dose for adults 60 years of age and older." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "show me omeprazole", + "output": "Color: BROWN; Shape: OVAL; Size: 12mm; Imprint Code: 20" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is u02 medicine", + "output": "imipramine pamoate, Hydrocodone Bitartrate and Acetaminophen" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what does magnesium do to your body", + "output": "Magnesium is a nutrient that the body needs to stay healthy. Magnesium is important for many processes in the body, including regulating muscle and nerve function, blood sugar levels, and blood pressure and making protein, bone, and DNA." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "shingles sq (zostavax) i have to take again ?", + "output": "Zostavax is approved by the Food and Drug Administration for people aged 50 years and older. However, CDC does not have a recommendation for routine use of Zostavax in people 50 through 59 years old. Protection from this shingles vaccine lasts about 5 years, so adults vaccinated before they are 60 years old might not be protected later in life when the risk for shingles and its complications are greatest. Adults 50 through 59 years who have questions about shingles vaccine should discuss the risks and benefits with a healthcare provider." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what size bottle does latanoprost ophthalmic come in", + "output": "Latanoprost ophthalmic solution is a sterile, clear, isotonic, buffered, preserved, colorless solution of latanoprost 0.005% (50 mcg/mL). It is supplied as a 2.5 mL solution in a 6 mL natural low density polyethylene bottle with a natural low density polyethylene dropper tip and a turquoise polyethylene screw cap." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how is bcg vaccine stored", + "output": "The intact vials of BCG VACCINE should be stored refrigerated at 2-8\u00b0C (36-46\u00b0F).\n\nThis agent contains live bacteria and should be protected from direct sunlight. The product should not be used after the expiration date printed on the label." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is shingrix (rzv) recombinant vaccine", + "output": "CDC recommends that healthy adults 50 years and older get two doses of the shingles vaccine called Shingrix (recombinant zoster vaccine), separated by 2 to 6 months, to prevent shingles and the complications from the disease. Your doctor or pharmacist can give you Shingrix as a shot in your upper arm.\n\nShingrix provides strong protection against shingles and PHN. Two doses of Shingrix is more than 90% effective at preventing shingles and PHN. Protection stays above 85% for at least the first four years after you get vaccinated. Shingrix is the preferred vaccine, over Zostavax\u00ae (zoster vaccine live), a shingles vaccine in use since 2006." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is the max dose of oral iron supplement for senior citizen", + "output": "Table 1 lists the current iron RDAs for nonvegetarians. The RDAs for vegetarians are 1.8 times higher than for people who eat meat. This is because heme iron from meat is more bioavailable than nonheme iron from plant-based foods, and meat, poultry, and seafood increase the absorption of nonheme iron [5].\n\nFor infants from birth to 6 months, the FNB established an AI for iron that is equivalent to the mean intake of iron in healthy, breastfed infants.\n\nTable 1: Recommended Dietary Allowances (RDAs) for Iron [5]\nAge\tMale\tFemale\tPregnancy\tLactation\nBirth to 6 months\t0.27 mg*\t0.27 mg*\t \t \n7\u201312 months\t11 mg\t11 mg\t \t \n1\u20133 years\t7 mg\t7 mg\t \t \n4\u20138 years\t10 mg\t10 mg\t \t \n9\u201313 years\t8 mg\t8 mg\t \t \n14\u201318 years\t11 mg\t15 mg\t27 mg\t10 mg\n19\u201350 years\t8 mg\t18 mg\t27 mg\t9 mg\n51+ years\t8 mg\t8 mg" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is a normal dosage of klonopin", + "output": "Seizure Disorders\nThe use of multiple anticonvulsants may result in an increase of CNS depressant adverse effects. This should be considered before adding Klonopin to an existing anticonvulsant regimen.\n\nAdults\n\nThe initial dose for adults with seizure disorders should not exceed 1.5 mg/day divided into three doses. Dosage may be increased in increments of 0.5 to 1 mg every 3 days until seizures are adequately controlled or until side effects preclude any further increase. Maintenance dosage must be individualized for each patient depending upon response. Maximum recommended daily dose is 20 mg." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how often can a prescription of fentanyl be called in", + "output": "Fentanyl comes as four different transmucosal products and several other types of products. The medication in each product is absorbed differently by the body, so one product cannot be substituted for any other fentanyl product. If you are switching from one product to another, your doctor will prescribe a dose that is best for you.\n\nA program has been set up for each fentanyl product to decrease the risk of using the medication. Your doctor will need to enroll in the program in order to prescribe fentanyl and you will need to have your prescription filled at a pharmacy that is enrolled in the program. As part of the program, your doctor will talk with you about the risks and benefits of using fentanyl and about how to safely use, store, and dispose of the medication. After you talk with your doctor, you will sign a form acknowledging that you understand the risks of using fentanyl and that you will follow your doctor's instructions to use the medication safely. Your doctor will give you more information about the program and how to get your medication and will answer any questions you have about the program and your treatment with fentanyl." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how long does stomach take to empty for fosamax", + "output": "Absorption\n\nRelative to an intravenous reference dose, the mean oral bioavailability of alendronate in women was 0.64% for doses ranging from 5 to 70 mg when administered after an overnight fast and two hours before a standardized breakfast. Oral bioavailability of the 10 mg tablet in men (0.59%) was similar to that in women when administered after an overnight fast and 2 hours before breakfast.\n\nFOSAMAX 70 mg oral solution and FOSAMAX 70 mg tablet are equally bioavailable.\n\nA study examining the effect of timing of a meal on the bioavailability of alendronate was performed in 49 postmenopausal women. Bioavailability was decreased (by approximately 40%) when 10 mg alendronate was administered either 0.5 or 1 hour before a standardized breakfast, when compared to dosing 2 hours before eating. In studies of treatment and prevention of osteoporosis, alendronate was effective when administered at least 30 minutes before breakfast.\n\nBioavailability was negligible whether alendronate was administered with or up to two hours after a standardized breakfast. Concomitant administration of alendronate with coffee or orange juice reduced bioavailability by approximately 60%." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how should i dilute ceftriaxone \"infection?\"", + "output": "Ceftriaxone has been shown to be compatible with Flagyl\u00ae*IV (metronidazole hydrochloride). The concentration should not exceed 5 to 7.5 mg/mL metronidazole hydrochloride with ceftriaxone 10 mg/mL as an admixture. The admixture is stable for 24 hours at room temperature only in 0.9% sodium chloride injection or 5% dextrose in water (D5W). No compatibility studies have been conducted with the Flagyl\u00ae*IV RTU\u00ae or using other diluents. Metronidazole at concentrations greater than 8 mg/mL will precipitate. Do not refrigerate the admixture as precipitation will occur." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "fluoxetine what mgs are available", + "output": "20 mg, Capsule is a Dark blue opaque cap and Light blue opaque body, imprinted with \u201c20\u201d on the cap and \u201cA106\u201d on the body.\n\n40 mg, Capsule is a Light blue opaque cap and Light blue opaque body, imprinted with \u201c40\u201d on the cap and \u201cA107\u201d on the body." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how long can i take ibuprofen", + "output": "It's safe to take ibuprofen regularly for many years if you need to as long as you don't take more than the recommended dosage.\nIf you need to take ibuprofen by mouth for a long time and you're at risk of getting a stomach ulcer, your doctor may prescribe a medicine to help protect your stomach." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how can i split a 3mg or 4mg waefin pill so i can get a 2.5mg pill", + "output": "Warfarin comes as a tablet to take by mouth. It is usually taken once a day with or without food. Take warfarin at around the same time every day. Follow the directions on your prescription label carefully, and ask your doctor or pharmacist to explain any part you do not understand. Take warfarin exactly as directed. Do not take more or less of it or take it more often than prescribed by your doctor. Call your doctor immediately if you take more than your prescribed dose of warfarin.\n\nYour doctor will probably start you on a low dose of warfarin and gradually increase or decrease your dose based on the results of your blood tests. Make sure you understand any new dosing instructions from your doctor." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "does doxycycline contain resin and shellac in it. ?", + "output": "INACTIVE INGREDIENTS:\nSILICON DIOXIDE \nSTARCH, CORN \nCROSCARMELLOSE SODIUM \nDOCUSATE SODIUM \nSODIUM BENZOATE \t \nMAGNESIUM STEARATE \t \nCELLULOSE, MICROCRYSTALLINE \nFD&C BLUE NO. 2 \nFD&C YELLOW NO. 6 \nHYPROMELLOSES \t \nPOLYETHYLENE GLYCOLS \nTITANIUM DIOXIDE" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "wht is a normal dose daily for ativan?", + "output": "Ativan (lorazepam) is administered orally. For optimal results, dose, frequency of administration, and duration of therapy should be individualized according to patient response. To facilitate this, 0.5 mg, 1 mg, and 2 mg tablets are available.\n\nThe usual range is 2 to 6 mg/day given in divided doses, the largest dose being taken before bedtime, but the daily dosage may vary from 1 to 10 mg/day.\n\nFor anxiety, most patients require an initial dose of 2 to 3 mg/day given two times a day or three times a day.\n\nFor insomnia due to anxiety or transient situational stress, a single daily dose of 2 to 4 mg may be given, usually at bedtime.\n\nFor elderly or debilitated patients, an initial dosage of 1 to 2 mg/day in divided doses is recommended, to be adjusted as needed and tolerated.\n\nThe dosage of Ativan (lorazepam) should be increased gradually when needed to help avoid adverse effects. When higher dosage is indicated, the evening dose should be increased before the daytime doses." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "ok to use expired lidocaine patches??", + "output": "A 2006 study of 122 drugs tested by the program showed that two-thirds of the expired medications were stable every time a lot was tested. Each of them had their expiration dates extended, on average, by more than four years, according to research published in the Journal of Pharmaceutical Sciences.\n\nSome that failed to hold their potency include the common asthma inhalant albuterol, the topical rash spray diphenhydramine, and a local anesthetic made from lidocaine and epinephrine, the study said" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how often is the tetanus shot \"given?\"", + "output": "Everyone needs tetanus vaccines throughout their lives. That means everyone needs to get vaccinated as babies, children, and adults.\n\nInfants and children birth through age 6\nYoung children need the DTaP vaccine as part of their routine vaccine schedule. Young children need a dose of the vaccine at:\n\n2 months\n4 months\n6 months\n15 through 18 months\n4 through 6 years\nIf your child has had a serious reaction to the whooping cough part of the DTaP vaccine, they may be able to get the DT vaccine instead. \nPreteens and teens ages 7 through 18\nOlder children need 1 booster shot of the Tdap vaccine at age 11 or 12 as part of their routine vaccine schedule.\nAdults age 19 and older\nAdults need 1 booster shot of the Td vaccine every 10 years as part of their routine vaccine schedule. If you get a deep cut or a burn, you may need the booster earlier \u2014 especially if the cut or burn is dirty.\n\nIf you missed the Tdap booster as a teen, you\u2019ll need to get a Tdap booster instead to make sure you have protection from whooping cough.\n\nPregnant women\nPregnant women need 1 booster shot of the Tdap vaccine during the third trimester of each pregnancy." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "why take simvastatin", + "output": "Simvastatin is used together with diet, weight-loss, and exercise to reduce the risk of heart attack and stroke and to decrease the chance that heart surgery will be needed in people who have heart disease or who are at risk of developing heart disease. Simvastatin is also used to decrease the amount of fatty substances such as low-density lipoprotein (LDL) cholesterol (''bad cholesterol'') and triglycerides in the blood and to increase the amount of high-density lipoprotein (HDL) cholesterol (''good cholesterol'') in the blood. Simvastatin may also be used to decrease the amount of cholesterol and other fatty substances in the blood in children and teenagers 10 to 17 years of age who have familial heterozygous hypercholesterolemia (an inherited condition in which cholesterol cannot be removed from the body normally). Simvastatin is in a class of medications called HMG-CoA reductase inhibitors (statins). It works by slowing the production of cholesterol in the body to decrease the amount of cholesterol that may build up on the walls of the arteries and block blood flow to the heart, brain, and other parts of the body." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is the medication thera tab used to treat?", + "output": "This medication is a multivitamin product used to treat or prevent vitamin deficiency due to poor diet, certain illnesses, or during pregnancy." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how should i stop taking heparin?", + "output": "Unlike warfarin, which requires a slow reduction, heparin treatment can be started and stopped quickly." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what spices can be used while on warfarin", + "output": "We found 58 different plants that may alter the blood haemostasis and anticoagulation with warfarin. The herbs that showed the greatest potential to interact with warfarin include garlic, ginger, ginkgo, St. John's wort, and ginseng, i.e. plants normally consumed as food and also used for therapeutic purposes. The interactions between drugs and herbs are varied because of the complex chemical matrix of plants. Mainly coumarins, quinones, xanthones, terpenes, lignans, and vitamin K showed significant influence on warfarin treatment. In general, these plants can potentiate the effect of warfarin by stimulating anticoagulation in multiple ways, and the clinical outcome associated with this interaction is the increase of bleeding risk." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how do steroids effect the digestive system", + "output": "teroid abuse can also be hepatotoxic, promoting disturbances such as biliary stasis, peliosis hepatis, and even hepatomas, which are all usually reversible upon discontinuation." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how do steroids effect the digestive system", + "output": "Corticosteroid use was associated with increased risk of gastrointestinal bleeding and perforation. The increased risk was statistically significant for hospitalised patients only. For patients in ambulatory care, the total occurrence of bleeding or perforation was very low, and the increased risk was not statistically significant." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "tylenol pm mg?", + "output": "Acetaminophen 500 mg; Diphenhydramine HCl 25 mg" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what should i do if i just started taking an antibiotic and i am experiencing diahreea", + "output": "Call your doctor right away if you have serious signs and symptoms of antibiotic-associated diarrhea. These signs and symptoms are common to a number of conditions, so your doctor might recommend tests to determine the cause." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "is there danger in stopping sertraline form \"days?\"", + "output": "Discontinuation of Treatment with Sertraline\n\nSymptoms associated with discontinuation of sertraline and other SSRIs and SNRIs, have been reported (see PRECAUTIONS). Patients should be monitored for these symptoms when discontinuing treatment. A gradual reduction in the dose rather than abrupt cessation is recommended whenever possible. If intolerable symptoms occur following a decrease in the dose or upon discontinuation of treatment, then resuming the previously prescribed dose may be considered. Subsequently, the physician may continue decreasing the dose but at a more gradual rate." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what time should take memantine", + "output": "Memantine comes as a tablet, a solution (liquid), and an extended-release (long-acting) capsule to take by mouth. The solution and tablet are usually taken once or twice a day with or without food. The capsule is taken once a day with or without food." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "trospium chloride in patients with neurogenic detrusor \"over activity:\" is dose titration of benefit to the \"patients?\"", + "output": "The recommended dose is 20 mg twice daily. Trospium chloride tablets should be dosed at least one hour before meals or given on an empty stomach. \n\nDosage modification is recommended in the following patient populations:\n\nFor patients with severe renal impairment (creatinine clearance less than 30 mL/min), the recommended dose is 20 mg once daily at bedtime [see WARNINGS AND PRECAUTIONS (5.5), USE IN SPECIFIC POPULATIONS (8.6), and CLINICAL PHARMACOLOGY (12.3)].\nIn geriatric patients greater than or equal to 75 years of age, dose may be titrated down to 20 mg once daily based upon tolerability [see USE IN SPECIFIC POPULATIONS (8.5)]." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is the purpose or desired effect of aspirin", + "output": "Prescription aspirin is used to relieve the symptoms of rheumatoid arthritis (arthritis caused by swelling of the lining of the joints), osteoarthritis (arthritis caused by breakdown of the lining of the joints), systemic lupus erythematosus (condition in which the immune system attacks the joints and organs and causes pain and swelling) and certain other rheumatologic conditions (conditions in which the immune system attacks parts of the body). Nonprescription aspirin is used to reduce fever and to relieve mild to moderate pain from headaches, menstrual periods, arthritis, colds, toothaches, and muscle aches. Nonprescription aspirin is also used to prevent heart attacks in people who have had a heart attack in the past or who have angina (chest pain that occurs when the heart does not get enough oxygen). Nonprescription aspirin is also used to reduce the risk of death in people who are experiencing or who have recently experienced a heart attack. Nonprescription aspirin is also used to prevent ischemic strokes (strokes that occur when a blood clot blocks the flow of blood to the brain) or mini-strokes (strokes that occur when the flow of blood to the brain is blocked for a short time) in people who have had this type of stroke or mini-stroke in the past. Aspirin will not prevent hemorrhagic strokes (strokes caused by bleeding in the brain). Aspirin is in a group of medications called salicylates. It works by stopping the production of certain natural substances that cause fever, pain, swelling, and blood clots." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "qvar 40mcg what is it doe", + "output": "QVAR\u00ae is indicated in the maintenance treatment of asthma as prophylactic therapy in patients 5 years of age and older.\n\nImportant Limitations of Use: QVAR is NOT indicated for the relief of acute bronchospasm." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what are the ingredients in cephalexin", + "output": "CEPHALEXIN ANHYDROUS 250 mg" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is the effect of eliquis and cialis", + "output": "liquis active compound is Apixaban. Apixaban prevents blood from forming clothes and is prescribed to reduce risk of systemic embolism associated with nonvalvular atrial fibrillation and stroke. There are no reports that suggest interaction when used together with Tadalafil. This does not mean that the side effects are not possible. Always consult a doctor before taking these medications together. Never stop using a medication prescribed by a doctor without its advice. It is important to tell the health care provider about all other medications in current use, including vitamin supplements and herbs. Patients should call doctor if they experience of the following symptoms, sign of potential toxicity such as dizziness, nausea, diarrhea, irregular heartbeat, visual disturbances in one or both eyes, pain or tightness in the chest or jaw, shortness of breath, prolonged erection for more than 4 hours." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "jalyn 0.5-0.4 mg capsule?", + "output": "1.1 Benign Prostatic Hyperplasia (BPH) Treatment\nJALYN (dutasteride and tamsulosin hydrochloride) capsules are indicated for the treatment of symptomatic BPH in men with an enlarged prostate.\n\n1.2 Limitations of Use\nDutasteride-containing products, including JALYN, are not approved for the prevention of prostate cancer." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "topiramate?", + "output": "Topiramate is used alone or with other medications to treat certain types of seizures including primary generalized tonic-clonic seizures (formerly known as a grand mal seizure; seizure that involves the entire body) and partial onset seizures (seizures that involve only one part of the brain). Topiramate is also used with other medications to control seizures in people who have Lennox-Gastaut syndrome (a disorder that causes seizures and developmental delays). Topiramate is also used to prevent migraine headaches but not to relieve the pain of migraine headaches when they occur. Topiramate is in a class of medications called anticonvulsants. It works by decreasing abnormal excitement in the brain." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "show spironolactone 30mg \"tab/accord\" healthcare", + "output": "Spironolactone oral tablets contain 25 mg, 50 mg, or 100 mg of the aldosterone antagonist spironolactone" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how long after steroids to see results", + "output": "You may have heard of anabolic steroids, which can have harmful effects. But there's another type of steroid - sometimes called a corticosteroid - that treats a variety of problems. These steroids are similar to hormones that your adrenal glands make to fight stress associated with illnesses and injuries. They reduce inflammation and affect the immune system." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "exercise restrictions with taking moxifloxacin?", + "output": "Fluoroquinolones, including Moxifloxacin Tablets, have been associated with an increased risk of tendinitis and tendon rupture in all ages [see Warnings and Precautions ( 5.1) and Adverse Reactions ( 6.2)] . This adverse reaction most frequently involves the Achilles tendon, and has also been reported with the rotator cuff (the shoulder), the hand, the biceps, the thumb, and other tendons. Tendinitis or tendon rupture can occur within hours or days of starting moxifloxacin or as long as several months after completion of therapy. Tendinitis and tendon rupture can occur bilaterally.\n\nThe risk of developing fluoroquinolone-associated tendinitis and tendon rupture is increased in patients over 60 years of age, in patients taking corticosteroid drugs, and in patients with kidney, heart or lung transplants. Other factors that may independently increase the risk of tendon rupture include strenuous physical activity, renal failure, and previous tendon disorders such as rheumatoid arthritis. Tendinitis and tendon rupture have also occurred in patients taking fluoroquinolones who do not have the above risk factors. Discontinue Moxifloxacin Tablets immediately if the patient experiences pain, swelling, inflammation or rupture of a tendon. Patients should be advised to rest at the first sign of tendinitis or tendon rupture, and to contact their healthcare provider regarding changing to a non-quinolone antimicrobial drug. Avoid fluoroquinolones, including Moxifloxacin Tablets, in patients who have a history of tendon disorders or who have experienced tendinitis or tendon rupture [see Adverse Reactions" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what are fat soluable vitamins.", + "output": "As is the case with all dietary supplements, the decision to use supplemental vitamins should not be taken lightly, says Vasilios Frankos, Ph.D., Director of FDA's Division of Dietary Supplement Programs.\n\"Vitamins are not dangerous unless you get too much of them,\" he says. \"More is not necessarily better with supplements, especially if you take fat-soluble vitamins.\u201d For some vitamins and minerals, the National Academy of Sciences has established upper limits of intake (ULs) that it recommends not be exceeded during any given day. (For more information, visit www.nap.edu/catalog.php?record_id=6432#toc\n\nAlso, the AAFP lists the following side effects that are sometimes associated with taking too much of a vitamin.\n\nFat-soluble Vitamins\n\nA (retinol, retinal, retinoic acid): Nausea, vomiting, headache, dizziness, blurred vision, clumsiness, birth defects, liver problems, possible risk of osteoporosis. You may be at greater risk of these effects if you drink high amounts of alcohol or you have liver problems, high cholesterol levels or don't get enough protein.\nD (calciferol): Nausea, vomiting, poor appetite, constipation, weakness, weight loss, confusion, heart rhythm problems, deposits of calcium and phosphate in soft tissues.\nIf you take blood thinners, talk to your doctor before taking vitamin E or vitamin K pills." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "vaccine when pregnant", + "output": "Vaccines help keep your pregnant patients and their\n \ngrowing families healthy." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "vit b12 tabet?", + "output": "Vitamin B12 is found in almost all multivitamins. Dietary supplements that contain only vitamin B12, or vitamin B12 with nutrients such as folic acid and other B vitamins, are also available. Check the Supplement Facts label to determine the amount of vitamin B12 provided.\n\nVitamin B12 is also available in sublingual forms (which are dissolved under the tongue). There is no evidence that sublingual forms are better absorbed than pills that are swallowed.\n\nA prescription form of vitamin B12 can be administered as a shot. This is usually used to treat vitamin B12 deficiency. Vitamin B12 is also available as a prescription medication in nasal gel form (for use in the nose)." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "pneumonia vaccine is good for how long?", + "output": "CDC recommends routine administration of pneumococcal conjugate vaccine (PCV13 or Prevnar13\u00ae) for all children younger than 2 years of age:\nGive PCV13 to infants as a series of 4 doses, one dose at each of these ages: 2 months, 4 months, 6 months, and 12 through 15 months.\nChildren who miss their shots or start the series later should still get the vaccine. The number of doses recommended and the intervals between doses will depend on the child\u2019s age when vaccination begins.\nCDC recommends pneumococcal vaccination (PCV13 or Prevnar13\u00ae, and PPSV23 or Pneumovax23\u00ae) for all adults 65 years or older:\nGive a dose of PCV13 to adults 65 years or older who have not previously received a dose. Then administer a dose of PPSV23 at least 1 year later.\nIf the patient already received one or more doses of PPSV23, give the dose of PCV13 at least 1 year after they received the most recent dose of PPSV23." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "pneumonia vaccine is good for how long?", + "output": "Do not use any pneumococcal vaccine beyond the expiration date printed on the label." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how often should adult take pneumonia vaccine", + "output": "CDC recommends pneumococcal vaccination (PCV13 or Prevnar13\u00ae, and PPSV23 or Pneumovax23\u00ae) for all adults 65 years or older:\nGive a dose of PCV13 to adults 65 years or older who have not previously received a dose. Then administer a dose of PPSV23 at least 1 year later.\nIf the patient already received one or more doses of PPSV23, give the dose of PCV13 at least 1 year after they received the most recent dose of PPSV23." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what mg. does meprobamate have?", + "output": "Meprobamate Tablets USP 200 mg are scored, round, white tablets imprinted 591-B supplied in bottles of 100 and 1000.\n\nMeprobamate Tablets USP 400 mg are scored, round, white tablets imprinted 591-A supplied in bottles of 100 and 1000." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what happens if voiting happens after taking a medication", + "output": "Of the 76 responses from the study hospital, 65 were suitable for analysis. Many respondents reported encountering vomiting after administration of oral medications on a weekly (25 [38%]) or monthly (24 [37%]) basis. Most of the respondents reported that they would follow a general rule to redose if vomiting occurred within 30 min (39 [60%]) or 15 min (21 [32%]) after initial ingestion. When respondents were asked to rate the importance of 8 factors potentially affecting the decision to redose, more than half indicated that time after dose ingestion (59 [91%]), medication type (45 [69%]), patient status (39 [60%]), and visibility of medication in the vomitus (36 [55%]) were very important. Of the 53 respondents to the survey of health care professionals at other institutions, 16 (30%) indicated that their pediatric hospital or ward had a guideline on redosing in cases of vomiting after administration of oral medications. Most respondents (12/13 [92%]) stated that the guideline took into account the interval between initial ingestion and vomiting." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "influenza when received", + "output": "You should get a flu vaccine before flu begins spreading in your community. It takes about two weeks after vaccination for antibodies that protect against flu to develop in the body. CDC recommends that people get a flu vaccine by the end of October. Getting vaccinated later, however, can still be beneficial and vaccination should continue to be offered throughout the flu season, even into January or later.\n\nChildren who need two doses of vaccine to be protected should start the vaccination process sooner, because the two doses must be given at least four weeks apart." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "prevnar >65what is this vaccine used for?", + "output": "The pneumococcal conjugate vaccine (PCV13 or Prevnar 13\u00ae) provides protection against the 13 serotypes responsible for most severe illness. The vaccine can also help prevent some ear infections. CDC recommends administering PCV13 as a four-dose series at 2, 4, 6, and 12 through 15 months of life. Research shows that this vaccine is very effective at preventing infection resulting from the serotypes contained in the vaccine. PCV13 should also be administered to all adults 65 years or older and to some adults 19 through 64 years of age with conditions that put them at increased risk for pneumococcal disease." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is clotrimazole and betamethasone dipropionage cream", + "output": "Clotrimazole and betamethasone dipropionate cream is a combination of an azole antifungal and corticosteroid and is indicated for the topical treatment of symptomatic inflammatory tinea pedis, tinea cruris, and tinea corporis due to Epidermophyton floccosum, Trichophyton mentagrophytes, and Trichophyton rubrum in patients 17 years and older." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "levodopa carbidopa what will these drugs do to me if i take alcohol", + "output": "Alcohol can make the side effects from levodopa and carbidopa worse." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how often do you need a zoster vaccine?", + "output": "People 60 years of age or older should get shingles vaccine (Zostavax). They should get the vaccine whether or not they recall having had chickenpox, which is caused by the same virus as shingles. Studies show that more than 99% of Americans aged 40 and older have had chickenpox, even if they don\u2019t remember getting the disease. There is no maximum age for getting shingles vaccine.\n\nA new shingles vaccine called Shingrix was licensed by the U.S. Food and Drug Administration (FDA) in 2017. CDC recommends that healthy adults 50 years and older get two doses of Shingrix, 2 to 6 months apart. Shingrix provides strong protection against shingles and PHN. Shingrix is the preferred vaccine, over Zostavax.\n\nEven if you have had shingles, you can still receive shingles vaccine to help prevent future occurrences of the disease. There is no specific length of time you must wait after having shingles before receiving shingles vaccine, but generally you should make sure the shingles rash has disappeared before getting vaccinated. The decision on when to get vaccinated should be made with your healthcare provider." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "do prescription antacids help prevent reocurrence of arts?", + "output": "Antacids help to treat heartburn (indigestion). They work by neutralizing the stomach acid that causes heartburn.\n\nYou can buy many antacids without a prescription. Liquid forms work faster, but you may like tablets because they are easy to use.\n\nAll antacids work equally well, but they can cause different side effects. If you use antacids often and have problems with side effects, talk with your health care provider." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how long can you take a steroid for arthritis", + "output": "The length of time that patients will remain on steroid treatment will vary between patients (and rheumatologists). Some patients may only be given low-dose oral steroids for the first few months following diagnosis, while others may stay on steroids for longer. There is evidence to suggest that patients can experience a continued reduction in the progression of the disease from steroids for 1 to 2 years, but this will not be appropriate for everyone, so the decision will be made on an individual basis. These patients can also get symptom improvement for a year or two as a kind of 'beneficial side effect'." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how long does marijuana stay in your system", + "output": "Marijuana, also known as cannabis or weed, is usually detectable in bodily fluids for 1 to 30 days after last use. As with other drugs, it may be detectable in hair for several months.\n\nMarijuana detection windows depend on how much you smoke or ingest, as well as how often. In general, higher doses and more frequent use are associated with longer detection times.\n\nFor daily users, cannabis may be detectable for several months after last use. The longest-reported detection times are more than 90 days." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is the expiration time for fluorouracil topical cream", + "output": "The recommended shelf life of Efudix cream is 60 months.\n\nShelf life after first opening the immediate packaging: 90 days for the 20g and 40g tubes." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is the difference between atorvastatin and lipitor", + "output": "LIPITOR \u00ae (atorvastatin calcium) tablets, for oral use" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what medications could cause excessive hair growth", + "output": "The following medications can cause hirsutism:\nAnabolic steroids\nTestosterone\nGlucocorticoids\nCyclosporine (Sandimmune\u00ae)\nMinoxidil (Loniten\u00ae, Rogaine\u00ae)\nDanazol (Danocrine\u00ae)\nPhenytoin (Dilantin\u00ae)" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is formoterol", + "output": "Formoterol is an ADRENERGIC BETA-2 RECEPTOR AGONIST with a prolonged duration of action. It is used to manage ASTHMA and in the treatment of CHRONIC OBSTRUCTIVE PULMONARY DISEASE." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what painkillers can i take when taking rivaroxaban", + "output": "You can take paracetamol while you're taking rivaroxaban.\nDo not take aspirin and ibuprofen while you're taking rivaroxaban unless a doctor has said it's OK to. They increase the chance of bleeding." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how long should wait to take another medicine after i take azithromycin", + "output": "if you are taking antacids containing aluminum hydroxide or magnesium hydroxide (Maalox, Mylanta, Tums, others), you will need to allow some time to pass between when you take a dose of these antacids and when you take a dose of azithromycin tablets or liquid. Ask your doctor or pharmacist how many hours before or after you take azithromycin you may take these medications. The extended-release suspension may be taken at any time with antacids." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what time of day to take aripiprazole", + "output": "Aripiprazole comes as a tablet, a solution (liquid), and an orally disintegrating tablet (tablet that dissolves quickly in the mouth) to take by mouth. It is usually taken once a day with or without food. Take aripiprazole at around the same time every day." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what types of steroids shots are there", + "output": "Steroids are often injected directly into joints to treat conditions such as rheumatoid arthritis, gout or other inflammatory diseases. Steroids can also be injected into inflamed bursae (bursitis), or around inflamed tendons (tendinitis) near the shoulder, elbow, hip, knee, hand or wrist." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what are some side effects nicoderm", + "output": "Nicotine skin patches may cause side effects. Tell your doctor if any of these symptoms are severe or do not go away:\n\ndizziness\nheadache\nnausea\nvomiting\ndiarrhea\nredness or swelling at the patch site\nIf you experience any of the following symptoms, call your doctor immediately:\n\nsevere rash or swelling\nseizures\nabnormal heartbeat or rhythm\ndifficulty breathing" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "warfarin and cabbage?", + "output": "Some foods can change the way warfarin works in your body. Make sure you check with your provider before making any big changes in your diet.\n\nYou do not have to avoid these foods, but try to eat or drink only small amounts of them. In the least, DO NOT change much of these foods and products you eat day-to-day or week-to-week:\n\nMayonnaise and some oils, such as canola, olive, and soybean oils\nBroccoli, Brussels sprouts, and raw green cabbage\nEndive, lettuce, spinach, parsley, watercress, garlic, and scallions (green onions)\nKale, collard greens, mustard greens, and turnip greens\nCranberry juice and green tea\nFish oil supplements, herbs used in herbal teas" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "can a patient stop using enalapril if the condition \"stabilize?\"", + "output": "Enalapril controls high blood pressure and heart failure but does not cure them. Continue to take enalapril even if you feel well. Do not stop taking enalapril without talking to your doctor." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "rosuvastatin calcium what are the side effects", + "output": "Rosuvastatin may cause side effects. Tell your doctor if any of these symptoms are severe or do not go away:\n\nconstipation\nstomach pain\ndizziness\ndifficulty falling asleep or staying asleep\ndepression\njoint pain\nheadache\nmemory loss or forgetfulness\nconfusion\nSome side effects can be serious. If you experience any of the following symptoms, call your doctor immediately or get emergency medical help:\n\n:\n\nmuscle pain, tenderness, or weakness\nlack of energy\nfever\nchest pain\nyellowing of the skin or eyes\ndark colored urine\npain in the upper right part of the abdomen\nnausea\nextreme tiredness\nweakness\nunusual bleeding or bruising\nloss of appetite\nflu-like symptoms\nrash\nhives\nitching\ndifficulty breathing or swallowing\nswelling of the face, throat, tongue, lips, eyes, hands, feet, ankles, or lower legs\nhoarseness\nRosuvastatin may cause other side effects. Call your doctor if you have any unusual problems while taking this medication." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is the protocol for adding insulin for type2 diabetics", + "output": "Why do I need to take insulin?\nAll people who have type 1 diabetes and some people who have type 2 diabetes need to take insulin to help control their blood sugar levels. The goal of taking insulin is to keep your blood sugar level in a normal range as much as possible. Keeping blood sugar in check helps you stay healthy. Insulin can\u2019t be taken by mouth. It is usually taken by injection (a shot). It can also be taken by using an insulin pen or an insulin pump.\n\nHow often will I need to take insulin?\nYou and your doctor will develop a schedule that is right for you. Most people who have diabetes and take insulin need at least 2 insulin shots a day for good blood sugar control. Some people need 3 or 4 shots a day." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is the dosage of levofloxacin tablets for bronchitis please", + "output": "Dosage of Levofloxacin Tablets in Adult Patients with Creatinine Clearance \u2265 50 mL/minute\nThe usual dose of levofloxacin tablets are 250 mg or 500 mg administered orally every 24 hours, as indicated by infection and described in Table 1." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is insuline and glucagon", + "output": "Glucagon is a peptide hormone, produced by alpha cells of the pancreas. It works to raise the concentration of glucose and fatty acids in the bloodstream, and is considered to be the main catabolic hormone of the body.[3] It is also used as a medication to treat a number of health conditions. Its effect is opposite to that of insulin, which lowers the extracellular glucose.[4]\nThe pancreas releases glucagon when the concentration of insulin (and indirectly glucose) in the bloodstream falls too low. Glucagon causes the liver to convert stored glycogen into glucose, which is released into the bloodstream.[5] High blood-glucose levels, on the other hand, stimulate the release of insulin. Insulin allows glucose to be taken up and used by insulin-dependent tissues. Thus, glucagon and insulin are part of a feedback system that keeps blood glucose levels stable. Glucagon increases energy expenditure and is elevated under conditions of stress.[6] Glucagon belongs to the secretin family of hormones." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "when to take loratadine", + "output": "Hay fever typically worsens at night and feels most severe in the morning, when levels of symptom-triggering histamine are highest. Once-daily antihistamines, such as Claritin, reach their peak eight to 12 hours after you take them, so using them at dinnertime means better control of morning symptoms. (Take twice-a-day antihistamines in the morning and evening.)" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "where is tetracycline metabolized?", + "output": "The majority of first-generation tetracyclines are not metabolized (though 5 % of tetracycline is metabolized to a less active metabolite). Instead, they are most often eliminated by renal excretion. Second-generation tetracyclines are 3 to 5 times more lipophilic, which enhances their tissue penetration. Doxycycline, the most common member of this group, features more than 80 % bioavailability. Bile concentration of doxycycline is 10 to 25 times higher as compared with its serum concentration. High concentrations of doxycycline are found also in kidneys, liver and bowel. Primarily, doxycycline is excreted in bile to feces. Part of doxycycline is inactivated in the liver and 40 % of it is excreted by kidneys in urine." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how to stop taking atorvastatin", + "output": "You may think that once your cholesterol goes down, you can stop taking statin medication. But if the drug helped lower your cholesterol, you'll likely need to stay on it for the long term. If you stop taking it, your cholesterol levels will probably go back up.\n\nThere is one exception: If you make significant changes to your diet or lose a lot of weight, you may be able to lower and control your cholesterol without medication. However, don't make any changes to your medications without talking to your doctor first." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "can you take ultram with ibuprofen?", + "output": "The maximum recommended dose is 400 mg per day, so if using it alone does not provide adequate relief, other medications can be used with Ultram (tramadol) to help manage the pain. For instance, if there is throbbing pain from tight muscles, a muscle relaxant, such as Flexeril (cyclobenzaprine) or Zanaflex (tizanidine) may be beneficial. NSAIDs (non steroidal anti-inflammatory drugs), such as Aleve (naproxen) or Motrin/Advil (ibuprofen) can be added to help reduce pain caused from swelling." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "is herceptin a chemo drug??", + "output": "For over a decade, the monoclonal antibody trastuzumab has been the cornerstone of adjuvant treatment for HER2-positive early breast cancer (EBC) [1, 2]. Based on results from four large randomized trials [3\u20136], combined treatment with trastuzumab and chemotherapy (either as primary systemic or adjuvant treatment) is considered the standard of care in patients with this biologically aggressive subtype of breast cancer." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "bupropion hcl 300mg is good for what?", + "output": "Bupropion hydrochloride extended-release tablets (XL) are indicated for the treatment of major depressive disorder (MDD), as defined by the Diagnostic and Statistical Manual (DSM). || Bupropion hydrochloride extended-release tablets (XL) are indicated for the prevention of seasonal major depressive episodes in patients with a diagnosis of seasonal affective disorder (SAD)." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "td vaccine (90714)what is a tad vaccine", + "output": "Td vaccine can protect adolescents and adults from tetanus and diphtheria. Td is usually given as a booster dose every 10 years but it can also be given earlier after a severe and dirty wound or burn.\n\nAnother vaccine, called Tdap, which protects against pertussis in addition to tetanus and diphtheria, is sometimes recommended instead of Td vaccine." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what size syringe to use for testosterone inject", + "output": "The suggested dosage for testosterone cypionate injection varies depending on the age, sex, and diagnosis of the individual patient. Dosage is adjusted according to the patient\u2019s response and the appearance of adverse reactions.\n\nVarious dosage regimens have been used to induce pubertal changes in hypogonadal males; some experts have advocated lower dosages initially, gradually increasing the dose as puberty progresses, with or without a decrease to maintenance levels. Other experts emphasize that higher dosages are needed to induce pubertal changes and lower dosages can be used for maintenance after puberty. The chronological and skeletal ages must be taken into consideration, both in determining the initial dose and in adjusting the dose.\n\nFor replacement in the hypogonadal male, 50 to 400 mg should be administered every two to four weeks." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how much weight gain with carvedilol", + "output": "Newer beta blockers, such as carvedilol (Coreg), don't usually cause weight gain as a side effect. Weight may rise in the first weeks of taking the beta blocker and then generally stabilizes." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "is dicyclomine good for heartburn?", + "output": "Normally when you swallow, the muscles in the esophagus move in waves to push food down into your stomach. Just after the food enters the stomach, a band of muscle (the lower esophageal sphincter, or LES) closes off the esophagus. If the muscle does not close tightly enough or gets weak over time, stomach contents can back up into the esophagus, causing heartburn and other symptoms. || Some medicines can also weaken the LES. Among them are: || Anticholinergic drugs\n\nBenztropine (Cogentin)\nDicyclomine (Bentyl)\nHyoscyamine (Levsin)\nIsopropamide\nScopolamine" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what are iron injections", + "output": "Iron sucrose injection is used treat iron-deficiency anemia (a lower than normal number of red blood cells due to too little iron) in people with chronic kidney disease (damage to the kidneys which may worsen over time and may cause the kidneys to stop working). Iron sucrose injection is in a class of medications called iron replacement products. It works by replenishing iron stores so that the body can make more red blood cells." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how much iron should an anemic take per day", + "output": "The amount of iron needed to treat patients with iron deficiency is higher than the amount found in most daily multivitamin supplements. The amount of iron prescribed by your doctor will be in milligrams (mg) of elemental iron. Most people with iron deficiency need 150-200 mg per day of elemental iron (2 to 5 mg of iron per kilogram of body weight per day). Ask your doctor how many milligrams of iron you should be taking per day. If you take vitamins, bring them to your doctor's visit to be sure." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is in lidocaine", + "output": "LIDOCAINE HYDROCHLORIDE ANHYDROUS\t10 mg in 1 mL\nINACTIVE INGREDIENTS\nSODIUM CHLORIDE \t7 mg in 1 mL\nSODIUM HYDROXIDE \nHYDROCHLORIC ACID" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "when taking plavix and xarelto blood thinners is it safe to take dilaudid for pain", + "output": "Tell your doctor and pharmacist if you are taking anagrelide (Agrylin); aspirin and other nonsteroidal anti-inflammatory drugs (NSAIDs) such as ibuprofen (Advil, Motrin, others), indomethacin (Indocin, Tivorbex), ketoprofen, and naproxen (Aleve, Anaprox, others); cilostazol (Pletal); clopidogrel (Plavix); dipyridamole (Persantine); eptifibatide (Integrilin); heparin; prasugrel (Effient); ticagrelor (Brilinta); ticlopidine; tirofiban (Aggrastat), and warfarin (Coumadin, Jantoven). If you experience any of the following symptoms, call your doctor immediately: back pain, muscle weakness, numbness or tingling (especially in your legs), loss of control of your bowels or bladder, or inability to move your legs." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "is erythromycin ophthalmic ointment good for inflamed eyelids?", + "output": "For the treatment of superficial ocular infections involving the conjunctiva and/or cornea caused by organisms susceptible to erythromycin." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how should i dilute ceftriaxone injection?", + "output": "Ceftriaxone has been shown to be compatible with Flagyl\u00ae*IV (metronidazole hydrochloride). The concentration should not exceed 5 to 7.5 mg/mL metronidazole hydrochloride with ceftriaxone 10 mg/mL as an admixture. The admixture is stable for 24 hours at room temperature only in 0.9% sodium chloride injection or 5% dextrose in water (D5W). No compatibility studies have been conducted with the Flagyl\u00ae*IV RTU\u00ae or using other diluents. Metronidazole at concentrations greater than 8 mg/mL will precipitate. Do not refrigerate the admixture as precipitation will occur.\n\nVancomycin and fluconazole are physically incompatible with ceftriaxone in admixtures. When either of these drugs is to be administered concomitantly with ceftriaxone by intermittent intravenous infusion, it is recommended that they be given sequentially, with thorough flushing of the intravenous lines (with one of the compatible fluids) between the administrations.\n\nDo not use diluents containing calcium, such as Ringer\u2019s solution or Hartmann\u2019s solution, to reconstitute ceftriaxone for injection. Particulate formation can result.\n\nCeftriaxone solutions should not be physically mixed with or piggybacked into solutions containing other antimicrobial drugs or into diluent solutions other than those listed above, due to possible incompatibility (see WARNINGS)." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "symptoms from taking multiple doses of lasix 40 mg per dayproblems with taking lasix 40mg twice daily ?", + "output": "Furosemide is a strong diuretic ('water pill') and may cause dehydration and electrolyte imbalance. It is important that you take it exactly as told by your doctor. If you experience any of the following symptoms, call your doctor immediately: decreased urination; dry mouth; thirst; nausea; vomiting; weakness; drowsiness; confusion; muscle pain or cramps; or rapid or pounding heartbeats." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how long for allergic reaction after using nivolumab", + "output": "n patients receiving OPDIVO as a single agent, immune-mediated pneumonitis occurred in 3.1% (61/1994) of patients. The median time to onset of immune-mediated pneumonitis was 3.5 months (range: 1 day to 22.3 months). Immune-mediated pneumonitis led to permanent discontinuation of OPDIVO in 1.1%, and withholding of OPDIVO in 1.3% of patients. Approximately 89% of patients with pneumonitis received high-dose corticosteroids (at least 40 mg prednisone equivalents per day) for a median duration of 26 days (range: 1 day to 6 months). Complete resolution of symptoms following corticosteroid taper occurred in 67% of patients. Approximately 8% of patients had recurrence of pneumonitis after re-initiation of OPDIVO." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "where does fluorouracil come from", + "output": "Fluorouracil is a nucleoside metabolic inhibitor that interferes with the synthesis of deoxyribonucleic acid (DNA) and to a lesser extent inhibits the formation of ribonucleic acid (RNA); these affect rapidly growing cells and may lead to cell death." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "where does fluorouracil come from", + "output": "dailymed list of manufacturers" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "chlorpheniramine how long in system", + "output": "Chlorpheniramine has a serum half-life of approximately 20 hours in adults, and elimination from the body is primarily by metabolism to monodesmethyl and didesmethyl compounds. The half-life is increased in the presence of renal dysfunction and decreased in children. The exact mechanism of the presystemic first-pass elimination and the effects of dose levels on the process presently are unclear. Biopharmaceutical and pharmacokinetic studies after single or multiple doses in humans reveal wide interindividual variations in pharmacokinetics. Age, dialysis, urinary pH and flow influence the elimination kinetics of chlorpheniramine." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how long will 6 mgs of suboxone block opiates", + "output": "Comparisons of buprenorphine with full agonists such as methadone and hydromorphone suggest that sublingual buprenorphine produces typical opioid agonist effects which are limited by a ceiling effect.\n\nIn non-dependent subjects, acute sublingual doses of SUBOXONE tablets produced opioid agonist effects, which reached a maximum between doses of 8 mg and 16mg of SUBUTEX. The effects of 16mg SUBOXONE were similar to those produced by 16mg SUBUTEX (buprenorphine alone).\n\nOpioid agonist ceiling effects were also observed in a double-blind, parallel group, dose ranging comparison of single doses of buprenorphine sublingual solution (1, 2, 4, 8, 16, or 32 mg), placebo, and a full agonist control at various doses. The treatments were given in ascending dose order at intervals of at least one week to 16 opioid-experienced, non-dependent subjects. Both drugs produced typical opioid agonist effects. For all the measures for which the drugs produced an effect, buprenorphine produced a dose-related response but, in each case, there was a dose that produced no further effect. In contrast, the highest dose of the full agonist control always produced the greatest effects. Agonist objective rating scores remained elevated for the higher doses of buprenorphine (8-32 mg) longer than for the lower doses and did not return to baseline until 48 hours after drug administrations. The onset of effects appeared more rapidly with buprenorphine than with the full agonist control, with most doses nearing peak effect after 100 minutes for buprenorphine compared to 150 minutes for the full agonist control." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is marijuana?", + "output": "Marijuana is a green, brown, or gray mix of dried, crumbled parts from the marijuana plant. It can be rolled up and smoked like a cigarette or cigar or smoked in a pipe. Sometimes people mix it in food or inhale it using a vaporizer.\n\nMarijuana can cause problems with memory, learning, and behavior. Smoking it can cause some of the same coughing and breathing problems as smoking cigarettes. Some people get addicted to marijuana after using it for a while. It is more likely to happen if they use marijuana every day, or started using it when they were teenagers.\n\nSome states have approved \"medical marijuana\" to ease symptoms of various health problems. The U.S. Food and Drug Administration (FDA) has not approved the marijuana plant as a medicine. However, there have been scientific studies of cannabinoids, the chemicals in marijuana. This has led to two FDA-approved medicines. They contain THC, the active ingredient in marijuana. They treat nausea caused by chemotherapy and increase appetite in patients who have severe weight loss from HIV/AIDS. Scientists are doing more research with marijuana and its ingredients to treat many diseases and conditions." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how is marijuana used", + "output": "Marijuana is best known as a drug that people smoke or eat to get high. It is derived from the plant Cannabis sativa. Possession of marijuana is illegal under federal law. Medical marijuana refers to using marijuana to treat certain medical conditions. In the United States, about half of the states have legalized marijuana for medical use." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how is tocilizumab administered", + "output": "Tocilizumab injection comes as a solution (liquid) to be injected intravenously (into a vein) in your arm by a doctor or nurse in a medical office or hospital outpatient clinic or as a prefilled syringe to inject subcutaneously (under the skin) by yourself at home. When tocilizumab is given intravenously to treat rheumatoid arthritis or polyarticular juvenile idiopathic arthritis, it is usually given once every 4 weeks. When tocilizumab is given intravenously to treat systemic juvenile idiopathic arthritis, it is usually given once every 2 weeks. When tocilizumab is given intravenously to treat cytokine release syndrome, it is usually given once, but up to 3 additional doses may be given at least 8 hours apart. It will take about 1 hour for you to receive your dose of tocilizumab injection intravenously. When tocilizumab is given subcutaneously to treat rheumatoid arthritis or giant cell arteritis, it is usually given once weekly or once every other week.\n\nYou will receive your first subcutaneous dose of tocilizumab injection in your doctor's office. If you will be injecting tocilizumab injection subcutaneously by yourself at home or having a friend or relative inject the medication for you, your doctor will show you or the person who will be injecting the medication how to inject it. You and the person who will be injecting the medication should also read the written instructions for use that come with the medication.\n\nThirty minutes before you are ready to inject tocilizumab injection, you will need to remove the medication from the refrigerator, take it out of its carton, and allow it to reach room temperature. When removing a prefilled syringe from the box, be careful not to touch the trigger fingers on the syringe. Do not try to warm the medication by heating it in a microwave, placing it in warm water, or through any other method.\n\nDo not remove the cap from the prefilled syringe while the medication is warming. You should remove the cap no more than 5 minutes before you inject the medication. Do not replace the cap after you remove it. Do not use the syringe if you drop it on the floor.\n\nCheck the prefilled syringe to be sure that the expiration date printed on the package has not passed, Holding the syringe with the covered needle pointing down, look closely at the liquid in the syringe. The liquid should be clear or pale yellow and should not be cloudy or discolored or contain lumps or particles. Call your pharmacist if there are any problems with the package or the syringe and do not inject the medication.\n\nYou may inject tocilizumab injection on the front of the thighs or anywhere on your stomach except your navel (belly button) and the area 2 inches around it. If another person is injecting your medication, the outer area of the upper arms also may be used. Do not inject the medication into skin that is tender, bruised, red, hard, or not intact, or that has scars, moles, or bruises. Choose a different spot each time you inject the medication, at least 1 inch away from a spot that you have used before. If the full dose is not injected, call your doctor or pharmacist.\n\nDo not reuse tocilizumab prefilled syringes and do not recap the syringes after use. Discard any used syringes in a puncture-resistant container and ask your pharmacist how to throw away the container." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is diclofenac ointment used for", + "output": "Diclofenac topical gel (Voltaren) is used to relieve pain from osteoarthritis (arthritis caused by a breakdown of the lining of the joints) in certain joints such as those of the knees, ankles, feet, elbows, wrists, and hands. Diclofenac topical liquid (Pennsaid) is used to relieve osteoarthritis pain in the knees. Diclofenac is in a class of medications called nonsteroidal anti-inflammatory drugs (NSAIDs). It works by stopping the body's production of a substance that causes pain.\n\nDiclofenac is also available as a 3% gel (Solaraze; generic) that is applied to the skin to treat actinic keratosis (flat, scaly growths on the skin caused by too much sun exposure). This monograph only gives information about diclofenac gel (Voltaren) and liquid (Pennsaid) for osteoarthritis. If you are using diclofenac gel (Solaraze, generic) for actinic keratosis, read the monograph entitled diclofenac topical (actinic keratosis)." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "cephalexin is for what sexual diseases", + "output": "Cephalexin is used to treat certain infections caused by bacteria such as pneumonia and other respiratory tract infections; and infections of the bone, skin, ears, , genital, and urinary tract. Cephalexin is in a class of medications called cephalosporin antibiotics. It works by killing bacteria.\n\nAntibiotics such as cephalexin will not work for colds, flu, or other viral infections. Using antibiotics when they are not needed increases your risk of getting an infection later that resists antibiotic treatment." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is terfenadine", + "output": "Terfenadine is a selective histamine H1-receptor antagonist devoid of central nervous system depressant activity. The drug was used for ALLERGY but withdrawn due to causing LONG QT SYNDROME." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is bisolvon", + "output": "Bromhexine hydrochloride is a hydrochloride resulting from the reaction of equimolar amounts of bromhexine and hydrogen chloride. It is used as a mucolytic for the treatment of respiratory disorders associated with productive cough (i.e. a cough characterised by the production of sputum). It has a role as a mucolytic. It contains a bromhexine(1+)." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "is it safe for a 72 year old to stop taking premarin?", + "output": "Use of estrogen-alone, or in combination with a progestin, should be with the lowest effective dose and for the shortest duration consistent with treatment goals and risks for the individual woman. Postmenopausal women should be re-evaluated periodically as clinically appropriate to determine if treatment is still necessary." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what are the side effects of taking the two medication amlodipine metoprolol together", + "output": "There were six AEs reported in five patients. Peripheral edema 2.97% (3/101) was the most common AE, which was reported in three patients and was related to the study medication, probably to the amlodipine component. All these patients had hemoglobin (Hb) less than 12 g/dL at baseline (one patient had Hb of 11.6 g/dL at baseline, which was 12.1 at end of study and two had 11.7 g/dL which was 11.3 and 12.9 respectively at the end of study). Of these three, one patient had severe peripheral edema and was withdrawn from the study. The patient was followed-up and after a week time peripheral edema was resolved. Peripheral edema of mild and moderate degree was seen in one patient each. In these two patients, edema was resolved and improved respectively. Vertigo, lumbar spondylosis and eosinophilia (considered unlikely due to the study drug), were seen in one patient each and were mild in intensity. Though there were statistically significant changes in sodium, chloride, which showed decrease and blood urea, fasting blood sugar, which were increased, but these were clinically insignificant. Details of laboratory tests are shown in Table 6. The other AEs were of mild severity and not related to the study medication. Table 7 summarizes the AEs." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how soon does losartan affect blood pressure", + "output": "The effect of losartan is substantially present within one week but in some studies the maximal effect occurred in 3 to 6 weeks. In long-term follow-up studies (without placebo control) the effect of losartan appeared to be maintained for up to a year." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how do steroids effect the respiratory system", + "output": "Several efforts have been made to show the beneficial effects of anabolic agents in humans. In malnourished patients suffering from chronic obstructive pulmonary disease (COPD) nandrolone decanoate was beneficial in regaining respiratory muscle strength.74Recent data showed an improvement in expiratory and inspiratory muscle strength following treatment with oxandrolone in patients with tetraplegia.75 This increase in muscle strength was attributed to the observed increase in diaphragm muscle mass and resulted in an increased vital capacity. Basin and co-workers showed a beneficial effect of a high dose of testosterone on fat free body mass, muscle size, and peripheral muscle strength in normal men.76 During the 1970s and 1980s several studies were performed to investigate the additional effects of anabolic steroids on a training programme in healthy athletes. The results of these studies varied from no additional effect on muscle force production and no improvement in aerobic capacity77 78 to a small but significant increase in muscle force." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "why am i so cold taking bystolic b p med", + "output": "Feeling cold is found among people who take Bystolic, especially for people who are female, 60+ old , have been taking the drug for < 1 month, also take medication Nexium, and have Depression. This study is created by eHealthMe based on reports of 11,671 people who have side effects when taking Bystolic from FDA, and is updated regularly." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "pneumococcal vaccine how often", + "output": "CDC recommends routine administration of pneumococcal conjugate vaccine (PCV13 or Prevnar13\u00ae) for all children younger than 2 years of age:\n\nGive PCV13 to infants as a series of 4 doses, one dose at each of these ages: 2 months, 4 months, 6 months, and 12 through 15 months.\nChildren who miss their shots or start the series later should still get the vaccine. The number of doses recommended and the intervals between doses will depend on the child\u2019s age when vaccination begins.\nImmunization Schedules\n\n HCP adult and child schedules\nView current schedules for children, teens, and adults.\n\nCDC recommends pneumococcal vaccination (PCV13 or Prevnar13\u00ae, and PPSV23 or Pneumovax23\u00ae) for all adults 65 years or older:\n\nGive a dose of PCV13 to adults 65 years or older who have not previously received a dose. Then administer a dose of PPSV23 at least 1 year later.\nIf the patient already received one or more doses of PPSV23, give the dose of PCV13 at least 1 year after they received the most recent dose of PPSV23." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "is it alright to use fluticasone when using oxygen", + "output": "Pharmacological therapy can influence morbidity and mortality in severe chronic obstructive pulmonary disease (COPD). Long-term domiciliary oxygen therapy (LTOT) improves survival in COPD with chronic hypoxaemia. Oral steroid medication has been associated with improved survival in men and increased mortality in women, while inhaled steroid medication has been associated with a reduction in the exacerbation rate. We have analysed the relationships between pharmacological therapy including oxygen therapy, sex, performance status and need for hospitalization and mortality in 403 patients with COPD (201 men) after their registration in a national oxygen register for LTOT. The mean value of days spent in hospital per year was 44. An increased need of hospital care was independently predicted by a poor performance status, high age and, in women, orally administered steroid medication. Hospital admissions were significantly longer in the terminal stage of COPD among women receiving oral steroid medication. Increased mortality was predicted by a poor performance status and, in women, oral steroid treatment. Predictors of morbidity and mortality during LTOT were found to coincide. The increased mortality in women receiving oral steroid medication was found to be associated with an increased need of hospital care due to longer hospital stays during the terminal stage of the disease. When analysing effects and side-effects of steroid medication in COPD, the possibility of sex-related differences should be considered." + } + ] + } +] \ No newline at end of file diff --git a/xtuner/MedQA2019-structured-train.jsonl b/xtuner/MedQA2019-structured-train.jsonl new file mode 100644 index 000000000..99066d917 --- /dev/null +++ b/xtuner/MedQA2019-structured-train.jsonl @@ -0,0 +1,4340 @@ +[ + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how does rivatigmine and otc sleep medicine interact", + "output": "tell your doctor and pharmacist what prescription and nonprescription medications, vitamins, nutritional supplements, and herbal products you are taking or plan to take. Be sure to mention any of the following: antihistamines; aspirin and other nonsteroidal anti-inflammatory medications (NSAIDs) such as ibuprofen (Advil, Motrin) and naproxen (Aleve, Naprosyn); bethanechol (Duvoid, Urecholine); ipratropium (Atrovent, in Combivent, DuoNeb); and medications for Alzheimer's disease, glaucoma, irritable bowel disease, motion sickness, ulcers, or urinary problems. Your doctor may need to change the doses of your medications or monitor you carefully for side effects." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how does valium affect the brain", + "output": "Diazepam is a benzodiazepine that exerts anxiolytic, sedative, muscle-relaxant, anticonvulsant and amnestic effects. Most of these effects are thought to result from a facilitation of the action of gamma aminobutyric acid (GABA), an inhibitory neurotransmitter in the central nervous system." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is morphine", + "output": "Morphine is a pain medication of the opiate family which is found naturally in a number of plants and animals.[5][7] It acts directly on the central nervous system (CNS) to decrease the feeling of pain." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what are the milligrams for oxycodone e", + "output": "\u2026 10 mg \u2026 20 mg \u2026 40 mg \u2026 80 mg ..." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "81% aspirin contain resin and shellac in it. ?", + "output": "Inactive Ingredients Ingredient Name" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is desonide ointment used for", + "output": "Desonide is used to treat the redness, swelling, itching, and discomfort of various skin conditions, including psoriasis (a skin disease in which red, scaly patches form on some areas of the body and eczema (a skin disease that causes the skin to be dry and itchy and to sometimes develop red, scaly rashes)." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how soon can tylenol be taken after a cocktail?", + "output": "According to the National Health Service (NHS) in the UK, it is usually safe to drink a small amount of alcohol while taking this pain reliever. ... However, when people take acetaminophen at high doses or together with alcohol, it can cause side effects ranging from minor to severe, with the possibility of fatal liver damage. This risk may be higher for people with alcohol use disorder (AUD), which was previously known as alcoholism.... According to the U.S. National Library of Medicine, taking acetaminophen can be dangerous for people who regularly drink alcohol. Manufacturers currently recommend that people who have more than 3 alcoholic drinks per day should ask their doctor before taking acetaminophen." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "breo inhaler how it works", + "output": "The combination of fluticasone and vilanterol is used to control wheezing, shortness of breath, coughing, and chest tightness caused by asthma and chronic obstructive pulmonary (COPD; a group of diseases that affect the lungs and airways, that includes chronic bronchitis and emphysema). Fluticasone is in a class of medications called steroids. It works by reducing swelling in the airways. Vilanterol is in a class of medications called long-acting beta-agonists (LABAs). It works by relaxing and opening air passages in the lungs, making it easier to breathe." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "breo inhaler how it works", + "output": "To use the inhaler, follow these steps:\n\t1\tIf you will be using a new inhaler for the first time, remove it from the box and the foil wrapper. Fill in the \"Tray opened\" and \"Discard\" blanks on the inhaler label with the date that you opened the pouch and the date 6 weeks later when you must replace the inhaler.\n\t2\tWhen you are ready to inhale your dose, slide the cover down to expose the mouthpiece until it clicks. If you open and close the inhaler without using your dose, you will waste the medication.\n\t3\tThe counter will count down by 1 each time you open the cover. If the counter does not count down, your inhaler will not provide the medicine. If your inhaler does not count down, call your pharmacist or doctor.\n\t4\tHold the inhaler away from your mouth and breathe out as far as you comfortably can. Do not breathe out into the mouthpiece.\n\t5\tPut the mouthpiece between your lips, and close your lips firmly around it. Take a long, steady, deep breath in through your mouth. Do not breathe in through your nose. Be careful not block the air vent with your fingers.\n\t6\tRemove the inhaler from your mouth, and hold your breath for about 3 to 4 seconds or as long as you comfortably can. Breathe out slowly.\n\t7\tYou may or may not taste or feel the medicine released by the inhaler. Even if you do not, do not inhale another dose. If you are not sure you are getting your dose of fluticasone and vilanterol, call your doctor or pharmacist.\n\t8\tYou may clean the mouthpiece with a dry tissue, if needed. Slide the cover up over the mouthpiece as far as it will go to close the inhaler.\n\t9\tRinse your mouth with water, but do not swallow.\nAsk your pharmacist or doctor for a copy of the manufacturer's information for the patient." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "qvar 40mg what is it for", + "output": "QVAR is indicated in the maintenance treatment of asthma as prophylactic therapy in patients 5 years of age and older. QVAR is also indicated for asthma patients who require systemic corticosteroid administration, where adding QVAR may reduce or eliminate the need for the systemic corticosteroids." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "does cyclosporine ophthalmic helps for iritis?", + "output": "This study showed improvement of recurrent anterior uveitis [iritis] in patients while on conventional treatment with cyclosporine A 0.05% compared with conventional treatment alone." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what ingredient in walnut interferes with synthroid drug absorption", + "output": "Dietary fiber: Certain dietary fiber sources can impede absorption of the thyroid hormone replacement medication. Mayo Clinic staff say it is best to avoid dietary fiber in foods like walnuts, soy products, iron supplements and multivitamins containing iron." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is the color of the fluvaastatin pill", + "output": "Product Characteristics Color RED (rust)" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "is penicillin in the pill \"montelukast?\"", + "output": "What are the ingredients in montelukast sodium tablets?\n\nActive ingredient: montelukast sodium, USP\n\nInactive ingredients:\n\n10 mg tablet: croscarmellose sodium, hydroxypropyl cellulose, lactose monohydrate, magnesium stearate, and microcrystalline cellulose. The film coating contains: black iron oxide, hydroxypropyl cellulose, hypromellose, red iron oxide, titanium dioxide, and yellow iron oxide." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "can i take metamucil with \"ciprofloxacin?\"", + "output": "diarrhea is a common problem caused by antibiotics which usually ends when the antibiotic is discontinued. Sometimes after starting treatment with antibiotics, patients can develop watery and bloody stools (with or without stomach cramps and fever) even as late as two or more months after having taken the last dose of the antibiotic. If this occurs, patients should contact their physician as soon as possible.\u00a0" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how long before a meal should lansoprazole be taken", + "output": "Swallow 1 capsule with a glass of water before eating in the morning." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what does using fluorouracil make your face look like", + "output": "The most frequent adverse reactions to Fluorouracil 5% Topical Cream occur locally and are often related to an extension of the pharmacological activity of the drug. These include burning, crusting, allergic contact dermatitis, erosions, erythema, hyperpigmentation, irritation, pain, photosensitivity, pruritus, scarring, rash, soreness and ulceration." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "why did my doctor give me level iracetam", + "output": "Levetiracetam is used in combination with other medications to treat certain types of seizures in adults and children with epilepsy. Levetiracetam is in a class of medications called anticonvulsants. It works by decreasing abnormal excitement in the brain." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "results of stopping terazosin?", + "output": "The effect of withdrawal of terazosin therapy in patients with mild to moderate hypertension was assessed in two double-blind, placebo-controlled studies. All patients had demonstrated a stable blood pressure response to terazosin prior to withdrawal of the drug. Patients were randomly assigned either to continue treatment with terazosin at a previously established dose that had brought blood pressure under control (dose range: 1 to 40 mg daily) or to receive a matching placebo. At the end of a six- or eight-week withdrawal period, placebo-treated patients experienced mean increases of 7.3 and 12.4 mm Hg in supine diastolic blood pressure (studies M81-020 and M81-028 site 1, respectively). These increases were significantly greater than those observed for patients who continued to receive terazosin. Similar results were observed in other blood pressure variables. Withdrawal of terazosin was accompanied by a significant weight loss (2.8 and 3.6 pounds in studies M81-020 and M81-028, respectively). There were no clinically significant changes in pulse rates, physical examinations, laboratory test results, or electrocardiograms. Headache was the most common adverse experience reported by those who received placebo during the drug withdrawal period. These studies demonstrate that withdrawal of terazosin therapy is associated with an increase in supine diastolic blood pressure, often to hypertensive levels, without signs of a withdrawal syndrome." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what meloxicam look like", + "output": "Product Characteristics Color YELLOW (light yellow) Score no score Shape OVAL Size 3mm Imprint Code S160" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "nitroglycerin how often", + "output": "One tablet should be dissolved under the tongue or in the buccal pouch at the first sign of an acute anginal attack. The dose may be repeated approximately every 5 minutes until relief is obtained. If the pain persists after a total of 3 tablets in a 15-minute period, or if the pain is different than is typically experienced, prompt medical attention is recommended. Nitroglycerin may be used prophylactically 5 to 10 minutes prior to engaging in activities that might precipitate an acute attack." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "whate is vitamin c chemicl symple ?", + "output": "Active Ingredient/Active Moiety ... ASCORBIC ACID ..." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is the maximum dose of pregabalin", + "output": "In view of the dose-dependent adverse reactions, treatment with doses above 300 mg/day is not recommended" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how long does marijuana it stay in system", + "output": "The effects of marijuana usually last from 1 to 3 hours, but marijuana can stay in the body for days or even weeks after use. Organs in the body have fatty tissues that absorb the THC in marijuana. In general, standard urine tests can detect THC several days after use. In people who use heavily, however, urine tests can sometimes detect THC for several weeks." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "neupro and ropinirole when is it safe to take", + "output": "Anxiolytics; Sedatives; and Hypnotics: (Moderate) A reduction in the dose of anxiolytics, sedatives, hypnotics and concomitantly administered dopamine agonists with sedative properties (e.g., ropinirole, pramipexole, rotigotine, apomorphine) should be considered to minimize additive sedative effects. In addition, the risk of next-day psychomotor impairment is increased during co-administration, which may decrease the ability to perform tasks requiring full mental alertness such as driving." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "neupro and ropinirole when is it safe to take", + "output": "Switching from oral dopamine agonists to rotigotine: An open-label study of 99 subjects with Parkinson\u2019s disease was conducted in which the subjects, previously treated with 3 to 12mg/day ropinirole with or without levodopa, were converted to treatment with transdermal rotigotine. The following dosage conversion was utilized; 3mg/day ropinirole to 2mg/24 hours rotigotine, 6mg/day ropinirole to 4mg/24 hours rotigotine, 8-9mg/day ropinirole to 6mg/24 hours rotigotine, 12mg/day ropinirole to 8mg/24 hours rotigotine. Patients were instructed to take their last dose of ropinirole in the afternoon or evening, applying a rotigotine patch the next morning upon awakening. Overall this study determined that an overnight switch from ropinirole to rotigotine was generally well tolerated without loss of efficacy." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is prevnar >65", + "output": "The pneumococcal conjugate vaccine (PCV13 or Prevnar 13\u00ae) protects against 13 types of pneumococcal bacteria. CDC recommends PCV13 for use in infants and young children and adults 65 years or older." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how many mg does it take to overdose on oxycodone", + "output": "OXYCODONE HCl CONTROLLED-RELEASE 80 mg and 160 mg Tablets, or a single dose greater than 40 mg, ARE FOR USE IN OPIOID-TOLERANT PATIENTS ONLY. A single dose greater than 40 mg, or total daily doses greater than 80 mg, may cause fatal respiratory depression when administered to patients who are not tolerant to the respiratory depressant effects of opioids." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what medication not to take with lithium", + "output": "What special precautions should I follow?" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "mst drug/?", + "output": "MST\u00aeContinus\u00ae 5 mg, 10 mg, 15 mg, 30 mg, 60 mg, 100 mg and 200 mg prolonged release tablets: Morphine sulfate" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what size doses of metformin are available?", + "output": "Metformin Hydrochloride Tablets, USP ... 500 mg ... 850 mg ... 1000 mg" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "pravastatin s9 orange how many \"grams?\u009d\"", + "output": "No answers" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how long morphine remains in body", + "output": "Morphine takes longer to work than heroin and the effects tend to last longer. Despite this, blood tests can only detect morphine for the first 12 hours after the last dose, and urine tests only work for up to 3 days. However, saliva tests are more effective, being able to detect traces of morphine for up to 4 days. Again, morphine stays in the hair for 90 days." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is the imprint on metoprolol succ., 50 mg", + "output": "50 mg tablets: White, round, coated tablets debossed with Andrx logo and \u201c831\u201d on one side and scored on the other side." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what can take the place of tramadol", + "output": "The American Academy of Pediatrics (AAP) and other pediatric associations and academies have released guidelines on the management of nociceptive pain in children. The top 3 medications\u2019 recommendations in children are paracetamol, ibuprofen, and opioids: non-opioids for mild nociceptive pain; non-opioids + weak opioids for moderate nociceptive pain and non-opioids + strong opioids for severe nociceptive pain. Codeine and tramadol are the only two opioids classified as weak opioids. In most countries, they do not require a restricted medical drug prescription and as \u201cweak\u201d opioids, they are often considered to have a lower potential for adverse drug reactions (ADR) than \u201cstrong\u201d opioids." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how to administer denosumab", + "output": "Denosumab injection comes as a solution (liquid) to be injected subcutaneously (under the skin) in your upper arm, upper thigh, or stomach area. It is usually injected by a doctor or nurse in a medical office or clinic. Denosumab injection (Prolia) is usually given once every 6 months. When denosumab injection (Xgeva) is used to reduce the risk of fractures from multiple myeloma, or cancer that has spread to the bones, it is usually given once every 4 weeks. When denosumab injection (Xgeva) is used to treat giant cell tumor of bone, or high calcium levels caused by cancer, it is usually given every 7 days for the first three doses (on day 1, day 8, and day 15) and then once every 4 weeks starting 2 weeks after the first three doses.\n\nYour doctor will tell you to take supplements of calcium and vitamin D while you are being treated with denosumab injection. Take these supplements exactly as directed.\n\nWhen denosumab injection (Prolia) is used to treat osteoporosis or bone loss, your doctor or pharmacist will give you the manufacturer's patient information sheet (Medication Guide) when you begin treatment with denosumab injection and each time you refill your prescription. Read the information carefully and ask your doctor or pharmacist if you have any questions. You can also visit the Food and Drug Administration (FDA) website (http://www.fda.gov/Drugs/DrugSafety/ucm085729.htm) or the manufacturer's website to obtain the Medication Guide." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is barbiturates", + "output": "Barbiturates are sedative-hypnotic drugs that were once commonly used as sedatives or antianxiety medications. A physician must prescribe barbiturates; otherwise, their use is considered illicit. Among their limited uses, barbiturates are used to manage some seizure disorders as well as for pre-procedural sedation. In rarer instances, they are prescribed for the treatment of headache, anxiety and insomnia. However, their use in most areas of medicine has largely been supplanted by other safer medications. Barbiturates are controlled substances due to the potential they pose for abuse, physical dependence, and addiction. Some of the more common barbiturates include Luminal (phenobarbital). Brevital (methohexital). Seconal (secobarbital). Butisol (butabarbital). Fiorinal (butalbital)." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what are the inactive ingredients to the pneumonia vaccine", + "output": "Inactive Ingredients POLYSORBATE 80 \u2026 ALUMINUM PHOSPHATE" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how to prep and administer insulin", + "output": "Humulin R U-100 may be administered by subcutaneous injection in the abdominal wall, the thigh, the gluteal region or in the upper arm. Subcutaneous injection into the abdominal wall ensures a faster absorption than from other injection sites. Injection into a lifted skin fold minimizes the risk of intramuscular injection. Injection sites should be rotated within the same region. As with all insulin, the duration of action will vary according to the dose, injection site, blood flow, temperature, and level of physical activity. Intravenous administration of Humulin R U-100 is possible under medical supervision with close monitoring of blood glucose and potassium levels to avoid hypoglycemia and hypokalemia. For intravenous use, Humulin R U-100 should be used at concentrations from 0.1 unit/mL to 1 unit/mL in infusion systems with the infusion fluids 0.9% sodium chloride using polyvinyl chloride infusion bags." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is medical marijuana", + "output": "Some states have approved \"medical marijuana\" to ease symptoms of various health problems. The U.S. Food and Drug Administration (FDA) has not approved the marijuana plant as a medicine. However, there have been scientific studies of cannabinoids, the chemicals in marijuana. This has led to two FDA-approved medicines. They contain THC, the active ingredient in marijuana. They treat nausea caused by chemotherapy and increase appetite in patients who have severe weight loss from HIV/AIDS. Scientists are doing more research with marijuana and its ingredients to treat many diseases and conditions." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "clonazepam \".25mg\" lowest dosage?", + "output": "Klonopin Wafers (clonazepam orally disintegrating tablets) are white, round and debossed with the tablet strength \u2026 0.125 mg debossed 1/8 \u2026" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "levaquin treat uti?", + "output": "... Complicated Urinary Tract Infections: ... Acute Pyelonephritis: ... Uncomplicated Urinary Tract Infections" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "vitamin d 25, totalhow much to takea day", + "output": "Currently, there\u2019s scientific debate about how much vitamin D people need each day. The Institute of Medicine, in a long-awaited report released on November 30, 2010 recommends tripling the daily vitamin D intake for children and adults in the U.S. and Canada, to 600 IU per day. (7) The report also recognized the safety of vitamin D by increasing the upper limit from 2,000 to 4,000 IU per day, and acknowledged that even at 4,000 IU per day, there was no good evidence of harm. The new guidelines, however, are overly conservative about the recommended intake, and they do not give enough weight to some of the latest science on vitamin D and health. For bone health and chronic disease prevention, many people are likely to need more vitamin D than even these new government guidelines recommend." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "sickness in humans caused formaldehyde on toys from china?", + "output": "The Uphill Battle to Better Regulate Formaldehyde ... Safety advocates say that tighter restrictions ... are necessary, particularly for products coming from China, where items as varied as toys and Christmas lights have been found to violate American safety standards." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "is cyclobenzaprine a benzodiazepine?", + "output": "Cyclobenzaprine is in a class of medications called skeletal muscle relaxants. It works by acting in the brain and nervous system to allow the muscles to relax. \u2026............ Benzodiazepines (sometimes called \"benzos\") work to calm or sedate a person, by raising the level of the inhibitory neurotransmitter GABA in the brain. Common benzodiazepines include diazepam (Valium), alprazolam (Xanax), and clonazepam (Klonopin), among others." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what does vitamin d3 do", + "output": "Vitamin D helps your body absorb calcium. Calcium is one of the main building blocks of bone. A lack of vitamin D can lead to bone diseases such as osteoporosis or rickets. Vitamin D also has a role in your nerve, muscle, and immune systems." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what drugs contain in estrone injection", + "output": "Estrone, sold under the brand names Estragyn, Kestrin, and Theelin among many others, is an estrogen medication and naturally occurring steroid hormone which has been used in menopausal hormone therapy and for other indications.[5][8][9][10][1][2] It has been available as an aqueous suspension or oil solution that is given by injection into muscle and as a vaginal cream that is applied inside of the vagina.[1][2][3][4] It can also be taken by mouth in the form of estrone sulfate, as in estropipate (piperazine estrone sulfate; Ogen) and conjugated estrogens (Premarin).[11][2][5]" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "can i eat after taking rapaflo?", + "output": "The recommended dose is 8 mg orally once daily with a meal." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how much levothyroxine is needed to treat hashimotos", + "output": "If Hashimoto's disease causes thyroid hormone deficiency, you may need replacement therapy with thyroid hormone. This usually involves daily use of the synthetic thyroid hormone levothyroxine (Levoxyl, Synthroid, others). ... Treatment with levothyroxine is usually lifelong, but because the dosage you need may change, your doctor is likely to check your TSH level about every 12 months." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "can i take tea with azithromycin?", + "output": "tell your doctor and pharmacist what other prescription and nonprescription medications, vitamins, nutritional supplements, and herbal products you are taking or plan to take. Be sure to mention any of the following: anticoagulants ('blood thinners') such as warfarin (Coumadin, Jantoven); cyclosporine (Neoral, Sandimmune); digoxin (Lanoxin); dihydroergotamine (D.H.E. 45, Migranal); ergotamine (Ergomar); medications for irregular heartbeat such as amiodarone (Cordarone, Pacerone), dofetilide (Tikosyn), procainamide (Procanbid), quinidine, and sotalol (Betapace, Sorine); nelfinavir (Viracept); phenytoin (Dilantin); and terfenadine (not available in the U.S.). Your doctor may need to change the doses of your medications or monitor you carefully for side effects.\nif you are taking antacids containing aluminum hydroxide or magnesium hydroxide (Maalox, Mylanta, Tums, others), you will need to allow some time to pass between when you take a dose of these antacids and when you take a dose of azithromycin tablets or liquid. Ask your doctor or pharmacist how many hours before or after you take azithromycin you may take these medications. The extended-release suspension may be taken at any time with antacids." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "vyvanse 10 what is all in this pill is it safe", + "output": "Active Ingredient/Active Moiety LISDEXAMFETAMINE DIMESYLATE (UNII: SJT761GEGS) (LISDEXAMFETAMINE - UNII:H645GUL8KJ) LISDEXAMFETAMINE DIMESYLATE 10 mg Inactive Ingredients MICROCRYSTALLINE CELLULOSE (UNII: OP1R32D61U) CROSCARMELLOSE SODIUM (UNII: M28OL1HH48) MAGNESIUM STEARATE (UNII: 70097M6I30) GELATIN, UNSPECIFIED (UNII: 2G86QN327L) TITANIUM DIOXIDE (UNII: 15FIX9V2JP) FD&C BLUE NO. 1 (UNII: H3R47K3TBD) FERROSOFERRIC OXIDE (UNII: XM0M87F357) FERRIC OXIDE YELLOW (UNII: EX438O2MRT) FD&C RED NO. 3 (UNII: PN2ZH5LOQY) FD&C YELLOW NO. 6" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "vyvanse 10 what is all in this pill is it safe", + "output": "The following adverse reactions are discussed in greater detail in other sections of the labeling:\n\nKnown hypersensitivity to amphetamine products or other ingredients of VYVANSE [see CONTRAINDICATIONS (4)]\nHypertensive Crisis When Used Concomitantly with Monoamine Oxidase Inhibitors [see CONTRAINDICATIONS (4) and DRUG INTERACTIONS (7.1)]\nDrug Dependence [see BOXED WARNING, WARNINGS AND PRECAUTIONS (5.1), and DRUG ABUSE AND DEPENDENCE (9.2, 9.3)]\nSerious Cardiovascular Reactions [see WARNINGS AND PRECAUTIONS (5.2)]\nBlood Pressure and Heart Rate Increases [see WARNINGS AND PRECAUTIONS (5.3)]\nPsychiatric Adverse Reactions [see WARNINGS AND PRECAUTIONS (5.4)]\nSuppression of Growth [see WARNINGS AND PRECAUTIONS (5.5)]\nPeripheral Vasculopathy, including Raynaud's phenomenon [see WARNINGS AND PRECAUTIONS (5.6)]\nSerotonin Syndrome [see WARNINGS AND PRECAUTIONS (5.7)]" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is a high level of troop", + "output": "TrOOP costs are those prescription costs that can be used to calculate when you exit the Donut Hole or Coverage Gap and enter the Catastrophic Coverage stage of your Medicare Part D Coverage. The 2019 plan year Out-of-Pocket Threshold or maximum TrOOP before exiting the Donut Hole is $5,100.00." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is in flomax", + "output": "Active Ingredient/Active Moiety TAMSULOSIN HYDROCHLORIDE (UNII: 11SV1951MR) (tamsulosin - UNII:G3P28OML5I) TAMSULOSIN HYDROCHLORIDE 0.4 mg" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is the class for insulin glargine?", + "output": "DEA Schedule: None" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what medicines raise blood sugar", + "output": "Some medicines for conditions other than diabetes can raise your blood sugar level. This is a concern when you have diabetes. Make sure every doctor you see knows about all of the medicines, vitamins, or herbal supplements you take. This means anything you take with or without a prescription.\n\nExamples include:\n\nBarbiturates.\nThiazide diuretics.\nCorticosteroids.\nBirth control pills (oral contraceptives) and progesterone.\nCatecholamines.\nDecongestants that contain beta-adrenergic agents, such as pseudoephedrine.\nThe B vitamin niacin. The risk of high blood sugar from niacin lowers after you have taken it for a few months.\nThe antipsychotic medicine olanzapine (Zyprexa)." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is metopol tar use", + "output": "Hypertension Metoprolol tartrate tablets are indicated for the treatment of hypertension. They may be used alone or in combination with other antihypertensive agents. Angina Pectoris Metoprolol tartrate tablets are indicated in the long-term treatment of angina pectoris. Myocardial Infarction Metoprolol tartrate tablets are indicated in the treatment of hemodynamically stable patients with definite or suspected acute myocardial infarction to reduce cardiovascular mortality. Treatment with intravenous metoprolol can be initiated as soon as the patient's clinical condition allows (see DOSAGE AND ADMINISTRATION, CONTRAINDICATIONS, and WARNINGS ). Alternatively, treatment can begin within 3 to 10 days of the acute event (see DOSAGE AND ADMINISTRATION)." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "does corticosteroids cause i \"insomnia?\"", + "output": "Psychic derangements may appear when corticosteroids are used, ranging from euphoria, insomnia, mood swings, personality changes, and severe depression, to frank psychotic manifestations. Also, existing emotional instability or psychotic tendencies may be aggravated by corticosteroids." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how reduce cholesterol", + "output": "A healthy lifestyle is the first defense against high cholesterol. But sometimes diet and exercise aren't enough, and you may need to take cholesterol medications. Cholesterol medications might help" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "when is gardasil \"contra indicated?\"", + "output": "Hypersensitivity, including severe allergic reactions to yeast (a vaccine component), or after a previous dose of GARDASIL 9 or GARDASIL [see Description (11)]." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is the classification of cromolyn", + "output": "DEA Schedule: None" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "i take lorazepam, my eyes are blurry, if i stop taking it, will my eyes clear up ?", + "output": "Withdrawal symptoms (e.g., rebound insomnia) can appear following cessation of recommended doses after as little as one week of therapy. Abrupt discontinuation of product should be avoided and a gradual dosage-tapering schedule followed after extended therapy." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how to use thymol", + "output": "Thymol is a phenol obtained from thyme oil or other volatile oils used as a stabilizer in pharmaceutical preparations, and as an antiseptic (antibacterial or antifungal) agent. It was formerly used as a vermifuge." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "is zolpidem a drug?", + "output": "Zolpidem belongs to a class of medications called sedative-hypnotics." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "mercaptopurine can be the cause of elevated bun/ creatinine level?", + "output": "Causes Of Elevated BUN and Creatinine Levels: ... Chemotherapy drugs such as: Cisplatin, Carboplatin, Carmustine, Mitomycin, high-dose Methotrexate." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "when does skin redness start on fluorouracil", + "output": "When Fluorouracil 5% Topical Cream is applied to a lesion, a response occurs with the following sequence: erythema, usually followed by vesiculation, desquamation, erosion and reepithelialization." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how many mgs of colchicine is recommended", + "output": "The dosing regimens for colchicine tablets, USP are different for each indication and must be individualized." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what tier drug is methylphenidate", + "output": "DEA Schedule: CII" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is normal saline", + "output": "physiologic saline solution (physiologic salt solution) (physiologic sodium chloride solution) a 0.9 per cent solution of sodium chloride and water; it is isotonic, i.e., of the same osmotic pressure as blood serum. It is sometimes given intravenously to replace lost sodium and chloride. Excessive quantities may cause edema, elevated blood sodium levels, and loss of potassium from the tissue fluid. Called also normal saline or normal salt solution." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is zostavax for?- consider waiting for a new vaccine coming spring of 2018", + "output": "ZOSTAVAX\u00ae is a live attenuated virus vaccine indicated for prevention of herpes zoster (shingles) in individuals 50 years of age and older. Limitations of Use of ZOSTAVAX: ZOSTAVAX is not indicated for the treatment of zoster or postherpetic neuralgia (PHN). ZOSTAVAX is not indicated for prevention of primary varicella infection (Chickenpox)." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is ciprodex?", + "output": "Ciprofloxacin and dexamethasone otic is used to treat outer ear infections in adults and children and acute (suddenly occurring) middle ear infections in children with ear tubes. Ciprofloxacin is in a class of medications called quinolone antibiotics. Dexamethasone is in a class of medications called corticosteroids. The combination of ciprofloxacin and dexamethasone works by killing the bacteria that cause infection and reducing swelling in the ear." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how often can i get a cortisone shot", + "output": "There's concern that repeated cortisone shots might cause the cartilage within a joint to deteriorate. So doctors typically limit the number of cortisone shots into a joint. In general, you shouldn't get cortisone injections more often than every six weeks and usually not more than three or four times a year." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "why codeine", + "output": "Codeine is used to relieve mild to moderate pain. It is also used, usually in combination with other medications, to reduce coughing. Codeine will help relieve symptoms but will not treat the cause of symptoms or speed recovery. Codeine belongs to a class of medications called opiate (narcotic) analgesics and to a class of medications called antitussives. When codeine is used to treat pain, it works by changing the way the brain and nervous system respond to pain. When codeine is used to reduce coughing, it works by decreasing the activity in the part of the brain that causes coughing." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how to give toradol im", + "output": "When administering ketorolac tromethamine injection, the intravenous bolus must be given over no less than 15 seconds. The intramuscular administration should be given slowly and deeply into the muscle." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "wean off tegretol?", + "output": "As with all antiepileptic drugs, Tegretol should be withdrawn gradually to minimize the potential of increased seizure frequency." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "can you take these tow medications at the same time of day concerta and lexapro?", + "output": "Human pharmacologic studies have shown that methylphenidate may inhibit the metabolism of ... selective serotonin reuptake inhibitors). Downward dose adjustment of these drugs may be required when given concomitantly with methylphenidate. It may be necessary to adjust the dosage and monitor plasma drug concentrations (or, in the case of coumarin, coagulation times), when initiating or discontinuing concomitant methylphenidate." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how long the trichomoniasis take to clear after i take the medicine", + "output": "Most people are prescribed an antibiotic called metronidazole which is very effective if taken correctly. You'll usually have to take metronidazole twice a day, for 5 to 7 days." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what happened if one takes a double does of simvastatin", + "output": "A few cases of overdosage with simvastatin have been reported; the maximum dose taken was 3.6 g. All patients recovered without sequelae. Supportive measures should be taken in the event of an overdose. The dialyzability of simvastatin and its metabolites in man is not known at present." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is antibiotic?", + "output": "any of a large group of chemical substances, as penicillin or streptomycin, produced by various microorganisms and fungi, having the capacity in dilute solutions to inhibit the growth of or to destroy bacteria and other microorganisms, used chiefly in the treatment of infectious diseases." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what kind of rash could pravastatin cause", + "output": "In rare cases, it\u2019s possible to have a serious allergic reaction to pravastatin. ... The warning signs of a serious allergic reaction are: getting a skin rash that may include itchy, red, swollen, blistered or peeling skin" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is ketorolac eye drops", + "output": "Ophthalmic ketorolac is used to treat itchy eyes caused by allergies. It also is used to treat swelling and redness (inflammation) that can occur after cataract surgery. Ketorolac is in a class of medications called nonsteroidal anti-inflammatory drugs (NSAIDs). It works by stopping the release of substances that cause allergy symptoms and inflammation." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how to take your medicine diabetes", + "output": "The medicine you take will vary by your type of diabetes and how well the medicine controls your blood glucose levels, also called blood sugar. Other factors, such as your other health conditions, medication costs, and your daily schedule may play a role in what diabetes medicine you take." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what mg norco comes in", + "output": "... NORCO\u00ae 5/325 ... NORCO\u00ae 7.5/325 ... NORCO\u00ae 10/325 \u2026" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what type of drug is ecstasy", + "output": "3,4-methylenedioxy-methamphetamine (MDMA) is a synthetic drug that alters mood and perception (awareness of surrounding objects and conditions). It is chemically similar to both stimulants and hallucinogens, producing feelings of increased energy, pleasure, emotional warmth, and distorted sensory and time perception." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what are the side effects of valsartan", + "output": "What are the possible side effects of valsartan tablets? \n\nValsartan tablets may cause the following serious side effects: \n\nInjury or death to an unborn baby. See \u201cWhat is the most important information I should know about valsartan tablets?\u201d \n\nLow Blood Pressure (Hypotension). Low blood pressure is most likely to happen if you also take water pills, are on a low-salt diet, get dialysis treatments, have heart problems, or get sick with vomiting or diarrhea. Lie down, if you feel faint or dizzy. Call your doctor right away. \n\nKidney problems. Kidney problems may get worse if you already have kidney disease. Some patients will have changes on blood tests for kidney function and may need a lower dose of valsartan tablets. Call your doctor if you get swelling in your feet, ankles, or hands, or unexplained weight gain. If you have heart failure, your doctor should check your kidney function before prescribing valsartan tablets. \n\nThe most common side effects of valsartan tablets used to treat people with high blood pressure include:\n\nheadache\n\ndizziness\n\nflu symptoms\n\ntiredness\n\nstomach (abdominal) pain\n\nSide effects were generally mild and brief. They generally have not caused patients to stop taking valsartan tablets. \n\nThe most common side effects of valsartan tablets used to treat people with heart failure include:\n\ndizziness\nlow blood pressure\ndiarrhea\njoint and back pain\ntiredness\nhigh blood potassium" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "keflex capsules how supplied", + "output": "Keflex\u00ae Capsules (Cephalexin, USP), are available in:\n\nThe 250 mg capsules are a white powder filled into size 2 capsules (opaque white and opaque dark green) that are imprinted with Keflex 250 mg on the white body in edible black ink. They are available as follows:\n\n \nBottles of 20 NDC 11042-112-97\n \nBottles of 100 NDC 11042-112-96\nThe 333 mg capsules are a white powder filled into size 1 capsules (opaque light green and opaque light green) that are imprinted Keflex 333 mg on the light green body in edible black ink. They are available as follows:\n\n \nBottles of 50 NDC 11042-114-40\nThe 500 mg capsules are a white powder filled into size 0 capsules (opaque light green and opaque dark green) that are imprinted with Keflex 500 mg on the light green body in edible black ink. They are available as follows:\n\n \nBottles of 20 NDC 11042-113-97\n \nBottles of 100 NDC 11042-113-96\nThe 750 mg capsules are a white powder filled into elongated size 00 capsules (opaque dark green and opaque dark green) that are imprinted Keflex 750 mg on the dark green body in edible white ink. They are available as follows:\n\n \nBottles of 50 NDC 11042-115-40" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is nano silver?", + "output": "Silver nanoparticles are added to a variety of textiles and home goods as an antimicrobial. Although silver has been used safely for centuries, some question whether the rapid expansion of new exposure sources to nanosilver could have adverse consequences." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "why to take vicodin", + "output": "Hydrocodone is used to relieve severe pain. Hydrocodone is only used to treat people who are expected to need medication to relieve severe pain around-the-clock for a long time and who cannot be treated with other medications or treatments. Hydrocodone extended-release (long-acting) capsules or extended-release tablets should not be used to treat pain that can be controlled by medication that is taken as needed." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how is cocaine and amphetamine used", + "output": "Cocaine is a type of drug that functions to increase the availability of the neurotransmitter dopamine in the brain. Dopamine is associated with the generation of 'euphoric' emotions, the regulation of movement, and the processing of reward cues. However, it is also associated with a considerable potential for dependence and abuse. Cocaine abuse is related to an increased risk of: Psychiatric disorders. Disease. Death. Cocaine is attractive as a recreational substance due to the perceived positive effects on mood, motivation, and energy. Someone abusing cocaine may smoke, snort, or take it intravenously (via injection)." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how is cocaine and amphetamine used", + "output": "Amphetamines are central nervous system (CNS) stimulants prescribed for the treatment of: Narcolepsy. Hyperactivity, e.g. ADHD. Asthma. For example, two common CNS stimulants, Adderall and Ritalin, are prescribed for hyperactivity disorders and narcolepsy, but are commonly abused. Amphetamines are often abused for their ability to suppress appetite and stave off fatigue. In fact, many people who begin taking amphetamines to lose weight or stay awake, for example to study, get caught in the web of use and abuse." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is classed as a low dose of azathioprine", + "output": "approximately 1 mg/kg (50 to 100 mg) given as a single dose or on a twice-daily schedule" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what does ibuprofen contain. any aspirin?", + "output": "No, ibuprofen does not contain aspirin. Ibuprofen and aspirin are two different types of NSAIDs (non-steroid anti-inflammatory drugs) that can be used to treat similar conditions. Aspirin is also in a family of medicine called salicylates." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how much time before tizanidine takes effect", + "output": "This medication usually starts to work in 1 to 2 hours and wears off after 6 to 8 hours. Tizanidine can be taken every 6 to 8 hours, but you should not take more than 36 milligrams a day or more than 3 doses in 24 hours." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "metoprolol pill how long before it takes affect", + "output": "Metoprolol starts to work after about 2 hours, but it can take up to 1 week to fully take effect. You may not feel any different when you take metoprolol, but this doesn't mean it's not working. It's important to keep taking your medicine." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how do you pronounce humira", + "output": "Hu\u00b7\u200bmira | \\ hy\u00fc-\u02c8mer-\u0259" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how often is a shingles vaccine required?", + "output": "Zostavax is approved by the Food and Drug Administration for people aged 50 years and older. However, CDC does not have a recommendation for routine use of Zostavax in people 50 through 59 years old. Protection from this shingles vaccine lasts about 5 years, so adults vaccinated before they are 60 years old might not be protected later in life when the risk for shingles and its complications are greatest. Adults 50 through 59 years who have questions about shingles vaccine should discuss the risks and benefits with a healthcare provider." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what three trade names were gven inthis chapter for this generic drug about hydrochlorothiazide", + "output": "Esidrix\u00ae\u00b6 Hydrodiuril\u00ae\u00b6 Microzide\u00ae Oretic\u00ae Zide\u00ae\u00b6" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how long can i take miralax", + "output": "Stop use and ask a doctor if ... you need to use a laxative for longer than 1 week" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "is it safe to add peppermint essential oil in \"mouth wash?\"", + "output": "Peppermint oil appears to be safe when taken orally (by mouth) in the doses commonly used. Excessive doses of peppermint oil can be toxic. Possible side effects of peppermint oil include allergic reactions and heartburn. Capsules containing peppermint oil are often enteric-coated to reduce the likelihood of heartburn. If enteric-coated peppermint oil capsules are taken at the same time as antacids, the coating can break down too quickly. Like other essential oils, peppermint oil is highly concentrated. When the undiluted essential oil is used for health purposes, only a few drops are used. Side effects of applying peppermint oil to the skin can include skin rashes and irritation. Peppermint oil should not be applied to the face or chest of infants or young children because serious side effects may occur if they inhale the menthol in the oil. No harmful effects of peppermint leaf tea have been reported. However, the long-term safety of consuming large amounts of peppermint leaf is unknown." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how long on metoprolol after vavle replacement surgery", + "output": "Typically one stays on it for around a month but it can be indefinitely if you have high blood pressure. This is a very benign drug and is very commonly used." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what strength dose triamcinolone come in", + "output": "cream/ointment 0.025% 0.05% 0.1% 0.5%, lotion 0.025% 0.1%, dental paste 0.1%, aerosol solution 0.0147%" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what type of drug is marijuana", + "output": "Cannabis, also known as marijuana among other names,[n 1] is a psychoactive drug from the Cannabis plant used for medical or recreational purposes.[16][17][18] The main psychoactive part of cannabis is tetrahydrocannabinol (THC), one of 483 known compounds in the plant,[19] including at least 65 other cannabinoids.[20] Cannabis can be used by smoking, vaporizing, within food, or as an extract.[21] Cannabis has mental and physical effects such as creating a \"high\" or \"stoned\" feeling, a general change in perception, heightened mood, and an increase in appetite.[21][22]" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how long i take cipro for a urinary tract infection ?", + "output": "Infection Urinary Tract / Acute Uncomplicated 250 mg q 12 h 3 days / Mild/Moderate 250 mg q 12 h 7 to 14 days / Severe/Complicated 500 mg q 12 h 7 to 14 days" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what does the clotrimazole pill look like", + "output": "Product Characteristics Color white Score no score Shape ROUND Size 16mm Imprint Code 54;552" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how long do opioid withdraws last", + "output": "Opioid withdrawal symptoms can last anywhere from one week to one month. The first phase (acute withdrawal) begins about 12 hours after your last opioid use. It peaks at around 3 - 5 days, and lasts for approximately 1 - 4 weeks. The second phase (post-acute withdrawal) can last up to two years. The symptoms include mood swings, anxiety, variable energy, low enthusiasm, variable concentration, and disturbed sleep." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "is herceptin chemo.a drug?", + "output": "Herceptin is not chemotherapy and it is not a hormone therapy. It is called a monoclonal antibody and is one of two innovative cancer therapies that utilise the natural immune system." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what mg is the lowest does of coreg?", + "output": "The white, oval, film\u2011coated tablets are available in the following strengths: \u2022 3.125 mg \u2013 engraved with \u201c39\u201d and \u201cSB\u201d \u2022 6.25 mg \u2013 engraved with \u201c4140\u201d and \u201cSB\u201d \u2022 12.5 mg \u2013 engraved with \u201c4141\u201d and \u201cSB\u201d \u2022 25 mg \u2013 engraved with \u201c4142\u201d and \u201cSB\u201d" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is magnesium chelated good for", + "output": "Chelated magnesium is used as a supplement to maintain adequate magnesium in the body." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how much acetaminophen in acetaminophen and codeine", + "output": "Each Acetaminophen and Codeine Phosphate Tablet USP 300 mg/30 mg tablet contains acetaminophen 300 mg and codeine phosphate 30 mg. \u2026 Each Acetaminophen and Codeine Phosphate Tablet USP 300 mg/60 mg tablet contains acetaminophen 300 mg and codeine phosphate 60 mg." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how do u lower your dosage of gabapentin", + "output": "If the gabapentin dose is reduced, discontinued, or substituted with an alternative medication, this should be done gradually over a minimum of 1 week (a longer period may be needed at the discretion of the prescriber)." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how does a 20 mcg bedford norton transdermal patch compared to say oxycodone what would be the equivalent", + "output": "25 mcg fentanyl/hr = 40 mg oral / 20 mg IV oxycodone [from conversion chart]" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what if meclizine does not work", + "output": "Meclizine is the generic name for the prescription drug called Antivert and the over-the-counter (OTC) medicines known as Dramamine and Bonine. Meclizine is used to treat motion sickness and dizziness.\n\nThe drug belongs to a class of drugs called antihistamines, which are generally used to treat allergies. However, meclizine works a little differently, reducing nausea and muscle spasms." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how long keep patient on chantix", + "output": "Patients should be treated with CHANTIX for 12 weeks. For patients who have successfully stopped smoking at the end of 12 weeks, an additional course of 12 weeks' treatment with CHANTIX is recommended to further increase the likelihood of long-term abstinence." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what drug will cause frequent urination?", + "output": "A number of medications can cause urinary incontinence in men and women. They do this in a variety of different ways." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "has lisinopril been taken off the market?", + "output": "This branded product is no longer on the market. Generic alternatives may be available." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what color are the pills for levodopa carbidopa for \"50/200\" mg extended relief", + "output": "The 50 mg/200 mg tablet is supplied as an oval, scored, biconvex, compressed tablet that is peach to light peach colored." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how long do the side effects last after taking medroxyprogesterone", + "output": "Unanswerable" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how is guanfacine classified", + "output": "Guanfacine is in a class of medications called centrally acting alpha2A-adrenergic receptor agonists." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "hyptotension lexapro?", + "output": "The following additional adverse reactions have been identified from spontaneous reports of escitalopram received worldwide. These adverse reactions have been chosen for inclusion because of a combination of seriousness, frequency of reporting, or potential causal connection to escitalopram and have not been listed elsewhere in labeling. However, because these adverse reactions were reported voluntarily from a population of uncertain size, it is not always possible to reliably estimate their frequency or establish a causal relationship to drug exposure. These events include: ||\nVascular Disorders: deep vein thrombosis, flushing, hypertensive crisis, hypotension, orthostatic hypotension, phlebitis, thrombosis." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how to pronounce chlordiazepoxide", + "output": "pronounced as (klor dye az e pox' ide)" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how do you take clindamycin", + "output": "Adults: Serious infections - 150 to 300 mg every 6 hours. More severe infections - 300 to 450 mg every 6 hours.\n\nPediatric Patients (for children who are able to swallow capsules): Serious infections - 8 to 16 mg/kg/day (4 to 8 mg/lb/day) divided into three or four equal doses. More severe infections - 16 to 20 mg/kg/day (8 to 10 mg/lb/day) divided into three or four equal doses." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "mix salt and hydromorphone what will happen", + "output": "No answers" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what pill is close to the pill hyoscyamine for bloating food to more faster", + "output": "Unanswerable" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "drugs which stimulating brain ?", + "output": "Central nervous system stimulants used for attention deficit disorder, narcolepsy or excessive sleepiness include methylphenidate, atomoxetine, modafinil, armodafinil and the amphetamines. Stimulants that are no longer used for medical conditions, but that are abused, include cocaine and ecstasy or methylenedioxymetamphetamine (MDMA)." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what types of insulin for resistance", + "output": "Insulin sensitizers like Glucophage (Metformin) may be prescribed to help your body use insulin more effectively." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "is restoril additive?", + "output": "RESTORIL is a federal controlled substance (C-IV) because it can be abused or lead to dependence. Keep\nRESTORIL in a safe place to prevent misuse and abuse. Selling or giving away RESTORIL may harm others, and is against the law. Tell your healthcare provider if you have ever abused or been dependent on alcohol, prescription medicines or street drugs." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "vitamin b strong compound is used for what medical condition?", + "output": "For the treatment of clinical and sub-clinical vitamin B deficiency states (manifestations of which include glossitis, stomatitis, cheilosis, the heart manifestations of beriberi, the skin manifestations of pellagra, corneal vascularisation and polyneuritis)." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is the dose for vit b12 tabet?", + "output": "When taken at appropriate doses, vitamin B-12 supplements are generally considered safe. While the recommended daily amount of vitamin B-12 for adults is 2.4 micrograms, you can safely take higher doses. Your body absorbs only as much as it needs, and any excess passes through your urine." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how strong is 360 mg diltiazem", + "output": "Single oral doses of 30 to 120 mg of diltiazem tablets result in detectable plasma levels within 30 to 60 minutes and peak plasma levels 2 to 4 hours after drug administration. As the dose of diltiazem tablets is increased from a daily dose of 120 mg (30 mg qid) to 240 mg (60 mg qid) daily, there is an increase in area-under-the-curve of 2.3 times. When the dose is increased from 240 mg to 360 mg daily, there is an increase in area-under-the-curve of 1.8 times." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is the difference between vitamin b12 1000 geltabs and vitamin b12 shots", + "output": "The clinical evidence-based analysis has found that oral supplementation is as effective as intramuscular injections." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what does spironolactone 25 mg pill look like", + "output": "Spironolactone Tablets USP, 25 mg are white, film-coated, round tablets, debossed \u201cAN\u201d above \u201c511\u201d on one side and plain on other side." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what if i eat grapefruit on simvastatin", + "output": "Certain classes of drugs \u2014 most notably statins \u2014 are metabolized (broken down) in your intestines by an enzyme called CYP3A, which normally reduces the amount of drug that enters your bloodstream. Grapefruit juice contains compounds called furanocoumarins that stop CYP3A from doing its job. As a result, more of the drug is absorbed, making it more powerful than it's meant to be \u2014 even toxic in some cases." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "is losartan gluten free?", + "output": "Unanswerable" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "do i take a statin with or without food \"?\"", + "output": "Read the label on the bottle carefully. Some brands should be taken with food. Others may be taken with, or without food." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "tdap (adacel) 10-64 yrs how often is booster needed", + "output": "Five years should have elapsed since the recipient's last dose of tetanus toxoid, diphtheria toxoid and/or pertussis containing vaccine and the administration of Adacel vaccine." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how long does it take cefuroxime axetil to work", + "output": "You should begin to feel better during the first few days of treatment with cefuroxime. If your symptoms do not improve or get worse, call your doctor. Take cefuroxime until you finish the prescription, even if you feel better. If you stop taking cefuroxime too soon or skip doses, your infection may not be completely treated, and the bacteria may become resistant to antibiotics." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "marijuana how long to steam your system", + "output": "he effects of marijuana usually last from 1 to 3 hours, but marijuana can stay in the body for days or even weeks after use. Organs in the body have fatty tissues that absorb the THC in marijuana. In general, standard urine tests can detect THC several days after use. In people who use heavily, however, urine tests can sometimes detect THC for several weeks." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "do antibiotics like keflex continue working after cessation of drug ?", + "output": "Cephalexin is excreted in the urine by glomerular filtration and tubular secretion. Studies showed that over 90% of the drug was excreted unchanged in the urine within 8 hours." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is the survival rate of opdivo \"&\" yervoy combo treatments", + "output": "The overall survival rate at 3 years was 58% in the nivolumab-plus-ipilimumab group and 52% in the nivolumab group, as compared with 34% in the ipilimumab group." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how many milligrams in tramadol", + "output": "Each tablet, for oral administration contains 50 mg of tramadol hydrochloride and is white in color." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "pain medication how to use", + "output": "Pain medications are safe and effective when used as directed. However, misuse of these products can be extremely harmful and even deadly.\n\nConsumers who take pain relief medications must follow their health care professional's instructions carefully. If a measuring tool is provided with your medicine, use it as directed.\n\nDo not change the dose of your pain relief medication without talking to your doctor first.\n\nAlso, pain medications should never be shared with anyone else. Only your health care professional can decide if a prescription pain medication is safe for someone.\n\nHere are other key points to remember.\n\nWith acetaminophen:\n\nTaking a higher dose than recommended will not provide more relief and can be dangerous.\nToo much can lead to liver damage and death. Risk for liver damage may be increased in people who drink three or more alcoholic beverages a day while using acetaminophen-containing medicines.\nBe cautious when giving acetaminophen to children. Infant drop medications can be significantly stronger than regular children's medications. Read and follow the directions on the label every time you use a medicine. Be sure that your infant is getting the infants' pain formula and your older child is getting the children's pain formula.\n\nWith NSAIDs:\nToo much can cause stomach bleeding. This risk increases in people who are over 60 years of age, are taking prescription blood thinners, are taking steroids, have a history of stomach bleeding or ulcers, and/or have other bleeding problems.\nUse of NSAIDs can also cause kidney damage. This risk may increase in people who are over 60 years of age, are taking a diuretic (a drug that increases the excretion of urine), have high blood pressure, heart disease, or pre-existing kidney disease.\n\nWith opioids:\nUse of opioids can lead to drowsiness. Do not drive or use any machinery that may injure you, especially when you first start the medication.The dose of an opioid pain medication that is safe for you could be high enough to cause an overdose and death in someone else, especially children." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "freezing clotrimazole?", + "output": "store at temperature not exceeding 30\u00b0C (86\u00b0F). Do not freeze." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what does it look like/metoprolol", + "output": "25 mg tablets: White to off-white color, oval shaped, biconvex coated tablets, debossed with \"564\" on one side and break line on the other side.\n\n50 mg tablets: White to off-white color, round shaped, biconvex coated tablets, debossed with \"565\" on one side and break line on the other side.\n\n100 mg tablets: White to off-white color, round shaped, biconvex coated tablets, debossed with \"566\" on one side and break line on other side.\n\n200 mg tablets: White to off-white color, oval shaped, biconvex coated tablets, debossed with \"5\" and \"67\" on either side of break line and plain on the other side." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "is it ok to take a probiotic when taking an antibiotic?", + "output": "Taking probiotics during antibiotic treatment can reduce the risk of diarrhea, although the two should be taken a few hours apart. Probiotics can also help restore the gut bacteria after antibiotics." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how to use ivermectin \"derm gard\" for dog", + "output": "No answers" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "can i take meloxicam along with tylenol + cod?", + "output": "Tylenol (generic Acetaminophen) is commonly used as an adjunct for pain relief in patients with various forms of musculoskeletal pain. While acetaminophen is not an anti-inflammatory agent (like NSAIDS, including Celebrex), it does act on pain pathways. It is important for patients to inform their physicians of breakthrough pain that is requiring the use of any over-the-counter agents as there may need to be increased monitoring for certain possible side effects (increased liver function tests, etc)." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what foods should a person taking warfarin eat", + "output": "Eat a normal, healthy diet. Some foods and beverages, particularly those that contain vitamin K, can affect how warfarin works for you. Ask your doctor or pharmacist for a list of foods that contain vitamin K. Eat consistent amounts of vitamin K-containing food on a week-to-week basis. Do not eat large amounts of leafy, green vegetables or certain vegetable oils that contain large amounts of vitamin K. Be sure to talk to your doctor before you make any changes in your diet. Talk to your doctor about eating grapefruit and drinking grapefruit juice while taking this medication." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "can i take doxepin and prexum together?", + "output": "No answers" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what tramadol pills look like", + "output": "Tramadol Hydrochloride Tablets, 50 mg are available as white, round, film coated tablets, debossed with 466 on one side and WATSON on the other." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what are contraindications for kadian", + "output": "KADIAN is contraindicated in patients with\n\nSignificant respiratory depression\nAcute or severe bronchial asthma in an unmonitored setting or in the absence of resuscitative equipment\nKnown or suspected paralytic ileus\nHypersensitivity (e.g., anaphylaxis) to morphine" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how long is oxycodone expired", + "output": "No answers" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is acebutolol hcl blue pill", + "output": "Acebutolol HCl, USP is a selective, hydrophilic beta-adrenoreceptor blocking agent with mild intrinsic sympathomimetic activity for use in treating patients with hypertension and ventricular arrhythmias. It is marketed in capsule form for oral administration." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "drug therapyof gastritis when taking diclofenac sodium", + "output": "When taken for a long time, painkillers like diclofenac and ibuprofen can lead to ulcers in the stomach and duodenum. But the risk of this happening can be clearly reduced by also taking medication to protect your stomach. || Various medications can lower the risk of getting a peptic ulcer. These include, in particular, drugs called proton pump inhibitors (PPIs) and H2 blockers. Both of these types of drugs reduce the production of stomach acid. In Germany, the most commonly used PPIs are omeprazole and pantoprazole. The H2 blocker that is normally used is ranitidine.\n\nThe hormone-like drug misoprostol is sometimes used too, although less often. One of the things misoprostol does is increase the production of gastric (stomach) mucus, which helps protect the stomach wall. In Germany, misoprostol is available as a combination drug together with the painkiller diclofenac." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "who administers succinylcholine?", + "output": "Succinylcholine should be used only by those skilled in the management of artificial respiration and only when facilities are instantly available for tracheal intubation and for providing adequate ventilation of the patient, including the administration of oxygen under positive pressure and the elimination of carbon dioxide. The clinician must be prepared to assist or control respiration." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "why is vitamin a important to the body", + "output": "Vitamins are substances that your body needs to grow and develop normally. Vitamin A plays a role in your\n\nVision\nBone growth\nReproduction\nCell functions\nImmune system\nVitamin A is an antioxidant. It can come from plant or animal sources. Plant sources include colorful fruits and vegetables. Animal sources include liver and whole milk. Vitamin A is also added to foods like cereals.\n\nVegetarians, young children, and alcoholics may need extra Vitamin A. You might also need more if you have certain conditions, such as liver diseases, cystic fibrosis, and Crohn's disease. Check with your health care provider to see if you need to take vitamin A supplements." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "does benazepril aggravate hepatitis?", + "output": "There have been rare reports of predominantly cholestatic hepatitis and isolated cases of acute liver failure, some of them fatal, in patients on ACE inhibitors. The mechanism is not understood. Patients receiving ACE inhibitors who develop jaundice or marked elevation of hepatic enzymes should discontinue the ACE inhibitor and be kept under medical surveillance." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what type if medicine is pots chloride 10meq er cap pad", + "output": "Potassium chloride is a mineral supplement used to treat or prevent low levels of potassium in the blood." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "latanoprost ophthalmic how long do you use the drops", + "output": "No answers" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how long does oxycontin stay in the urine", + "output": "No answers" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is insulin and glycogen", + "output": "Insulin and glucagon work in what\u2019s called a negative feedback loop. During this process, one event triggers another, which triggers another, and so on, to keep your blood sugar levels balanced.\n\nHow insulin works\nDuring digestion, foods that contain carbohydrates are converted into glucose. Most of this glucose is sent into your bloodstream, causing a rise in blood glucose levels. This increase in blood glucose signals your pancreas to produce insulin.\n\nThe insulin tells cells throughout your body to take in glucose from your bloodstream. As the glucose moves into your cells, your blood glucose levels go down. Some cells use the glucose as energy. Other cells, such as in your liver and muscles, store any excess glucose as a substance called glycogen. Your body uses glycogen for fuel between meals.\n\n||\n\nHow glucagon works\nGlucagon works to counterbalance the actions of insulin.\n\nAbout four to six hours after you eat, the glucose levels in your blood decrease, triggering your pancreas to produce glucagon. This hormone signals your liver and muscle cells to change the stored glycogen back into glucose. These cells then release the glucose into your bloodstream so your other cells can use it for energy.\n\nThis whole feedback loop with insulin and glucagon is constantly in motion. It keeps your blood sugar levels from dipping too low, ensuring that your body has a steady supply of energy." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how xarelto affects in the process of homeostasis", + "output": "XARELTO is a selective inhibitor of FXa. It does not require a cofactor (such as Anti-thrombin III) for activity. Rivaroxaban inhibits free FXa and prothrombinase activity. Rivaroxaban has no direct effect on platelet aggregation, but indirectly inhibits platelet aggregation induced by thrombin. By inhibiting FXa, rivaroxaban decreases thrombin generation." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "amiodarone for \"afib what\" are side effects", + "output": "Amiodarone may cause side effects. Tell your doctor if any of these symptoms are severe or do not go away:\nconstipation\nloss of appetite\nheadache\ndecreased sex drive\ndifficulty falling asleep or staying asleep\nflushing\nchanges in ability to taste and smell\nchanges in amount of saliva\nSome side effects can be serious. If you experience any of the following symptoms, or those listed in the IMPORTANT WARNING section, call your doctor immediately or get emergency medical treatment:\nrash\nweight loss or gain\nrestlessness\nweakness\nnervousness\nirritability\nintolerance to heat or cold\nthinning hair\nexcessive sweating\nchanges in menstrual cycle\nswelling in the front of the neck (goiter)\nswelling of the hands, feet, ankles, or lower legs\nuncontrollable shaking of a part of the body\ndecreased concentration\nmovements that you cannot control\npoor coordination or trouble walking\nnumbness or tingling in the hands, legs, and feet\nmuscle weakness\nAmiodarone may cause other side effects. Call your doctor if you have any unusual problems while taking this medication.\n\nIf you experience a serious side effect, you or your doctor may send a report to the Food and Drug Administration's (FDA) MedWatch Adverse Event Reporting program online (http://www.fda.gov/Safety/MedWatch) or by phone (1-800-332-1088)." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how to combine dapaliflozin with metformin", + "output": "Xigduo\u00ae XR (containing Dapagliflozin, Metformin)" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "why prozac used", + "output": "Fluoxetine (Prozac) is used to treat depression, obsessive-compulsive disorder (bothersome thoughts that won't go away and the need to perform certain actions over and over), some eating disorders, and panic attacks (sudden, unexpected attacks of extreme fear and worry about these attacks)." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "pill form topamax what does it look like", + "output": "TOPAMAX\u00ae (topiramate) Tablets are available as debossed, coated, round tablets in the following strengths and colors:\n\n25 mg cream (debossed \"OMN\" on one side; \"25\" on the other)\n\n50 mg light-yellow (debossed \"OMN\" on one side; \"50\" on the other)\n\n100 mg yellow (debossed \"OMN\" on one side; \"100\" on the other)\n\n200 mg salmon (debossed \"OMN\" on one side; \"200\" on the other)" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what to use with someone in place of morphine or iodine allergies", + "output": "There are a lot of medications available for pain control that are not opioids,\u201d says Dr. Soto, who\u2019s also president of the Michigan Society of Anesthesiologists. Here are several examples:" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what to use with someone in place of morphine or iodine allergies", + "output": "Unfortunately, the amount of iodine in a food isn\u2019t on a food label. It\u2019s not in books or on many web\nsites that list nutrients either. So you can\u2019t easily track iodine like some people track calories or grams\nof fat. Instead, you need to know which foods and ingredients to avoid." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "vitamin d 25, totalhow totakeaday", + "output": "According to the US Institute of Medicine, the recommended daily allowance is 400\u2013800 IU (10\u201320 micrograms), but common supplemental doses range from 1,000\u20132,000 IU (25\u201350 micrograms) per day." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "do ursodiol and coconut oil mix?", + "output": "No answers" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "why would my urine test be negative for benzodiazepines when i take ativan", + "output": "Common limitations exist for screening benzodiazepines when using traditional immunoassay (IA) tests. IA testing for benzodiazepines often targets nordiazepam and oxazepam to measure whether an antibody-antigen response occurs, resulting in a positive or negative test result. Other benzodiazepine compounds are tested for their ability to cross react with the target drug in an IA technique. In other words, low cross-reactivity of other drugs can result in false negatives for the other benzodiazepines. || Some commonly prescribed drugs have limited cross-reactivity. For example, lorazepam and 7-aminoclonazepam, the primary metabolite of clonazepam, have limited cross-reactivity with traditional IAs due to their molecular structures. Therefore, it is not uncommon for a laboratory to obtain a \u201cnegative\u201d IA result for lorazepam and 7-aminoclonazepam that is indeed positive once confirmation testing with a mass spectrometer (MS) is performed." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "can i drink cataflam when i drink medrol;", + "output": "Drug interactions are reported among people who take Medrol and Cataflam together. This study is created by eHealthMe based on reports of 36 people who take Medrol and Cataflam from FDA, and is updated regularly." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how much pain rellief is in fentanyl?", + "output": "Fentanyl has several potential advantages for out-of-hospital analgesia, including rapid onset, short duration, and less histamine release." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is dosage/quetiapine", + "output": "2.1 Schizophrenia \n\nAdults\n\nDose Selection\u2014 SEROQUEL should generally be administered with an initial dose of 25 mg twice daily, with increases in total daily dose of 25 mg - 50 mg divided in two or three doses on the second and third day, as tolerated, to a total dose range of 300 mg to 400 mg daily by the fourth day. Further dosage adjustments, if indicated, should generally occur at intervals of not less than 2 days, as steady-state for SEROQUEL would not be achieved for approximately 1-2 days in the typical patient. When dosage adjustments are necessary, dose increments/decrements of 25 mg - 50 mg divided twice daily are recommended. Most efficacy data with SEROQUEL were obtained using three times daily dosing regimens, but in one controlled trial 225 mg given twice per day was also effective. \n\nEfficacy in schizophrenia was demonstrated in a dose range of 150 mg/day to 750 mg/day in the clinical trials supporting the effectiveness of SEROQUEL. In a dose response study, doses above 300 mg/day were not demonstrated to be more efficacious than the 300 mg/day dose. In other studies, however, doses in the range of 400 mg/day - 500 mg/day appeared to be needed. The safety of doses above 800 mg/day has not been evaluated in clinical trials." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "one dose amoxicillin how many capsule", + "output": "Infection\tSeverity\u2021\tUsual Adult Dose\tUsual Dose for Children >3 months\u00a7 \u03c0\nEar/Nose/Throat\tMild/Moderate\t500 mg every12 hours or 250 mg every 8 hours\t25 mg/kg/day in divided doses every 12 hours or 20 mg/kg/day in divided doses every 8 hours\n \tSevere\t875 mg every 12 hours or 500 mg every 8 hours\t45 mg/kg/day in divided doses every 12 hours or 40 mg/kg/day in divided doses every 8 hours\nLower Respiratory Tract\tMild/Moderate or Severe\t875 mg every 12 hours or 500 mg every 8 hours\t45 mg/kg/day in divided doses every 12 hours or 40 mg/kg/day in divided doses every 8 hours\nSkin/Skin Structure\tMild/Moderate\t500 mg every12 hours or 250 mg every 8 hours\t25 mg/kg/day in divided doses every 12 hours or 20 mg/kg/day in divided doses every 8 hours\n \tSevere\t875 mg every12 hours or 500 mg every 8 hours\t45 mg/kg/day in divided doses every 12 hours or 40 mg/kg/day in divided doses every 8 hours\nGenitourinary Tract\tMild/Moderate\t500 mg every12 hours or 250 mg every 8 hours\t25 mg/kg/day in divided doses every 12 hours or 20 mg/kg/day in divided doses every 8 hours\n \tSevere\t875 mg every12 hours or 500 mg every 8 hours\t45 mg/kg/day in divided doses every 12 hours or 40 mg/kg/day in divided doses every 8 hours\nGonorrhea Acute, uncomplicated ano-genital and urethral infections in males and females\t \t3 grams as single oral dose\tPrepubertal children: 50 mg/kg amoxicillin, combined with 25 mg/kg probenecid as a single dose.NOTE: SINCE PROBENECID IS CONTRAINDICATED IN CHILDREN UNDER 2 YEARS, DO NOT USE THIS REGIMEN IN THESE CASES." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what happens if too much insulin is released into the blood", + "output": "Excess insulin in the bloodstream causes cells in your body to absorb too much glucose (sugar) from your blood. It also causes the liver to release less glucose. These two effects together create dangerously low glucose levels in your blood. This condition is called hypoglycemia. || Mild hypoglycemia\nSymptoms of low blood sugar may include:\n\nsweating and clamminess\nchills\nlightheadedness or dizziness\nmild confusion\nanxiety or nervousness\nshakiness\nrapid heartbeat\nhunger\nirritability\ndouble vision or blurred vision\ntingling in the lips or around the mouth || More severe symptoms of hypoglycemia, sometimes referred to as diabetic shock or insulin shock, include:\n\nconcentration problems\nseizures\nunconsciousness\ndeath" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what type of drug is amphetamine", + "output": "Amphetamine (Adzenys ER, Adzenys XR, Dyanavel XR, Evekeo) is used as part of a treatment program to control symptoms of attention deficit hyperactivity disorder (ADHD; more difficulty focusing, controlling actions, and remaining still or quiet than other people who are the same age) in adults and children. Amphetamine (Evekeo) is used to treat narcolepsy (a sleep disorder that causes excessive daytime sleepiness and sudden attacks of sleep). Amphetamine (Evekeo) is also used for a limited period of time (a few weeks) along with a reduced calorie diet and an exercise plan for weight loss in obese people unable to lose weight. Amphetamine is in a class of medications called central nervous system stimulants. It works by changing the amounts of certain natural substances in the brain." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "blood pressure when on eliquis metropropnal", + "output": "Drug interactions are reported among people who take Eliquis and Metoprolol tartrate together." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "age limits for use of bupropion?", + "output": "It is not known if Bupropion Hydrochloride Extended-release (SR) tablets are safe and effective in children under the age of 18." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how to self inject enoxaparin sodium", + "output": "Remove needle cover by pulling straight off of needle (see FIGURE 1). If adjusting the dose is required, the adjustment must be done prior to injecting the prescribed dose into the patient.\nFigure 1\n\nSee ADMINISTRATION: SUBCUTANEOUS INJECTION TECHNIQUE for a description of the Standard Protocol for administration.\nFigure 2\n\nDepress the plunger while grasping the finger flange until the entire dose has been given. The Passive needle guard should not activate unless the entire dose has been given.\nFigure 3\n\nRemove needle from patient, then let go of the plunger and allow syringe to move up until the entire needle is guarded.\nFigure 4\n\nDispose of syringe/needle guard assembly in approved sharps container.\nFigure 5" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how much is 5ml in cough syrup?", + "output": "A standard dosing teaspoon holds 5ml." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how to come off citalopram", + "output": "If you suddenly stop taking citalopram, you may experience withdrawal symptoms such as mood changes, irritability, agitation, dizziness, numbness, tingling or electric shock-like sensations in the hands or feet, anxiety, confusion, headache, tiredness, nausea, sweating, shaking, and difficulty falling asleep or staying asleep. Do not stop taking citalopram without talking to your doctor. Your doctor will probably decrease your dose gradually." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what type of drug is heroin", + "output": "It's an opioid drug made from morphine, a natural substance in the seedpod of the Asian poppy plant." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "wetting in pants after penicillin shot?", + "output": "Penicillin G benzathine and penicillin G procaine injection may cause side effects." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how to inject insulin", + "output": "Your doctor will tell you which type(s) of insulin to use, how much insulin to use, and how often to inject insulin. Follow these directions carefully. Do not use more or less insulin or use it more often than prescribed by your doctor." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what to do if missed two days of thyroid medications", + "output": "Take the missed dose as soon as you remember it. However, if it is almost time for the next dose, skip the missed dose and continue your regular dosing schedule. Do not take a double dose to make up for a missed one. Tell your doctor if you miss two or more doses of thyroid in a row." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is a biologic", + "output": "Biological products include a wide range of products such as vaccines, blood and blood components, allergenics, somatic cells, gene therapy, tissues, and recombinant therapeutic proteins. Biologics can be composed of sugars, proteins, or nucleic acids or complex combinations of these substances, or may be living entities such as cells and tissues. Biologics are isolated from a variety of natural sources - human, animal, or microorganism - and may be produced by biotechnology methods and other cutting-edge technologies. Gene-based and cellular biologics, for example, often are at the forefront of biomedical research, and may be used to treat a variety of medical conditions for which no other treatments are available." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how to stop taking amlodipine", + "output": "Continue to take amlodipine even if you feel well. Do not stop taking amlodipine without talking to your doctor." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what color is 30mg prednisone", + "output": "Yellow, 9mm, round, flat, tablet, with a score line on one side, imprinted with \u201cA670\u201d on one side and \u201c30\u201d on the other." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how to use ceftriaxone in malaria", + "output": "Ceftriaxone was most commonly prescribed for comorbid malaria with bacterial infections, urinary tract infections, sepsis and gastroenteritis. The appropriateness of the indication was 86% (n = 218). The doses most prescribed were 1g (41%) and 2g (39%). Stat dose and once-daily dosage regimen constituted 51.4% and 84.5%, respectively. The most common duration of treatment was 1 (51.4%) and 2 days (35.1%). The overall appropriateness of prescribing was 93% against a pre-set threshold of 97%." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what his acetaminophen and 8mg phosphate codeline", + "output": "ACETAMINOPHEN AND CODEINE PHOSPHATE- acetaminophen and codeine phosphate tablet" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "do i take a statin with or without food ?", + "output": "Read the label on the bottle carefully. Some brands should be taken with food. Others may be taken with, or without food." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is aldosterone", + "output": "ALD is a hormone made by the adrenal glands. || ALD affects blood pressure and also regulates sodium (salt) and potassium in your blood, among other functions. Too much ALD can contribute to high blood pressure and low potassium levels. It\u2019s known as hyperaldosteronism when your body makes too much ALD." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "why no side affects on hydromorphone listed, yet on reg inet they have a list?", + "output": "Hydromorphone may cause side effects." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "when you stop taking spironolactone do you bleed", + "output": "If you stop taking it suddenly: If you stop taking this drug, you may start retaining water. You may also have a sudden increase in your blood pressure. This can lead to a heart attack or stroke." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how many tums aday", + "output": "\u2022do not take more than 15 tablets in 24 hours\u2022if pregnant do not take more than 10 tablets in 24 hours\u2022do not use the maximum dosage for more than 2 weeks except under the advice and supervision of a doctor" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "remipril compatible with cabergoline?", + "output": "Cabergoline: (Minor) Cabergoline has minimal affinity for adrenergic receptors; however, it has been associated with hypotension in some instances. Cabergoline should be used cautiously in those receiving antihypertensive agents." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what happens when you take lansoprazole long term", + "output": "Bone fractures warning: People who take several doses of this drug per day for one year or longer may have an increased risk of bone fractures. These breaks may be more likely to happen in your hip, wrist, or spine. Talk to your doctor about your risk of bone fractures. You should take this drug exactly as prescribed by your doctor. Your doctor should prescribe the lowest dose possible for your treatment for the shortest amount of time. || Fundic gland polyps warning: Long-term use (especially over one year) of lansoprazole can cause fundic gland polyps. These polyps are growths on the lining of your stomach that can become cancerous. To help prevent these polyps, you should use this drug for as short a time as possible. || Vitamin B-12 deficiency. Using this drug every day for longer than three years can make it harder for your body to absorb vitamin B-12. || Low magnesium levels. Using this drug for three months or longer can decrease your magnesium levels." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how much ethanol alcohol is in 2 puffs of \"proair?\"", + "output": "After 2 puffs (30\u2009s between puffs), breathalyser BAC results were as follows: 0.008% (1\u2009min) and 0 at 2\u2009min" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "can clots still occur when taking rivaroxaban", + "output": "Rivaroxaban works by decreasing the clotting ability of the blood." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how often should you get a zoster vaccine", + "output": "The Centers for Disease Control and Prevention recommends that healthy adults 50 years and older get the Shingrix vaccine. You need two doses of the vaccine, given 2 to 6 months apart. Another vaccine, Zostavax, may be used in certain cases." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what insulin can be mixed with glargine", + "output": "Do not mix with\nother insulins" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is naproxen used for", + "output": "Prescription naproxen is used to relieve pain, tenderness, swelling, and stiffness caused by osteoarthritis (arthritis caused by a breakdown of the lining of the joints), rheumatoid arthritis (arthritis caused by swelling of the lining of the joints), juvenile arthritis (a form of joint disease in children), and ankylosing spondylitis (arthritis that mainly affects the spine). Prescription naproxen tablets, extended-release tablets, and suspension are also used to relieve shoulder pain caused by bursitis (inflammation of a fluid-filled sac in the shoulder joint), tendinitis (inflammation of the tissue that connects muscle to bone), gouty arthritis (attacks of joint pain caused by a build-up of certain substances in the joints), and pain from other causes, including menstrual pain (pain that happens before or during a menstrual period). Nonprescription naproxen is used to reduce fever and to relieve mild pain from headaches, muscle aches, arthritis, menstrual periods, the common cold, toothaches, and backaches. Naproxen is in a class of medications called NSAIDs. It works by stopping the body's production of a substance that causes pain, fever, and inflammation." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "taken off this medicine / how might it affect me? palmarosa?", + "output": "It is most useful during convalescence and cools the body of fever, while aiding the digestive system, helping to clear intestinal infection, digestive atonia and anorexia nervosa. It is effective in relieving sore, stiff muscles." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how does amitriptyline compare to alprazolam", + "output": "In a double-blind randomized study the therapeutic effect and safety of alprazolam was compared with amitriptyline in 81 outpatients suffering from major depression. Variable dosages of both drugs were used, the mean final dose of alprazolam being 3.05 and that of amitriptyline 130 mg. Both treatment groups improved steadily, assessed weekly with the use of the Hamilton Rating Scale for Depression, and no significant differences were found between the groups, either on comparison between single items or total scores. On several of the criteria used for assessment of treatment response, however, more patients responded to amitriptyline than to alprazolam. In an analysis of specific subgroups, patients whose depression was accompanied by retardation, those in whom there were no precipitating factors and those with low levels of anxiety, responded better to amitriptyline. Considerably fewer side effects were reported by patients receiving alprazolam. In particular, there was a significantly lower incidence of dry mouth, light-headedness, tremor and tachycardia in patients receiving alprazolam compared with amitriptyline." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is aldactazide used for", + "output": "The combination of spironolactone and hydrochlorothiazide is used to treat high blood pressure. This medication is also used to treat patients with edema (fluid retention) caused by various conditions, including heart, liver, or kidney disease. Spironolactone is in a class of medications called aldosterone receptor antagonists. It causes the kidneys to eliminate unneeded water and sodium from the body into the urine, but reduces the loss of potassium from the body. Hydrochlorothiazide is in a class of medications called diuretics (''water pills''). It works by causing the kidneys to get rid of unneeded water and salt from the body into the urine." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how does insulin work?", + "output": "Insulin is a hormone that helps glucose get into your cells to give them energy. Without insulin, too much glucose stays in your blood. Over time, high blood glucose can lead to serious problems with your heart, eyes, kidneys, nerves, and gums and teeth." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how to use albuterol oral inhalation demonstration video", + "output": "To inhale the aerosol using an inhaler, follow these steps:\nRemove the protective dust cap from the end of the mouthpiece. If the dust cap was not placed on the mouthpiece, check the mouthpiece for dirt or other objects. Be sure that the canister is fully and firmly inserted in the mouthpiece.\nIf you are using the inhaler for the first time or if you have not used the inhaler in more than 14 days, you will need to prime it. You may also need to prime the inhaler if it has been dropped. Ask your pharmacist or check the manufacturer's information if this happens. To prime the inhaler, shake it well and then press down on the canister 4 times to release 4 sprays into the air, away from your face. Be careful not to get albuterol in your eyes.\nShake the inhaler well.\nBreathe out as completely as possible through your mouth.\nHold the canister with the mouthpiece on the bottom, facing you and the canister pointing upward. Place the open end of the mouthpiece into your mouth. Close your lips tightly around the mouthpiece.\nBreathe in slowly and deeply through the mouthpiece.At the same time, press down once on the container to spray the medication into your mouth.\nTry to hold your breath for 10 seconds. remove the inhaler, and breathe out slowly.\nIf you were told to use 2 puffs, wait 1 minute and then repeat steps 3-7.\nReplace the protective cap on the inhaler.\nClean your inhaler regularly. Follow the manufacturer's directions carefully and ask your doctor or pharmacist if you have any questions about cleaning your inhaler.\nTo inhale the powder using the inhaler, follow these steps. Do not use the Respiclick inhaler with a spacer:\nIf you will be using a new inhaler for the first time, remove it from the foil wrapper. Look at the dose counter at the back of the inhaler and check that you see the number 200 in the window.\nHolding the inhaler upright, with the cap on the bottom and the inhaler pointing upwards, load the dose by opening the protective dust cap at the end of the mouthpiece until it clicks. Do not open the cap unless you are ready to use the inhaler. Every time the protective cap is opened, a dose is ready to inhale. You will see the number in the dose counter go down. Do not waste doses by opening the inhaler unless you are inhaling a dose.\nBreathe out as completely as possible through your mouth. Do not blow or exhale into the inhaler.\nPlace the mouthpiece between your lips well into your mouth. Close your lips tightly around the mouthpiece. Inhale slowly and deeply through your mouth. Do not breath in through your nose. Make sure that your fingers or lips do not block the vent above the mouthpiece.\nRemove the inhaler from your mouth and hold your breath for 10 seconds or as long as you comfortably can. Do not blow or exhale through the inhaler.\nClose the cap firmly over the mouthpiece.\nIf you are to inhale 2 puffs, repeat steps 2-6.\nKeep the inhaler clean and dry at all times. To clean your inhaler, use a clean, dry tissue or cloth. Do not wash or put any part of your inhaler in water.\nTo inhale the solution using a nebulizer, follow these steps;\nRemove one vial of albuterol solution from the foil pouch. Leave the rest of the vials in the pouch until you are ready to use them.\nLook at the liquid in the vial. It should be clear and colorless. Do not use the vial if the liquid is cloudy or discolored.\nTwist off the top of the vial and squeeze all of the liquid into the nebulizer reservoir. If you are using your nebulizer to inhale other medications, ask your doctor or pharmacist if you can place the other medications in the reservoir along with albuterol.\nConnect the nebulizer reservoir to the mouthpiece or face mask.\nConnect the nebulizer to the compressor.\nPlace the mouthpiece in your mouth or put on the face mask. Sit in an upright, comfortable position and turn on the compressor.\nBreathe in calmly, deeply, and evenly for about 5-15 minutes until mist stops forming in the nebulizer chamber.\nClean your nebulizer regularly. Follow the manufacturer's directions carefully and ask your doctor or pharmacist if you have any questions about cleaning your nebulizer." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "gabapentin and pregabalin what is the difference?", + "output": "Lyrica (pregablin) and gabapentin (Neurontin) are anti-epileptic medications used to treat seizures and nerve pain (neuropathic pain).\nGabapentin also is used to treat nerve pain caused by shingles (herpes zoster). || Side effects of gabapentin that are different from Lyrica include:\nDifficulty speaking\nViral infections\nFever\nUnusual eye movements\nJerky movements\n|| Side effects of Lyrica that are different from gabapentin include:\nDry mouth\nConstipation\nSwelling (edema)\nBreast enlargement\nWeight gain" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "why is pyridostigmine prescribed", + "output": "Pyridostigmine is used to decrease muscle weakness resulting from myasthenia gravis." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is highest dose of oxybutynin a person can take", + "output": "Adults\nThe usual dose is one 5-mg tablet two to three times a day. The maximum recommended dose is one 5-mg tablet four times a day. A lower starting dose of 2.5 mg two or three times a day is recommended for the frail elderly.\n\nPediatric patients over 5 years of age\nThe usual dose is one 5-mg tablet two times a day. The maximum recommended dose is one 5-mg tablet three times a day." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is brand name of acetaminophen", + "output": "Acephen Rectal Suppository\u00ae\nFeverall Rectal Suppository\u00ae\nMapap Rectal Suppository\u00ae\nNeopap Supprettes Rectal Suppository\u00ae\nUniserts Rectal Suppository\u00ae\nAceta\u00ae\u00b6\nActamin\u00ae\nAdprin B\u00ae\nAnacin\u00ae\nApacet\u00ae\nApara\u00ae\nApra\u00ae\nConacetol\u00ae\nDolono\u00ae\nFeverall\u00ae\nGenapap\u00ae\nGenebs\u00ae\nGericet\u00ae\nHalenol\u00ae\nInfantaire\u00ae\nLiquiprin\u00ae\nLopap\u00ae\nMapap\u00ae\nMardol\u00ae\nMasophen\u00ae\nMeda Cap\u00ae\nPain-Eze\u00ae\nPanadol\u00ae\nPanex\u00ae\nParamol\u00ae\nPediapap\u00ae\nQ-Pap\u00ae\nRedutemp\u00ae\nRidenol\u00ae\nSilapap\u00ae\nS-T Febrol\u00ae\nTactinal\u00ae\nTempra\u00ae\nT-Panol\u00ae\nTycolene\u00ae\nTylenol\u00ae\nTylophen\u00ae\nUni-Ace\u00ae\nVitapap\u00ae" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "ink 2.3 how much coumadine should one take", + "output": "Take COUMADIN exactly as prescribed. Your healthcare provider will adjust your dose from time to time depending on your response to COUMADIN.\nYou must have regular blood tests and visits with your healthcare provider to monitor your condition.\nIf you miss a dose of COUMADIN, call your healthcare provider. Take the dose as soon as possible on the same day. Do not take a double dose of COUMADIN the next day to make up for a missed dose." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how about the sexual medicine name", + "output": "n/a" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how does spiriva work", + "output": "Tiotropium is in a class of medications called bronchodilators. It works by relaxing and opening the air passages to the lungs to make breathing easier." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "norvasc and depression?", + "output": "The following events occurred in <1% but >0.1% of patients in controlled clinical trials or under conditions of open trials or marketing experience where a causal relationship is uncertain; they are listed to alert the physician to a possible relationship: || Psychiatric: sexual dysfunction (male4 and female), insomnia, nervousness, depression, abnormal dreams, anxiety, depersonalization." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how many days after taking the pill with i start my period", + "output": "Regular menstrual cycles will return within 3 to 6 months after a woman stops using most hormonal birth control methods." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how often zoster zoster vaccine needs to be taken", + "output": "The Centers for Disease Control and Prevention recommends that healthy adults 50 years and older get the Shingrix vaccine. You need two doses of the vaccine, given 2 to 6 months apart. Another vaccine, Zostavax, may be used in certain cases." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is bioflavonoid", + "output": "Bioflavonoids are a group of what are called \u201cpolyphenolic\u201d plant-derived compounds. They\u2019re also called flavonoids. There are between 4,000 and 6,000 different varieties known. Some are used in medicine, supplements, or for other health purposes." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what are the symptoms of a human exposed to boric acid powder", + "output": "The main symptoms of boric acid poisoning are blue-green vomit, diarrhea, and a bright red rash on the skin. Other symptoms may include:\n\u2022SKIN\tMAY BE ABSORBED! Redness. May be absorbed through injured skin.\tProtective gloves.\tRemove contaminated clothes. Rinse and then wash skin with water and soap. Refer for medical attention.\n\u2022EYES\tRedness. Pain.\tSafety spectacles.\tFirst rinse with plenty of water for several minutes (remove contact lenses if easily possible), then take to a doctor.\n\u2022INGESTION\tAbdominal pain. Convulsions. Diarrhoea. Nausea. Vomiting. Skin rash.\tDo not eat, drink, or smoke during work.\tRinse mouth. Refer for medical attention." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "dtap/tdap/td vaccines how often is this due", + "output": "Routine Vaccination of Infants and Children, Adolescents, Pregnant Women, and Adults\nCDC recommends diphtheria, tetanus, and acellular pertussis vaccination (DTaP for those younger than 7 years of age, and Tdap or Td for those 7 years or older) across the lifespan.\n\nInfants and children should receive 5 doses of DTaP, usually administered at 2, 4, and 6 months, 15 through 18 months, and 4 through 6 years of age. DT can be used for infants and children who should not receive acellular pertussis-containing vaccines.\nAdolescents should receive a single dose of Tdap, preferably at 11 to 12 years of age.\nPregnant women should receive a single dose of Tdap during every pregnancy, preferably at 27 through 36 weeks gestation. Tdap is recommended only in the immediate postpartum period before discharge from the hospital or birthing center for new mothers who have never received Tdap before or whose vaccination status is unknown.\nAdults should receive a single dose of Td every 10 years. For adults who did not receive Tdap as an adolescent, a dose of Tdap can replace one of the 10-year Td booster doses. (Note: When feasible, Boostrix\u00ae should be used for adults 65 years and older; however, either vaccine product administered to a person 65 years or older may be used. Providers should not miss an opportunity to vaccinate persons aged 65 years and older with Tdap. Therefore, providers may administer the Tdap vaccine they have available.)" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "who makes this drug nitrofurantoin ?", + "output": "Procter and Gamble Pharmaceuticals, Inc." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is a daily amount of prednisolone eye drops to take", + "output": "Two drops topically in the eye(s) four times daily. In cases of bacterial infections, concomitant use of anti-infective agents is mandatory. Care should be taken not to discontinue therapy prematurely." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "is lyrica the same as gabbentine?", + "output": "Lyrica (pregablin) and gabapentin (Neurontin) are anti-epileptic medications used to treat seizures and nerve pain (neuropathic pain).\nGabapentin also is used to treat nerve pain caused by shingles (herpes zoster). || Side effects of gabapentin that are different from Lyrica include:\nDifficulty speaking\nViral infections\nFever\nUnusual eye movements\nJerky movements\n|| Side effects of Lyrica that are different from gabapentin include:\nDry mouth\nConstipation\nSwelling (edema)\nBreast enlargement\nWeight gain" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how long it takes for withdrawals to go away on oxycodone", + "output": "Withdrawal from oxycodone usually starts within 8-12 hours of taking the drug, and it peaks in the first 72 hours. Symptoms generally subside in about a week, although some of the psychological effects and drug cravings may persist for longer." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is a safe dosage for gabapentin?", + "output": "In adults with postherpetic neuralgia, gabapentin capsules therapy may be initiated as a single 300 mg dose on Day 1, 600 mg/day on Day 2 (divided BID), and 900 mg/day on Day 3 (divided TID). The dose can subsequently be titrated up as needed for pain relief to a daily dose of 1800 mg (divided TID). In clinical studies, efficacy was demonstrated over a range of doses from 1800 mg/day to 3600 mg/day with comparable effects across the dose range. Additional benefit of using doses greater than 1800 mg/day was not demonstrated." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "seniors and premarin?", + "output": "There have not been sufficient numbers of geriatric patients involved in studies utilizing PREMARIN to determine whether those over 65 years of age differ from younger subjects in their response to PREMARIN." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "can mucinex fast-max products be used with other over-the-counter (otc) or prescription medications?", + "output": "Do not use with any other drug containing acetaminophen (prescription or nonprescription).\u00a0" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how opioids reduce pain", + "output": "Opioids bind to and activate opioid receptors on cells located in many areas of the brain, spinal cord, and other organs in the body, especially those involved in feelings of pain and pleasure. When opioids attach to these receptors, they block pain signals sent from the brain to the body and release large amounts of dopamine throughout the body." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how to stop taking buprenorphine", + "output": "The decision to discontinue therapy with buprenorphine and naloxone or buprenorphine after a period of maintenance should be made as part of a comprehensive treatment plan.\u00a0Advise patients of the potential to relapse to illicit drug use following discontinuation of opioid agonist/partial agonist medication-assisted treatment. Taper patients to reduce the occurrence of withdrawal signs and symptoms\u00a0[See Warnings and Precautions (5.7)]." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is the side effect of bp medicine on brain?", + "output": "Cough\n Diarrhea or constipation\n Dizziness or lightheadedness\n Erection problems\n Feeling nervous\n Feeling tired, weak, drowsy, or a lack of energy\n Headache\n Nausea or vomiting\n Skin rash\n Weight loss or gain without trying" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "qvar 40mcg what is it for", + "output": "QVAR\u00ae\u00a0is indicated in the maintenance treatment of asthma as prophylactic therapy in patients 5 years of age and older." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "fentanyl \"patch,\" what if \"doesn't\" stick well", + "output": "If problems with adhesion of the fentanyl transdermal system patch occur, the edges of the patch may be taped with first aid tape. If problems with adhesion persist, the patch may be overlayed with a transparent adhesive film dressing." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what size pill is risedronate", + "output": "12mm" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is in the pill montelukast?", + "output": "MONTELUKAST SODIUM; CROSCARMELLOSE SODIUM; HYDROXYPROPYL CELLULOSE, LOW SUBSTITUTED; LACTOSE MONOHYDRATE; MAGNESIUM STEARATE; CELLULOSE, MICROCRYSTALLINE; FERROSOFERRIC OXIDE; HYPROMELLOSES; FERRIC OXIDE RED; FERRIC OXIDE YELLOW; TITANIUM DIOXIDE" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what meds are in the pill montelukast?", + "output": "ACTIVE INGREDIENT: MONTELUKAST SODIUM\u00a0(UNII: U1O3J18SFL) (MONTELUKAST - UNII:MHM278SD3E)" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how often do you take flu vaccine?", + "output": "Everyone 6 months of age and older should get a flu vaccine every season." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "hyptotension caused by lexapro?", + "output": "Vascular Disorders: deep vein thrombosis, flushing, hypertensive crisis, hypotension, orthostatic hypotension, phlebitis, thrombosis." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how to safely stop fluvoxamine malate", + "output": "Symptoms associated with discontinuation of other SSRIs and SNRIs have been reported (see\u00a0PRECAUTIONS). Patients should be monitored for these symptoms when discontinuing treatment. A gradual reduction in the dose rather than abrupt cessation is recommended whenever possible. If intolerable symptoms occur following a decrease in the dose or upon discontinuation of treatment, then resuming the previously prescribed dose may be considered. Subsequently, the physician may continue decreasing the dose but at a more gradual rate." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "dydrogesterone tablets 10 mg is for what purpose", + "output": "Dydrogesterone, sold under the brand name\u00a0Duphaston\u00a0among others, is a\u00a0progestin\u00a0medication\u00a0which is used for a variety of indications, including\u00a0threatened\u00a0or\u00a0recurrent miscarriage\u00a0during\u00a0pregnancy,\u00a0dysfunctional bleeding,\u00a0infertility\u00a0due to\u00a0luteal insufficiency,\u00a0dysmenorrhea,\u00a0endometriosis, secondary\u00a0amenorrhea,\u00a0irregular cycles,\u00a0premenstrual syndrome, and as a component of\u00a0menopausal hormone therapy." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how often do you need a shingles vaccine", + "output": "The recommended schedule for live shingles vaccine is a single dose for\u00a0adults 60 years of age and older." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how often do you need a shingles vaccine", + "output": "Shingles Vaccine (recombinant) Two doses, 2 to 6 months apart, are recommended for\u00a0adults 50 and older. This vaccine is also recommended for people who have already gotten the live shingles vaccine (Zostavax). There is no live virus in this vaccine." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "when is the best tme to take magnesium citrate tab.", + "output": "It is best to take\u00a0magnesium\u00a0supplements\u00a0with a meal to reduce\u00a0stomach\u00a0upset and\u00a0diarrheaunless otherwise directed by the product instructions or your doctor." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "why did my doctor give me levetiracetam", + "output": "Levetiracetam Extended-release Tablets is indicated as adjunctive therapy in the treatment of partial onset seizures in patients 12 years of age and older with epilepsy." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "hydrochlorothiazide made by unichem is it safe?", + "output": "Accord Healthcare Inc. is voluntarily recalling One lot (Lot PW05264 \u2013 46632 Bottles, NDC 16729-182-01) of Hydrochlorothiazide Tablets USP, 12.5 mg, to the consumer level." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how to use spiriva", + "output": "For oral inhalation only. Do not swallow SPIRIVA capsules, as the intended effects on the lungs will not be obtained. The contents of the SPIRIVA capsules should only be used with the HANDIHALER device\u00a0" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how often should you use a dulera inhaler", + "output": "DULERA should be administered as two inhalations twice daily every day (morning and evening) by the orally inhaled route (see\u00a0PATIENT INSTRUCTIONS FOR USE\u00a0in the Patient Information leaflet)." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what exactly is butalbital", + "output": "Butalbital,\u00a05-allyl-5-isobutylbarbituric acid, is a barbiturate with an intermediate duration of action." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "testosterone over counter?", + "output": "NATURAL TESTOSTERONE- avena sativa. epimedium, lycopodium clavatum, damiana, testosterone, agnus castus spray" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what are beta blockers", + "output": "Beta blockers, also known as beta-adrenergic blocking agents, are medications that reduce your blood pressure. Beta blockers work by blocking the effects of the hormone epinephrine, also known as adrenaline." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "is viagra a treament for cor pulmonale?", + "output": "Sildenafil (Revatio, Viagra) and tadalafil (Cialis, Adcirca) are sometimes used to treat pulmonary hypertension." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "is lasix the only diuretic drug for fluid build up in heart failure patients?", + "output": "Mild congestive heart failure is initially managed with a thiazide diuretic [11]. However, loop diuretics (e.g., furosemide, torsemide, or bumetanide) are the principal drugs used in the treatment of heart failure [22]." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "is lasix the only diuretic drug for fluid build up in heart failure patients?", + "output": "Commonly prescribed include: Furosemide (Lasix), Bumetanide (Bumex), Torsemide (Demadex), Chlorothiazide (Diuril), Amiloride (Midamor Chlorthalidone (Hygroton), Hydrochlorothiazide or HCTZ (Esidrix, Hydrodiuril), Indapamide (Lozol), Metolazone (Zaroxolyn), Triamterene (Dyrenium). What this type of medication does: Causes the body to rid itself of excess fluids and sodium through urination. Helps to relieve the heart's workload. Also decreases the buildup of fluid in the lungs and other parts of the body, such as the ankles and legs. Different diuretics remove fluid at varied rates and through different methods." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what can i do if unusual bruising appears after injecting enoxaparin", + "output": "The local application of cold-hot packs is more effective on reducing bruises following enoxaparin sodium injections when compared with local cold pack application alone" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what effect if take high cholesteron pill", + "output": "If diet and exercise don't reduce your cholesterol levels, you may need to take cholesterol medicine. Often, this medicine is a statin. Statins interfere with the production of cholesterol in your liver. They lower LDL (bad) cholesterol levels and raise HDL (good) cholesterol levels. This can slow the formation of plaques in your arteries." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "will anti viral drugs activate my angio edema condition?", + "output": "[Antiviral] Treatment was discontinued prematurely due to patient-reported adverse effects in 4 (0.8%) patients, including angioedema (n\u2009=\u20091) [0.2%]" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is the length of entecavir treatment", + "output": "The optimal duration of treatment with entecavir tablets for patients with chronic hepatitis B virus infection and the relationship between treatment and long-term outcomes such as cirrhosis and hepatocellular carcinoma are unknown." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how fast does teh medications take to work amlodipine", + "output": "After oral administration of therapeutic doses of amlodipine besylate, absorption produces peak plasma concentrations between 6 and 12 hours." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "are tobacco and nicotine products addictive?", + "output": "Is nicotine addictive? Yes. Most smokers use tobacco regularly because they are addicted to nicotine." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how does sutent affect creatine", + "output": "Among patients receiving sunitinib, the incidence of all grade increased creatinine levels is 12.4% to 65.6%" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how much b-12 is needed in an adult/month", + "output": "Average daily recommended amounts \u2026 Adults 2.4 mcg" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how long does heroin stay in toxicology test", + "output": "Most of the time, heroin is no longer detectable in a person\u2019s urine after just 2 days. However, certain tests have been known to have a positive result for this drug for up to 7 days." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how dangerous is cutting nifedipine er cc tablets", + "output": "Nifedipine Extended-release Tablets should be swallowed whole. Do not chew, divide or crush tablets." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is the normal dose of clindamycin", + "output": "Adults:\u00a0Serious infections\u00a0- 150 to 300 mg every 6 hours. More severe infections - 300 to 450 mg every 6 hours." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how do you pronounce prednisolone", + "output": "\\pred-\u02c8ni-s\u0259-\u02ccl\u014dn\u00a0\u00a0\\" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how to administer insulin", + "output": "Inject NOVOLOG subcutaneously within 5-10 minutes before a meal into the abdominal area, thigh, buttocks or upper arm." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what dosage amounts does aripiprazole", + "output": "The recommended starting and target dose for aripiprazole is 10 mg/day or 15 mg/day administered on a once-a-day schedule without regard to meals. Aripiprazole has been systematically evaluated and shown to be effective in a dose range of 10 mg/day to 30 mg/day, when administered as the tablet formulation; however, doses higher than 10 mg/day or 15 mg/day were not more effective than 10 mg/day or 15 mg/day." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how long does ecstasy or mda leave your body", + "output": "In terms of its metabolism,\u00a0research suggests\u00a0that MDMA taken by mouth reaches its maximal blood concentration in about two hours. As ecstasy is metabolized, it is secreted into the urine and can be present for up to two days." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "can spironolactone e used when talking furosemide", + "output": "The combination product, in a daily dose of 1 or 2 capsules, was found useful and well tolerated in the management of congestive heart failure." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how long should i take dutasteride", + "output": "We strongly recommend that physicians discuss with their patients these potential serious adverse effects of long-term dutasteride therapy prior to instituting this form of treatment." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is in norvasc", + "output": "ACTIVE INGREDIENT-AMLODIPINE BESYLATE; INACTIVE INGREDIENTS-MICROCRYSTALLINE CELLULOSE, ANHYDROUS DIBASIC CALCIUM PHOSPHATE, SODIUM STARCH GLYCOLATE TYPE A POTATO, MAGNESIUM STEARATE" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how soon does losartan afffect blood pressure", + "output": "Hypertension \u2026 Peak (6 hour) effects were uniformly, but moderately, larger than trough effects," + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "tudorza pressair is what schedule drug", + "output": "DEA Schedule: None" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "should metoprolol and lexapro be taken together?", + "output": "Coadministration of Lexapro and metoprolol had no clinically significant effects on blood pressure or heart rate." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what shape is the amlodipine pill", + "output": "DIAMOND (DIAMOND)" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "is dronabinol marijuana how much are ten mg pills worth", + "output": "The cost for dronabinol oral capsule 2.5 mg is around $94 for a supply of 60 capsules, depending on the pharmacy you visit." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "is dronabinol marijuana how much are ten mg pills worth", + "output": "Quantity: 60; Per Unit: $4.68 \u2013 $15.91; Price: $280.99 \u2013 $954.47" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how to wean off calan sr", + "output": "Do not stop taking verapamil without talking to your doctor." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what does memantine look like", + "output": "Color - WHITE, Shape - ROUND, Score - no score, Size - 6mm, Imprint Code - M;103" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what does memantine look like", + "output": "Color - WHITE, Shape - ROUND, Score - no score, Size - 8mm, Imprint Code - M;104" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what does memantine look like", + "output": "Color - ORANGE, Shape - CAPSULE (biconvex), Score - no score, Size - 10mm, Imprint Code - m5" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what does memantine look like", + "output": "Color - GRAY, Shape - CAPSULE (biconvex), Score - no score, Size - 12mm, Imprint Code - m10" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what happens if your child ate a tylenol tablet", + "output": "In case of overdose, get medical help or contact a Poison Control Center right away. (1-800-222-1222) Quick medical attention is critical for adults as well as for children even if you do not notice any signs or symptoms." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "where is heroin originated from", + "output": "Heroin is ... an opioid drug made from morphine, a natural substance in the seedpod of the Asian poppy plant." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "prevnar >65what is this vaccine ?", + "output": "The pneumococcal conjugate vaccine (PCV13 or Prevnar 13\u00ae) protects against 13 types of pneumococcal bacteria. CDC recommends PCV13 for use in infants and young children and adults 65 years or older. Older children and adults younger than 65 years old who are at increased risk for getting pneumococcal disease may also need a dose of PCV13." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what medications contribute to non-alcoholic fatty liver", + "output": "Medications commonly implicated in causing fatty liver include corticosteroids, antidepressant and antipsychotic medications and, most commonly, tamoxifen. In many instances, it is unclear whether the fatty liver disease is a direct result of the medication on the liver or a consequence of weight gain triggered by the medication (as occurs with many antidepressant or antipsychotic medications). Amiodarone and methotrexate are also capable of causing fatty liver disease and hepatic injury that resembles alcoholic hepatitis with fat, lobular disarray, inflammation, Mallory bodies and fibrosis. With these two agents, however, the inflammation and fibrosis generally overshadows the degree of steatosis. Both of these agents can cause fibrosis and cirrhosis." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what mg does lunesta come \"in?\"", + "output": "LUNESTA is available in 1 mg, 2 mg and 3 mg strengths for oral administration." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is fentanyl", + "output": "Fentanyl is in a class of medications called narcotic (opiate) analgesics. It works by changing the way the brain and nervous system respond to pain." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is the reason for having to use heparin after a antibodies fusion", + "output": "Heparin Lock Flush Solution, USP is intended to maintain patency of an indwelling venipuncture device designed for intermittent injection or infusion therapy or blood sampling." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "shingles vaccine , is it necessary to get a 2nd shot?", + "output": "The recommended schedule for live shingles vaccine is a single dose for\u00a0adults 60 years of age and older." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "shingles vaccine , is it necessary to get a 2nd shot?", + "output": "Shingles Vaccine (recombinant) Two doses, 2 to 6 months apart, are recommended for\u00a0adults 50 and older. This vaccine is also recommended for people who have already gotten the live shingles vaccine (Zostavax). There is no live virus in this vaccine." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what drugs case erectile dysfuntion", + "output": "The following is a list of some medicines and drugs that may cause impotence in men. There may be additional drugs other than those on this list that can cause erectile difficulties." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how long does it take to get carbidopa levodopa out of your system", + "output": "When carbidopa and levodopa are administered together, the half-life of levodopa is increased to about 1.5 hours.\u00a0" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "it is latanoprost a cholinergic?", + "output": "Latanoprost ophthalmic is used to treat glaucoma (a condition in which increased pressure in the eye can lead to gradual loss of vision) and ocular hypertension (a condition which causes increased pressure in the eye). Latanoprost is in a class of medications called prostaglandin analogs." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "can you take tamsulosin and ciprofloxacin ?", + "output": "INTERVENTIONS: Ciprofloxacin, 500 mg twice daily; tamsulosin, 0.4 mg once daily; a combination of the 2 drugs; or placebo. ... Treatments also did not differ significantly for any of the secondary outcomes." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "can i drink voltarel or cataflam when i drink medrol", + "output": "Methylprenisolone (oral route) ... Using this medicine with any of the following medicines is usually not recommended, but may be required in some cases. If both medicines are prescribed together, your doctor may change the dose or how often you use one or both of the medicines. \u2026 Diclofenac" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "is oxybutynin an \"opioid?\"", + "output": "OXYBUTYNIN CHLORIDE" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "in how much temp bcg vaccine should store", + "output": "The intact vials of BCG VACCINE should be stored refrigerated at 2-8\u00b0C (36-46\u00b0F)." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how can biotin effect my blood test", + "output": "FDA Warns that Biotin May Affect Some Lab Test Results \u2026" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "pneumococcal vaccine how often?", + "output": "The pneumococcal conjugate vaccine (PCV13 or Prevnar 13\u00ae) protects against 13 types of pneumococcal bacteria. CDC recommends PCV13 for use in infants and young children and adults 65 years or older. Older children and adults younger than 65 years old who are at increased risk for getting pneumococcal disease may also need a dose of PCV13." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "pneumococcal vaccine how often?", + "output": "The pneumococcal polysaccharide vaccine (PPSV23 or Pneumovax\u00ae) protects against 23 types of pneumococcal bacteria. CDC recommends it for all adults 65 years or older and for those 2 years or older at\u00a0increased risk for disease." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how to give diazepam rectal gel", + "output": "1. Put the person having seizures on his/her side in a place where he/she cannot fall.2. Remove the protective cover from the syringe by pushing it up with your thumb and then pulling it off.3. Put lubricating jelly on the rectal tip.4. Turn the person on his/her side facing you, bend his/her upper leg forward, and separate his/her buttocks to expose the rectum.5. Gently insert the syringe tip into the rectum until the rim is snug against the rectal opening.6.Slowly count to 3 while pushing in the plunger until it stops.7. Slowly count to 3 again, and then remove the syringe from the rectum.8. Hold the buttocks together so the gel doesn't leak from the rectum, and slowly count to 3 before letting go.9. Keep the person on his/her side. Take note of what time diazepam rectal gel was given, and continue to watch the person." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "is there an antacid malox?", + "output": "MAALOX ANTACID - aluminum hydroxide, magnesium hydroxide, simethicone liquid\u00a0" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is pepsin", + "output": "Pepsin is a potent enzyme in gastric juice that digests proteins such as those in meat, eggs, seeds, and dairy products\u00a0[12]." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "do i take over the counter calciun with alendronate?", + "output": "Co-administration of alendronate sodium and calcium, antacids, or oral medications containing multivalent cations will interfere with absorption of alendronate sodium. Therefore, instruct patients to wait at least one-half hour after taking alendronate sodium before taking any other oral medications." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "if i am allergic to sufa can i take glipizide?", + "output": "Glipizide is an oral blood-glucose-lowering drug of the sulfonylurea class. \u2026 Glipizide Tablets, USP are contraindicated in patients with: Known hypersensitivity to the drug." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what color is phenytoin", + "output": "PINK" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what color is phenytoin", + "output": "WHITE (/Light Lavender)" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what color is phenytoin", + "output": "ORANGE (/orange)" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what color is phenytoin", + "output": "WHITE" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what are the ingredients in the drug methimazole", + "output": "ACTIVE INGREDIENT: METHIMAZOLE; INACTIVE INGREDIENTS: LACTOSE MONOHYDRATE; MAGNESIUM STEARATE; STARCH, POTATO; TALC" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is xanax", + "output": "XANAX Tablets contain alprazolam which is a triazolo analog of the 1,4 benzodiazepine class of central nervous system-active compounds. The chemical name of alprazolam is 8-Chloro-1-methyl-6-phenyl-4H-s-triazolo [4,3-\u03b1] [1,4] benzodiazepine." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how long should you use anti inflammatory gel", + "output": "Use topical diclofenac (Pennsaid, Voltaren) exactly as directed. Do not use more or less of it or use it more often or for a longer period of time than prescribed by your doctor." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what does hydro coding acet 5-325", + "output": "Hydrocodone bitartrate and acetaminophen tablets are indicated for the relief of moderate to moderately severe pain." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how is tetracycline metabolized?", + "output": "Tetracyclines are readily absorbed and are bound to plasma proteins in varying degrees. They are concentrated by the liver in the bile and excreted in the urine and feces at high concentrations in a biologically active form." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what do percocets look like", + "output": "Color - blue, Shape - ROUND, Score - 2 pieces, Size - 11mm, Imprint Code - PERCOCET;5" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how long is mda or ecstasy take to leave your \"body?\"", + "output": "In terms of its metabolism,\u00a0research suggests\u00a0that MDMA taken by mouth reaches its maximal blood concentration in about two hours. As ecstasy is metabolized, it is secreted into the urine and can be present for up to two days." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how will i feel when taking memantine tablets", + "output": "In double-blind placebo-controlled trials involving dementia patients, the most common adverse reactions (incidence \u2265 5% and higher than placebo) in patients treated with memantine hydrochloride were dizziness, headache, confusion and constipation." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how will i feel when taking memantine tablets", + "output": "Memantine is in a class of medications called NMDA receptor antagonists. It works by decreasing abnormal activity in the brain. Memantine may improve the ability to think and remember or may slow the loss of these abilities in people who have AD. However, memantine will not cure AD or prevent the loss of these abilities at some time in the future." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "blood thinner pills how to use them safely", + "output": "Blood Thinner Pills: Your Guide to Using Them Safely ..." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is coumadin", + "output": "COUMADIN (warfarin sodium) tablets contain warfarin sodium, an anticoagulant that acts by inhibiting vitamin K\u2011dependent coagulation factors. The chemical name of warfarin sodium is 3-(\u03b1-acetonylbenzyl)-4-hydroxycoumarin sodium salt, which is a racemic mixture of the\u00a0R- and\u00a0S-enantiomers.\u00a0" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what help withdrawal \"fom.\" hydrocodone 10 35", + "output": "Narcotics Anonymous (N.A.) assists people who want to stop abusing prescription or illegal drugs. Find a meeting center or online support group by searching for the local helpline or website for the area where the meeting is located." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what are the different strenths of dexamethasone?", + "output": "Dexamethasone Tablets 0.5, 0.75, 1, 1.5, 2, 4 and 6 mg USP, Dexamethasone Oral Solution, 0.5 mg per 5 mL and Dexamethasone\u00a0Intensol\u2122 Oral Solution (Concentrate), 1 mg per mL are for oral administration." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how long can megestrol be taken?", + "output": "At least 2 months of continuous treatment is considered an adequate period for determining the efficacy of megestrol acetate." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what does metformin do", + "output": "Metformin helps to control the amount of glucose (sugar) in your blood. It decreases the amount of glucose you absorb from your food and the amount of glucose made by your liver. Metformin also increases your body's response to insulin, a natural substance that controls the amount of glucose in the blood.\u00a0" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "can you use fluorouracil past expiration date?", + "output": "Do not use Carac after the expiration date on the tube." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is usual infusion time for cetuximab injecetion", + "output": "Administer 400\u00a0mg/m2\u00a0initial dose as a 120-minute intravenous infusion followed by 250\u00a0mg/m2\u00a0weekly infused over 60 minutes." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is streptomycin", + "output": "Streptomycin is an antibiotic produced by the soil actinomycete Streptomyces griseus. It acts by inhibiting the initiation and elongation processes during protein synthesis." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is the drug to drug interation for luvox and quillivant", + "output": "AUGMENTATION OF SELECTIVE serotonin re\u2010uptake inhibitor (SSRI) therapy with methylphenidate is one form of next\u2010step treatment for patients with refractory major depression, especially in elderly patients.1 We present what we believe to be the first reported case of serotonin syndrome induced by augmentation of SSRI with methylphenidate." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "albuterol portable \"nebulizer?\" microtia vibrating mesh nebulizing \"system.\"", + "output": "Evidence suggests that the vibrating mesh nebulizer (VMN) provides 5-fold greater aerosol delivery to the lung as compared to a jet nebulizer (JN)." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what if i quit taking thyroid medicine", + "output": "Thyroid helps control the symptoms of hypothyroidism, but does not cure this condition. It may take up to several weeks before you notice any change in your symptoms. To control the symptoms of hypothyroidism, you probably will need to take thyroid for the rest of your life. Continue to take thyroid even if you feel well. Do not stop taking thyroid without talking to your doctor." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is the highest dose lidocaine comes in", + "output": "Group: local anaesthetic agent\nInjection (hydrochloride): 5 mg/ml (0.5%), 10 mg/ml (1%) in 20-ml ampoule; 10 mg/ml (1%) + epinephrine 5 micrograms/ml (1:200 000) in 20-ml ampoule; 20 mg/ml (2%) + epinephrine 12.5 micrograms/ml (1:80 000) in 2.2-ml cartridge for dental anaesthesia; 50 mg/ml (5%) in 2-ml ampoule to be mixed with 75 mg/ml (7.5%) glucose solution\nTopical forms: 20-40 mg (hydrochloride)/ml (2-4%) as gel or solution" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what drugs contain in testerone injection", + "output": "TESTOSTERONE UNDECANOATE [or] TESTOSTERONE CYPIONATE [or] TESTOSTERONE ENANTHATE" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how to take statins", + "output": "Take your medicine as directed. The medicine comes in tablet or capsule form. DO NOT open capsules, or break or chew tablets, before taking the medicine. You take statins once a day. Some should be taken at night, but others can be taken anytime. They come in different doses, depending on how much you need to lower your cholesterol. DO NOT stop taking your medicine without talking with your provider first. Read the label on the bottle carefully. Some brands should be taken with food. Others may be taken with, or without food. Store all of your medicines in a cool, dry place. Keep them where children cannot get to them. You should follow a healthy diet while taking statins. This includes eating less fat in your diet. Other ways you can help your heart include: Getting regular exercise Managing stress Quitting smoking" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is the therapeutic effect of levaquin", + "output": "Levofloxacin is the L-isomer of the racemate, ofloxacin, a quinolone antimicrobial agent. The antibacterial activity of ofloxacin resides primarily in the L-isomer. The mechanism of action of levofloxacin and other fluoroquinolone antimicrobials involves inhibition of bacterial topoisomerase IV and DNA gyrase (both of which are type II topoisomerases), enzymes required for DNA replication, transcription, repair and recombination." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "is it nessasary to ween off of cymbalta before starting effexor?", + "output": "Switching from one antidepressant to another is frequently indicated due to an inadequate treatment response or unacceptable adverse effects. All antidepressant switches must be carried out cautiously and under close observation. Conservative switching strategies involve gradually tapering the first antidepressant followed by an adequate washout period before the new antidepressant is started. This can take a long time and include periods of no treatment with the risk of potentially life-threatening exacerbations of illness. Clinical expertise is needed for more rapid or cross-taper switching as drug toxicity, including serotonin syndrome, may result from inappropriate co-administration of antidepressants. Some antidepressants must not be combined. Antidepressants can cause withdrawal syndromes if discontinued abruptly after prolonged use. Relapse and exacerbation of depression can also occur. Gradual dose reduction over days to weeks reduces the risk and severity of complications." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what do steroids do to the brain", + "output": "Even though anabolic steroids do not cause the same high as other drugs, they can lead to addiction. Studies have shown that animals will self-administer steroids when they have the chance, just as they do with other addictive drugs. People may continue to abuse steroids despite physical problems, high costs to buy the drugs, and negative effects on their relationships. These behaviors reflect steroids' addictive potential. Research has further found that some steroid users turn to other drugs, such as opioids, to reduce sleep problems and irritability caused by steroids. People who abuse steroids may experience withdrawal symptoms when they stop use, including: mood swings fatigue restlessness loss of appetite sleep problems decreased sex drive steroid cravings One of the more serious withdrawal symptoms is depression, which can sometimes lead to suicide attempts." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "is pramoxine a nsaid?", + "output": "Pramoxine is in a class of medications called topical anesthetics. It works by stopping nerves from sending pain signals." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is in indomethacin", + "output": "ACTIVE INGREDIENT: INDOMETHACIN; INACTIVE INGREDIENTS: FERROSOFERRIC OXIDE;SILICON DIOXIDE;GELATIN;FD&C BLUE NO. 1;FD&C YELLOW NO. 5;MAGNESIUM STEARATE;CELLULOSE, MICROCRYSTALLINE;POWDERED CELLULOSE;SODIUM LAURYL SULFATE;SODIUM STARCH GLYCOLATE TYPE A CORN;TITANIUM DIOXIDE" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is it he ingredients in indomethacin", + "output": "ACTIVE INGREDIENT: INDOMETHACIN; INACTIVE INGREDIENTS: FERROSOFERRIC OXIDE;SILICON DIOXIDE;GELATIN;FD&C BLUE NO. 1;FD&C YELLOW NO. 5;MAGNESIUM STEARATE;CELLULOSE, MICROCRYSTALLINE;POWDERED CELLULOSE;SODIUM LAURYL SULFATE;SODIUM STARCH GLYCOLATE TYPE A CORN;TITANIUM DIOXIDE" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "is peppermint oil safe in mouthwash?", + "output": "Peppermint oil appears to be safe when taken orally (by mouth) in the doses commonly used. Excessive doses of peppermint oil can be toxic. Possible side effects of peppermint oil include allergic reactions and heartburn. Capsules containing peppermint oil are often enteric-coated to reduce the likelihood of heartburn. If enteric-coated peppermint oil capsules are taken at the same time as antacids, the coating can break down too quickly. Like other essential oils, peppermint oil is highly concentrated. When the undiluted essential oil is used for health purposes, only a few drops are used. Side effects of applying peppermint oil to the skin can include skin rashes and irritation. Peppermint oil should not be applied to the face or chest of infants or young children because serious side effects may occur if they inhale the menthol in the oil. No harmful effects of peppermint leaf tea have been reported. However, the long-term safety of consuming large amounts of peppermint leaf is unknown." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how to inject pills morphine", + "output": "MORPHINE SULFATE EXTENDED-RELEASE TABLETS ARE TO BE TAKEN WHOLE, AND ARE NOT TO BE BROKEN, CHEWED OR CRUSHED. TAKING BROKEN, CHEWED OR CRUSHED MORPHINE SULFATE EXTENDED-RELEASE TABLETS COULD LEAD TO THE RAPID RELEASE AND ABSORPTION OF A POTENTIALLY TOXIC DOSE OF MORPHINE." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "metoclopramide how supplied", + "output": "Metoclopramide Tablets, USP:5 mg - Light green, round, unscored tablets in bottles of 100 and 500. Debossed: WPI on one side and 2228 on the other side. 10 mg - White, round, scored tablets in bottles of 100, 500 and 1000. Debossed: WPI on one side and 2229 on the other side." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "metoclopramide how supplied", + "output": "Metoclopramide Injection, USP 5 mg metoclopramide base (as the monohydrochloride monohydrate) per mL; available in:2 mL single use vials (NDC 23155-240-31 ) in cartons of 25 (NDC 23155-240-41 ),10 mL single use vials (NDC 23155-240-32) in cartons of 25 (NDC 23155-240-42),30 mL single use vials (NDC 23155-240-33) in cartons of 25 (NDC 23155-240-43)." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "metoclopramide how supplied", + "output": "XACTDOSE\u2122 Metoclopramide Oral Solution USP, 5 mg/5 mL, is a clear, sugar-free liquid with a butterscotch flavor. Each 5 mL contains 5 mg Metoclopramide (present as the hydrochloride) and is available as follows: NDC 66689-031-50: 10 mg/10 mL unit dose cups, packaged in cartons of 50 (5 trays of 10 unit dose cups each)" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "metoclopramide how supplied", + "output": "Each white to off white, capsule shaped biconvex metoclopramide tablets, USP with \"RF11\" embossed on one side & score line on the other side contains 10 mg of metoclopramide base as metoclopramide hydrochloride, USP. Available in: Bottle of 30 tablets NDC 63304-846-30; Bottle of 100 tablets NDC 63304-846-01; Bottle of 500 tablets NDC 63304-846-05; Bottle of 1000 tablets NDC 63304-846-10. Each white to off white, oval shaped biconvex tablets metoclopramide tablets, USP with \"RF10\" embossed on one side and plain on the other side contains 5 mg of metoclopramide base as metoclopramide hydrochloride, USP. Available in Bottles of 30 tablets NDC 63304-845-30; Bottle of 100 tablets NDC 63304-845-01; Bottle of 500 tablets NDC 63304-845-05; Bottle of 1000 tablets NDC 63304-845-10" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "why finasteride is not allowed by prostate \"cancer?\"", + "output": "Used for symptomatic treatment of BPH and male pattern baldness (i.e., androgenetic alopecia)\nMay decrease risk of low-grade prostate cancer; but, may increase risk of more serious high-grade prostate cancer" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "when teeth have been treated how lon after do yohave to wait to have zoledronic acid injection", + "output": "Routine dental treatment generally should not be modified solely on the basis of oral bisphosphonate therapy. However, patients with possible risk factors for BON may benefit from assessment by an expert in metabolic bone diseases. These risk factors may include concomitant use of estrogen or glucocorticoids, older age (over 65 years) and prolonged use of bisphosphonates." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "are there antibiotics for cold symtoms?", + "output": "The list of ineffective cold remedies is long. Some of the more common ones that don't work include: Antibiotics.\u00a0These attack bacteria, but they're no help against cold viruses." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how many years will the viagra pill be potent", + "output": "Expiration Dates - Questions and Answers \u2026" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how to stop taking xanax", + "output": "Because of the danger of withdrawal, abrupt discontinuation of treatment should be avoided (see\u00a0WARNINGS,\u00a0PRECAUTIONS,\u00a0DRUG ABUSE AND DEPENDENCE). In all patients, dosage should be reduced gradually when discontinuing therapy or when decreasing the daily dosage. Although there are no systematically collected data to support a specific discontinuation schedule, it is suggested that the daily dosage be decreased by no more than 0.5 mg every three days. Some patients may require an even slower dosage reduction. In any case, reduction of dose must be undertaken under close supervision and must be gradual. If significant withdrawal symptoms develop, the previous dosing schedule should be reinstituted and, only after stabilization, should a less rapid schedule of discontinuation be attempted. In a controlled postmarketing discontinuation study of panic disorder patients which compared this recommended taper schedule with a slower taper schedule, no difference was observed between the groups in the proportion of patients who tapered to zero dose; however, the slower schedule was associated with a reduction in symptoms associated with a withdrawal syndrome. It is suggested that the dose be reduced by no more than 0.5 mg every 3 days, with the understanding that some patients may benefit from an even more gradual discontinuation. Some patients may prove resistant to all discontinuation regimens." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what drug reverses the effect of heparin", + "output": "When clinical circumstances (bleeding) require reversal of heparinization, protamine sulfate (1% solution) by slow infusion will neutralize heparin sodium." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what are the active incredience in balsalazide", + "output": "BALSALAZIDE DISODIUM" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "does enalaprilat is used for treat stroke?", + "output": "Enalaprilat injection, USP is indicated for the treatment of hypertension when oral therapy is not practical." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how to group of mebendazole", + "output": "Mebendazole is used to treat several types of worm infections. Mebendazole (Vermox) is used to treat roundworm and whipworm infections. Mebendazole (Emverm) is used to treat pinworm, whipworm, roundworm, and hookworm infections. Mebendazole is in a class of medications called anthelmintics. It works by killing the worms." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "why did my doctor give me levetiracetam what is use for", + "output": "Levetiracetam Extended-release Tablets is indicated as adjunctive therapy in the treatment of partial onset seizures in patients 12 years of age and older with epilepsy." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is divalproex", + "output": "Divalproex sodium USP is a stable co-ordination compound comprised of sodium valproate and valproic acid in a 1:1 molar relationship and formed during the partial neutralization of valproic acid with 0.5 equivalent of sodium hydroxide. Chemically it is designated as sodium hydrogen bis(2-propylpentanoate)." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is divalproex", + "output": "Divalproex sodium delayed-release capsules are indicated as monotherapy and adjunctive therapy in the treatment of adult patients and pediatric patients down to the age of 10 years with complex partial seizures that occur either in isolation or in association with other types of seizures. Divalproex sodium delayed-release capsules are also indicated for use as sole and adjunctive therapy in the treatment of simple and complex absence seizures, and adjunctively in patients with multiple seizure types that include absence seizures.\u00a0" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what medicines should not be taken with gabapentine", + "output": "Although certain medicines should not be used together at all, in other cases two different medicines may be used together even if an interaction might occur. In these cases, your doctor may want to change the dose, or other precautions may be necessary. When you are taking this medicine, it is especially important that your healthcare professional know if you are taking any of the medicines listed below. The following interactions have been selected on the basis of their potential significance and are not necessarily all-inclusive. Using this medicine with any of the following medicines is usually not recommended, but may be required in some cases. If both medicines are prescribed together, your doctor may change the dose or how often you use one or both of the medicines. Calcifediol Orlistat Using this medicine with any of the following medicines may cause an increased risk of certain side effects, but using both drugs may be the best treatment for you. If both medicines are prescribed together, your doctor may change the dose or how often you use one or both of the medicines. Aluminum Carbonate, Basic Aluminum Hydroxide Aluminum Phosphate Dihydroxyaluminum Aminoacetate Dihydroxyaluminum Sodium Carbonate Ginkgo Magaldrate Magnesium Carbonate Magnesium Hydroxide Magnesium Oxide Magnesium Trisilicate Morphine Morphine Sulfate Liposome" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what strengths do valproic acid come in meds come in", + "output": "Valproic Acid Capsules, USP are supplied as 250 mg off-white colored soft gelatin capsules, imprinted with \"U-S 250\", packaged in bottles containing 100." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what strengths do valproic acid come in meds come in", + "output": "Valproic acid is available as a red oral solution containing the equivalent of 250 mg valproic acid per 5 mL as the sodium salt in bottles of 16 ounces." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is the dosage for betamethasone", + "output": "Apply a thin film of Betamethasone Dipropionate Cream or Ointment to the affected skin areas once daily. In some cases, twice daily dosage may be necessary. Apply a few drops of Betamethasone Dipropionate Lotion to the affected skin areas and massage lightly until it disappears. Apply twice daily, in the morning and at night." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "tranexamic acid how fast does it work", + "output": "After a single oral administration of two 650 mg tablets of tranexamic acid, the peak plasma concentration (Cmax) occurred at approximately 3 hours (Tmax). The absolute bioavailability of tranexamic acid tablets in women aged 18-49 is approximately 45%. Following multiple oral doses (two 650 mg tablets three times daily) administration of tranexamic acid tablets for 5 days, the mean Cmax increased by approximately 19% and the mean area under the plasma concentration-time curve (AUC) remained unchanged, compared to a single oral dose administration (two 650 mg tablets). Plasma concentrations reached steady state at the 5th dose of tranexamic acid tablets on Day 2." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "show me the stages of oxycodone 15 milligram hcl", + "output": "Stages of Opiate Withdrawal \u2026" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is asa ec", + "output": "Acetylsalicylic acid [Aspirin] \u2026 Enteric coated tablet \u2026 Asa EC" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "glucosamine make glacoma worst?", + "output": "In general, glucosamine and chondroitin are thought to be safe. However, as with any medication, there are potential risks. ... A small 2013 study found that taking glucosamine may increase the risk of glaucoma, a condition that can threaten vision if not treated." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "when used as a rinse, how big should the amount of lidocaine used", + "output": "Lidocaine viscous comes as a thick liquid and should be shaken well before using. Lidocaine viscous usually is used as needed but not more frequently than every 3 hours, with a maximum of 8 doses in 24 hours. In children under 3 years of age, do not use more frequently than every 3 hours, with a maximum of 4 doses in 12 hours. Follow the directions on your prescription label carefully, and ask your doctor or pharmacist to explain any part you do not understand. Use lidocaine exactly as directed. Do not use more or less of it or use it more often than prescribed by your doctor." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how long does polyethylene glycol stay good", + "output": "Expiration Dates - Questions and Answers \u2026" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what does bumetanide pill look like", + "output": "Color - WHITE (White to off white); Shape - ROUND; Score - 2 pieces; Size - 6mm; Imprint Code - A16" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what does bumetanide pill look like", + "output": "Color - WHITE (White to off white); Shape - ROUND; Score - 2 pieces; Size - 8mm; Imprint Code - AC41" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what does bumetanide pill look like", + "output": "Color - WHITE (White to off white); Shape - ROUND; Score - 2 pieces; Size - 11mm; Imprint Code - AC42" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how to stop using estradiol transdermal system patch", + "output": "There's no limit on how long you can take HRT, but talk to your GP about the duration of treatment they recommend. Most women stop taking it once their menopausal symptoms pass, which is usually after a few years. When you decide to stop, you can choose to do so suddenly or gradually. Gradually decreasing your HRT dose is usually recommended because it's less likely to cause your symptoms to come back in the short term. Contact your GP if you have symptoms that persist for several months after you stop HRT, or if you have particularly severe symptoms. You may need to start HRT again." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how to stop taking bisoprolol", + "output": "Abrupt Cessation of Therapy: Exacerbation of angina pectoris, and, in some instances, myocardial infarction or ventricular arrhythmia, have been observed in patients with coronary artery disease following abrupt cessation of therapy with beta-blockers. Such patients should, therefore, be cautioned against interruption or discontinuation of therapy without the physician's advice. Even in patients without overt coronary artery disease, it may be advisable to taper therapy with BISOPROLOL FUMARATE over approximately one week with the patient under careful observation. If withdrawal symptoms occur, BISOPROLOL FUMARATE therapy should be reinstituted, at least temporarily." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "can i have allergie test when taking methylprednisolone?", + "output": "May suppress reactions to skin tests" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is the difference between gabbentibe lyrica \"?\" for pain", + "output": "Though pregabalin and gabapentin have somewhat similar pharmacokinetic and pharmacodynamic profiles, there are clearly significant differences. Overall, pregabalin has more predictable pharmacokinetics, and it also shows a stronger binding affinity to its target receptor, increased potency, and a steeper dose-response curve in neuropathic pain that does not plateau over recommended dosing levels. A few studies have found that pregabalin has fewer side effects and may be more efficacious for neuropathic pain than gabapentin. Several studies reviewing conversion of gabapentin to pregabalin predict that a rough ratio for conversion is about 6:1 gabapentin to pregabalin. In addition, a direct switch from gabapentin to pregabalin seems to be well tolerated, making the conversion simple. Clinicians should note that pregabalin has various pharmacokinetic and pharmacodynamic advantages over gabapentin, and a conversion between the 2 medications is often well tolerated." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what's different opioid and opium", + "output": "Opioids are a class of drugs naturally found in the opium poppy plant." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "foods to avoid when taking metformin", + "output": "While you do not need to avoid any foods when taking metformin, you may need to limit or avoid alcohol" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is the lowest dose of hydrochlorothiazide", + "output": "For Edema: The usual adult dosage is 25 to 100 mg daily as a single or divided dose." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is the lowest dose of hydrochlorothiazide", + "output": "For Control of Hypertension: The usual initial dose in adults is 25 mg daily given as a single dose." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how to wean off lamotrigine", + "output": "Unless safety concerns require a more rapid withdrawal, the dose of lamotrigine extended-release should be tapered over a period of at least 2 weeks (approximately 50% reduction per week)" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is amphetamine", + "output": "Amphetamines are non-catecholamine, sympathomimetic amines with CNS stimulant activity." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what valacyclovir looks like in color shape", + "output": "Color - blue; Shape - CAPSULE; Score - no score; Size - 17mm; Imprint Code - RX904" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what valacyclovir looks like in color shape", + "output": "Color - blue; Shape - CAPSULE; Score - 2 pieces; Size - 21mm; Imprint Code - RX905" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what valacyclovir looks like in color shape", + "output": "Color - WHITE; Shape - OVAL; Score - no score; Size - 16mm; Imprint Code - 54356" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what valacyclovir looks like in color shape", + "output": "Color - WHITE; Shape - OVAL; Score - 2 pieces; Size - 20mm; Imprint Code - 54518" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "pantoprazole can it be taken \"plavix?\"", + "output": "Avoid concomitant use of Plavix with omeprazole or esomeprazole. In clinical studies, omeprazole was shown to reduce significantly the antiplatelet activity of Plavix when given concomitantly or 12 hours apart. A similar reduction in antiplatelet activity was observed with esomeprazole when given concomitantly with Plavix. Dexlansoprazole, lansoprazole, and pantoprazole had less effect on the antiplatelet activity of Plavix than did omeprazole or esomeprazole" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what the interaction between trimethoprim blood pressure medication", + "output": "Hyperkalemia was first recognized during high-dose trimethoprim\u2013sulfamethoxazole therapy for P. jiroveci, but it is increasingly appreciated as a potential complication at doses usually prescribed. \u2026 Hyperkalemia tends to develop after several days of therapy,32,34 and the risk factors predictably include \u2026 treatment with other drugs that inhibit kaliuresis such as angiotensin-converting enzyme (ACE) inhibitors, angiotensin receptor blockers36 and spironolactone.37 A recent population-based case\u2013control study involving 439 677 patients taking ACE inhibitors or angiotensin receptor blockers found a sevenfold increased risk of hospital admission for hyperkalemia among those taking trimethoprim\u2013sulfamethoxazole compared with those taking other antibiotics used for urinary tract infections.36 We suggest that physicians monitor patients for hyperkalemia following a few days of trimethoprim\u2013sulfamethoxazole treatment at a standard dose, especially patients with impaired renal function, which may include older patients, those with diabetes or AIDS, and those also taking ACE inhibitors, angiotensin receptor blockers or spironolactone." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what antidepressants are best for someone with a heart arrhythmia", + "output": "A research team at Harvard-affiliated Massachusetts General Hospital has verified that several antidepressants may increase the risk of a potentially dangerous heart rhythm disturbance (arrhythmia). By examining the electrocardiograms (ECGs) of more than 38,000 people taking 11 different antidepressants, they confirmed that higher doses of citalopram (Celexa), amitriptyline (Elavil), and escitalopram (Lexapro) were associated with a slight disruption of the electrical function of the heart. This delay as seen on an ECG is known as a prolonged Q-T interval, and it is a risk factor for an arrhythmia that causes sudden death. Although the majority of people with this ECG abnormality never develop an arrhythmia, the researchers cautioned that people taking these antidepressants should discuss the risk with their doctor. The researchers emphasized that no one with a history of arrhythmias should start taking these medications. Instead, such a patient might try one of the antidepressants that do not increase the Q-T interval: fluoxetine (Prozac), paroxetine (Paxil), sertraline (Zoloft), or buproprion (Wellbutrin). The study was published Jan. 29, 2013, in the journal BMJ." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how does it take phentermine to clear a drug screen?", + "output": "Since phentermine has a similar structure to amphetamines, a urine drug screen can test positive for amphetamines. This will signal the need for a confirmatory test, which will then show that it was phentermine and not amphetamine or methamphetamine. The original result will then be ruled a false positive. If you have a prescription for phentermine, you should disclose that to the testing lab so your results can be appropriately interpreted. Phentermine is likely to be detected in the urine for one to four days after a dose, up to 24 hours in the blood, and up to one month in hair tests. The amount of phentermine detected in tests and how long it stays in your system is dependent on a number of factors. These include your age, the dose and how long you've been taking it, and your metabolism. For instance, a person of average build and metabolism can expect phentermine to be present in urine for three to five days. It may be faster for someone of a small build or longer for an older person." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "senna tablets what dose", + "output": "HOW SUPPLIED \u2026 DOSAGE & INDICATIONS ... MAXIMUM DOSAGE ... DOSING CONSIDERATIONS ... ADMINISTRATION \u2026" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what does vitamin a prevent", + "output": "Vitamin A plays a role in your Vision Bone growth Reproduction Cell functions Immune system" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "is 600mg of gabapentin considered a strong dose ? how high in my can it go?", + "output": "In adults with postherpetic neuralgia, gabapentin capsules therapy may be initiated as a single 300 mg dose on Day 1, 600 mg/day on Day 2 (divided BID), and 900 mg/day on Day 3 (divided TID). The dose can subsequently be titrated up as needed for pain relief to a daily dose of 1800 mg (divided TID). In clinical studies, efficacy was demonstrated over a range of doses from 1800 mg/day to 3600 mg/day with comparable effects across the dose range. Additional benefit of using doses greater than 1800 mg/day was not demonstrated." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how is marijuana taken", + "output": "Marijuana is a green, brown, or gray mix of dried, crumbled parts from the marijuana plant. It can be rolled up and smoked like a cigarette or cigar or smoked in a pipe. Sometimes people mix it in food or inhale it using a vaporizer." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is supartz fx for knee", + "output": "SUPARTZ FX (also called a viscosupplement) is a non-surgical, non-pharmacologic therapy for knee osteoarthritis.... SUPARTZ FX therapy is an injectable solution made from highly purified sodium hyaluronate (also known as hyaluronic acid) that is extracted from chicken combs." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "lorcet \"7.5\" liquid whats in this", + "output": "HYDROCODONE BITARTRATE (UNII: NO70W886KK) (HYDROCODONE - UNII:6YKS4Y3WQ7) HYDROCODONE BITARTRATE 7.5 mg in 15 mL" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "motoprolol pill how long before it takes affect", + "output": "In man, absorption of metoprolol is rapid and complete. ... In comparison to conventional metoprolol, the plasma metoprolol levels following administration of metoprolol succinate extended-release tablets are characterized by lower peaks, longer time to peak and significantly lower peak to trough variation." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "famotidine 10 mg?", + "output": "relieves heartburn associated with acid indigestion and sour stomach\nprevents heartburn associated with acid indigestion and sour stomach brought on by eating or drinking certain food and beverages" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "is peppermint oil safe in \"mouth wash?\"", + "output": "Peppermint oil appears to be safe when taken orally (by mouth) in the doses commonly used. Excessive doses of peppermint oil can be toxic. Possible side effects of peppermint oil include allergic reactions and heartburn. Capsules containing peppermint oil are often enteric-coated to reduce the likelihood of heartburn. If enteric-coated peppermint oil capsules are taken at the same time as antacids, the coating can break down too quickly. Like other essential oils, peppermint oil is highly concentrated. When the undiluted essential oil is used for health purposes, only a few drops are used. Side effects of applying peppermint oil to the skin can include skin rashes and irritation. Peppermint oil should not be applied to the face or chest of infants or young children because serious side effects may occur if they inhale the menthol in the oil. No harmful effects of peppermint leaf tea have been reported. However, the long-term safety of consuming large amounts of peppermint leaf is unknown." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "can alprazolam lower blood pressure?", + "output": "Alprazolam is as effective as captopril in lowering BP in ED patients with an initial SBP > 160 mmHg." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what side effects would magnesium have on a woman taking dilantin?", + "output": "Oral administration of MgO in a low dose (500 mg/kg) for 4 weeks in healthy rats appears to exert protective effect against MES. High oral doses of MgO (750 and 1000 mg/kg) appear to enhance the activity of phenytoin and carbamazepine in the MES model." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is acetylcholine how does it work", + "output": "Acetylcholine is the neurotransmitter at neuromuscular junctions, at synapses in the ganglia of the visceral motor system, and at a variety of sites within the central nervous system. Whereas a great deal is known about the function of cholinergic transmission at the neuromuscular junction and at ganglionic synapses, the actions of ACh in the central nervous system are not as well understood." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is acetylcholine how does it work", + "output": "Acetylcholine functions in both the central nervous system (CNS) and the peripheral nervous system (PNS). In the CNS, cholinergic projections from the basal forebrain to the cerebral cortex and hippocampus support the cognitive functions of those target areas. In the PNS, acetylcholine activates muscles and is a major neurotransmitter in the autonomic nervous system." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what are tne side effects of carprofen", + "output": "\u2026 vomiting (4%), diarrhea (4%), changes in appetite (3%), lethargy (1.4%), behavioral changes (1 %), and constipation (0.3%)\u2026." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "lansoprazole long term use?", + "output": "you may repeat a 14-day course every 4 months * do not take for more than 14 days or more often than every 4 months unless directed by a doctor" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is efudex?", + "output": "Efudex Solutions and Cream are topical preparations containing the fluorinated pyrimidine 5-fluorouracil, an antineoplastic antimetabolite." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what medications can induce hypo pigmentation of skin?", + "output": "The most common causes of drug-induced vitiligo are immune-modulating, biologic or targeted medicines. These medicines include: Topical imiquimod Interleukin (IL)-2, IL-4, and interferon Tumour necrosis factor inhibitors: infliximab, adalimumab, and etanercept The programmed death receptor inhibitors, pembrolizumab and nivolumab, used in metastatic melanoma (15% of treated patients develop vitiligo) BRAF inhibitors: vemurafenib and dabrafenib Tyrosine kinase inhibitors: imatinib and gefitinib. Rare cases of drug-induced vitiligo have also been reported from: Topical diphencyprone and squaric acid Anticonvulsants Levodopa Antimalarials such as hydroxychloroquine Other drugs. Note: phenols that cause localised contact leukoderma, such as monobenzyl ether of hydroquinone, paraphenylenediamine and rhododendrol, may also cause generalised vitiligo in rare cases." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "does marijuana use lead to negative health outcomes?", + "output": "Marijuana can cause problems with memory, learning, and behavior. Smoking it can cause some of the same coughing and breathing problems as smoking cigarettes. Some people get addicted to marijuana after using it for a while. It is more likely to happen if they use marijuana every day, or started using it when they were teenagers." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is salonpas made of", + "output": "SALONPAS- camphor, menthol, methyl salicylate patch" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is the side effects of invokana", + "output": "he following important adverse reactions are described below and elsewhere in the labeling:\n\nLower Limb Amputation [see BOXED WARNING and WARNINGS AND PRECAUTIONS (5.1)]\nHypotension [see WARNINGS AND PRECAUTIONS (5.2)]\nKetoacidosis [see WARNINGS AND PRECAUTIONS (5.3)]\nAcute Kidney Injury [see WARNINGS AND PRECAUTIONS (5.4)]\nUrosepsis and Pyelonephritis [see WARNINGS AND PRECAUTIONS (5.5)]\nHypoglycemia with Concomitant Use with Insulin and Insulin Secretagogues [see WARNINGS AND PRECAUTIONS (5.6)]\nNecrotizing Fasciitis of the Perineum (Fournier's gangrene) [see WARNINGS AND PRECAUTIONS (5.7)]\nGenital Mycotic Infections [see WARNINGS AND PRECAUTIONS (5.8)]\nHypersensitivity Reactions [see WARNINGS AND PRECAUTIONS (5.9)]\nBone Fracture [see WARNINGS AND PRECAUTIONS (5.10)]\nIncreases in Low-Density Lipoprotein (LDL-C) [see WARNINGS AND PRECAUTIONS (5.11)]" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how long after teeth treatment can you start zoledronic acid infection", + "output": "Routine dental treatment generally should not be modified solely on the basis of oral bisphosphonate therapy. However, patients with possible risk factors for BON may benefit from assessment by an expert in metabolic bone diseases. These risk factors may include concomitant use of estrogen or glucocorticoids, older age (over 65 years) and prolonged use of bisphosphonates." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what are steroids", + "output": "any of various compounds containing a 17-carbon 4-ring system and including the sterols and numerous hormones (such as anabolic steroids or corticosteroids) and glycosides" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what's the smell of marijuana", + "output": "Consumer perceptions of strain differences in Cannabis aroma \u2026 [whole page]" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how long do you leave bimatoprost ophthalmic", + "output": "2 to 3 minutes" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is dopamine", + "output": "Dopamine (DA, a contraction of 3,4-dihydroxyphenethylamine) is an organic chemical of the catecholamine and phenethylamine families that plays several important roles in the brain and body. It is an amine synthesized by removing a carboxyl group from a molecule of its precursor chemical L-DOPA, which is synthesized in the brain and kidneys. Dopamine is also synthesized in plants and most animals. In the brain, dopamine functions as a neurotransmitter\u2014a chemical released by neurons (nerve cells) to send signals to other nerve cells. The brain includes several distinct dopamine pathways, one of which plays a major role in the motivational component of reward-motivated behavior. The anticipation of most types of rewards increases the level of dopamine in the brain,[2] and many addictive drugs increase dopamine release or block its reuptake into neurons following release. Other brain dopamine pathways are involved in motor control and in controlling the release of various hormones. These pathways and cell groups form a dopamine system which is neuromodulatory." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how to use an epinephrine pen", + "output": "How should I use EpiPen and EpiPen Jr? \u2026 [entire subsection]" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how to reconstitute cefazolin", + "output": "RECONSTITUTION \u2026 [whole section]" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is actonel prescribed for?", + "output": "Postmenopausal Osteoporosis ... Osteoporosis in Men ... Glucocorticoid-Induced Osteoporosis ... Paget\u2019s Disease \u2026" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "brimonidine interaction with herbal supplements?", + "output": "Yohimbe: The active ingredients in yohimbine can block the actions of brimonidine in certain human tissues, thus reducing the drug's beneficial effects. Adequate human studies involving the eye are lacking, and until more information is available, yohimbine should be avoided in people using brimonidine. The interaction is supported by preliminary, weak, fragmentary, and/or contradictory scientific evidence." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "do i take over the counter calcium with \"alendronate?\"", + "output": "Co-administration of alendronate sodium and calcium, antacids, or oral medications containing multivalent cations will interfere with absorption of alendronate sodium. Therefore, instruct patients to wait at least one-half hour after taking alendronate sodium before taking any other oral medications." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what does flomax medication do?", + "output": "Tamsulosin is used in men to treat the symptoms of an enlarged prostate (benign prostatic hyperplasia or BPH) which include difficulty urinating (hesitation, dribbling, weak stream, and incomplete bladder emptying), painful urination, and urinary frequency and urgency. Tamsulosin is in a class of medications called alpha blockers. It works by relaxing the muscles in the prostate and bladder so that urine can flow easily." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is prevnar >65?", + "output": "The pneumococcal conjugate vaccine (PCV13 or Prevnar 13\u00ae) protects against 13 types of pneumococcal bacteria. CDC recommends PCV13 for use in infants and young children and adults 65 years or older." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "where yo get tetanus shots", + "output": "Getting vaccinated is convenient \u2014 you can get most recommended vaccines at your doctor\u2019s office. Many recommended vaccines are also available at local pharmacies, health centers, health departments, and travel clinics. Below you\u2019ll find information and tools to help you find out where to get vaccinated near you \u2014 and some tips for making an appointment." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "where does marijuana come from", + "output": "Marijuana is a green, brown, or gray mix of dried, crumbled parts from the marijuana plant." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how long for donepezil to show in your blood", + "output": "Based on population pharmacokinetic analysis of plasma donepezil concentrations measured in patients with Alzheimer's disease, following oral dosing, peak plasma concentration is achieved in 3 hours for donepezil hydrochloride 10 mg tablets." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "for a \"rinse,\" how many \"cc\" should be \"used?f\" lidocaine lidocaine used", + "output": "For symptomatic treatment of irritated or inflamed mucous membranes of the mouth and pharynx, the usual adult dose is 15 mL undiluted." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how many cc of lidocaine is a dose?", + "output": "For symptomatic treatment of irritated or inflamed mucous membranes of the mouth and pharynx, the usual adult dose is 15 mL undiluted." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what medicine besides statins lower cholesterol?", + "output": "Fibrates ... Fenofibrate (TriCor) ... Gemfibrozil (Lopid) ... Resins ... Cholestyramine (Questran, LoCholest) ... Colestipol (Colestid) ... Colesevelam (WelChol) ... Absorption Blocker ... Ezetimibe (Zetia) ... Niacin ..." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what does the pill oxybutynin look like", + "output": "Product Characteristics Color BLUE (light blue) Score 2 pieces Shape ROUND Size 8mm Imprint Code 4853;V" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is the normal dose of lactulose", + "output": "The usual dose is 1 to 2 tablespoonfuls (15 to 30 mL, containing 10 g to 20 g of lactulose) daily." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what pills are not compatible with hydrocodone", + "output": "Taking certain medications or stopping treatment with certain other medications while you are taking hydrocodone may increase the risk that you will experience breathing problems, sedation, coma, or other serious, life-threatening side effects. Tell your doctor if you are taking, plan to take or plan to stop taking any of the following medications: certain antifungal medications including itraconazole (Onmel, Sporanox), ketoconazole (Extina, Nizoral, Xolegel), and voriconazole (Vfend); benzodiazepines such as alprazolam (Xanax), chlordiazepoxide (Librium), clonazepam (Klonopin), diazepam (Diastat, Valium), estazolam, flurazepam, lorazepam (Ativan), oxazepam, temazepam (Restoril), and triazolam (Halcion); carbamazepine (Carbatrol, Epitol, Equetro, Tegretol, others); cimetidine; clarithromycin (Biaxin, in Prevpac); erythromycin (E.E.S., Erythromycin, others); other narcotic pain medications; medications for mental illness or nausea; certain medications for human immunodeficiency virus (HIV) including ritonavir (Norvir, in Kaletra, in Viekira Pak); muscle relaxants; phenytoin (Dilantin, Phenytek); rifampin (Rifadin, Rimactane, in Rifamate, in Rifater); sedatives; sleeping pills; or tranquilizers." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "shingrix vaccine how often do you get a shingles shot", + "output": "Shingles Vaccine (recombinant) Two doses, 2 to 6 months apart, are recommended for\u00a0adults 50 and older. This vaccine is also recommended for people who have already gotten the live shingles vaccine (Zostavax). There is no live virus in this vaccine." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how long will suboxone block opioid", + "output": "Suboxone typically lasts up to 3 days. Most doctors ask their patients to take the drug once per day, typically at the same time each day. A person\u2019s weight, metabolism, and history of drug abuse can lengthen or shorten the action of Suboxone. It\u2019s best to work with a doctor on a customized dose, based on your medical history." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how to stop taking trazodone", + "output": "Do not stop taking trazodone without talking to your doctor. If you suddenly stop taking trazodone, you may experience withdrawal symptoms such as anxiety, agitation, or difficulty falling asleep or staying asleep. Your doctor will probably decrease your dose gradually." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "does marijuana use lead to negative health outcomes?", + "output": "Marijuana can cause problems with memory, learning, and behavior. Smoking it can cause some of the same coughing and breathing problems as smoking cigarettes. Some people get addicted to marijuana after using it for a while. It is more likely to happen if they use marijuana every day, or started using it when they were teenagers." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "blood pressure when on eliquis", + "output": "Less common adverse reactions \u2026 Vascular disorders: hypotension (including procedural hypotension)" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what do i mix albuterol sulfate inhalation solution with in my nebulizer?", + "output": "Albuterol sulfate inhalation solution is supplied as a single-dose, ready-to-use vial containing 3 mL of solution. No mixing or dilution is needed. Use one new vial with each nebulizer treatment." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what color metoprolol", + "output": "Product Characteristics Color WHITE Score 2 pieces Shape OVAL (Capsule-Shaped) Size 11mm Flavor Imprint Code M" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "tramadol \"milligrams?\"", + "output": "Adults (17 years of age and over): For patients with moderate to moderately severe chronic pain not requiring rapid onset of analgesic effect, the tolerability of tramadol hydrochloride can be improved by initiating therapy with a titration regimen. The total daily dose may be increased by 50 mg as tolerated every 3 days to reach 200 mg/day (50 mg q.i.d.). After titration, tramadol hydrochloride tablets 50 mg to 100 mg can be administered as needed for pain relief every four to six hours, not to exceed 400 mg per day." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what ppis this medication for simvastatin", + "output": "PPIs may modestly boost the statin-mediated LDL-C reduction." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how to give insulin", + "output": "Insulin comes as a solution (liquid) and a suspension (liquid with particles that will settle on standing) to be injected subcutaneously (under the skin). Insulin is usually injected several times a day \u2026 [whole section]" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how often do i get the pneumococcal conjugate vaccine", + "output": "Vaccination Schedule for Adults 18 Years of Age and Older: Prevnar 13 is administered as a single dose." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what are the active ingredients in bimatoprost", + "output": "Active Ingredient/Active Moiety: Ingredient Name bimatoprost (UNII: QXS94885MZ) (bimatoprost - UNII:QXS94885MZ)" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how does it take for strattera to begin to show some improvement", + "output": "Some people report small changes in hyperactivity and impulse control within two weeks, but it may take 4 to 8 weeks for the drug to achieve maximum effectiveness." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "will citalopram exacerbate heart arrhythmias?", + "output": "QT-Prolongation and Torsade de Pointes: Citalopram causes dose-dependent QTc prolongation, an ECG abnormality that has been associated with Torsade de Pointes (TdP), ventricular tachycardia, and sudden death, all of which have been observed in postmarketing reports for citalopram.... [whole subsection]" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what does marijuana look like", + "output": "Marijuana is a green, brown, or gray mix of dried, crumbled parts from the marijuana plant." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "nitroglycerin how it works", + "output": "The principal pharmacological action of nitroglycerin is relaxation of vascular smooth muscle and consequent dilatation of peripheral arteries and veins, especially the latter. Dilatation of the veins promotes peripheral pooling of blood and decreases venous return to the heart, thereby reducing left ventricular end-diastolic pressure and pulmonary capillary wedge pressure (preload). Arteriolar relaxation reduces systemic vascular resistance, systolic arterial pressure, and mean arterial pressure (afterload). Dilatation of the coronary arteries also occurs. The relative importance of preload reduction, afterload reduction, and coronary dilatation remains undefined." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is an esi shot in the \"back?\" epidural steroids shot in the \"back?\"", + "output": "An epidural steroid injection (ESI) is a minimally invasive procedure that can help relieve neck, arm, back, and leg pain caused by inflamed spinal nerves due to spinal stenosis or disc herniation. Medicines are delivered to the epidural space, which is a fat-filled area between the bone and the protective sac of the spinal nerves." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is medication for singular 10 mg.", + "output": "SINGULAIR is indicated for the prophylaxis and chronic treatment of asthma in adults and pediatric patients 12 months of age and older. SINGULAIR is indicated for prevention of exercise-induced bronchoconstriction in patients 15 years of age and older. SINGULAIR is indicated for the relief of symptoms of allergic rhinitis (seasonal allergic rhinitis in adults and pediatric patients 2 years of age and older, and perennial allergic rhinitis in adults and pediatric patients 6 months of age and older)." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "diclofenac sodium, 75 mg. how much is to much", + "output": "Diclofenac sodium may be administered as 25 mg, 50 mg, or 75 mg delayed-release tablets. Regardless of the indication, the dosage of diclofenac should be individualized to the lowest effective dose to minimize adverse effects (see CLINICAL PHARMACOLOGY: Individualization of Dosage). Osteoarthritis: The recommended dosage is 100 to 150 mg/day in divided doses, 50 mg b.i.d. or t.i.d. or 75 mg b.i.d. Dosages above 150 mg/day have not been studied in patients with osteoarthritis. Rheumatoid Arthritis: The recommended dosage is 150 to 200 mg/day in divided doses, 50 mg t.i.d. or q.i.d., or 75 mg b.i.d. Dosages above 225 mg/day are not recommended in patients with rheumatoid arthritis. Ankylosing Spondylitis: The recommended dosage is 100 to 125 mg/day, administered as 25 mg q.i.d., with an extra 25 mg dose at bedtime if necessary. Dosages above 125 mg/day have not been studied in patients with ankylosing spondylitis." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what upis this medication for simvastatin", + "output": "No Answers" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "any \"side effects\" when stop taking clopidogrel", + "output": "Discontinuation of clopidogrel bisulfate increases the risk of cardiovascular events. If clopidogrel must be temporarily discontinued (e.g., to treat bleeding or for surgery with a major risk of bleeding), restart it as soon as possible. When possible, interrupt therapy with clopidogrel for five days prior to such surgery. Resume clopidogrel as soon as hemostasis is achieved." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "can hormonal contraceptives be used for medical reasons?", + "output": "Medical Uses of the Birth Control Pill \u2026 [whole page]" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what opioid is in the bupropion patch", + "output": "Active Ingredient/Active Moiety: Ingredient Name buprenorphine (UNII: 40D3SCR4GZ) (buprenorphine - UNII:40D3SCR4GZ)" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is nicoderm", + "output": "reduces withdrawal symptoms, including nicotine craving, associated with quitting smoking" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "if wanting to change from duragesic patch to oxycontin how are doseages compared", + "output": "Based on TDF patch strength, calculate oral morphine equivalent (or other opioid equivalent). If converting to oral morphine, use the 2 mg oral morphine/day ~ 1 mcg/h TDF rule" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is fluoride", + "output": "The mineral fluoride occurs naturally on earth and is released from rocks into the soil, water, and air. All water contains some fluoride. Usually, the fluoride level in water is not enough to prevent tooth decay; however, some groundwater and natural springs can have naturally high levels of fluoride. Fluoride has been proven to protect teeth from decay. Bacteria in the mouth produce acid when a person eats sugary foods. This acid eats away minerals from the tooth\u2019s surface, making the tooth weaker and increasing the chance of developing cavities. Fluoride helps to rebuild and strengthen the tooth\u2019s surface, or enamel. Water fluoridation prevents tooth decay by providing frequent and consistent contact with low levels of fluoride. By keeping the tooth strong and solid, fluoride stops cavities from forming and can even rebuild the tooth\u2019s surface." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "why is losartin prescribed rather than a calcium channel blocker.", + "output": "Losartan is in a class of medications called angiotensin II receptor antagonists. It works by blocking the action of certain natural substances that tighten the blood vessels, allowing the blood to flow more smoothly and the heart to pump more efficiently." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "when used as a rinse, how big should the amount of lidocaineof lidocaine used", + "output": "Lidocaine viscous comes as a thick liquid and should be shaken well before using. Lidocaine viscous usually is used as needed but not more frequently than every 3 hours, with a maximum of 8 doses in 24 hours. In children under 3 years of age, do not use more frequently than every 3 hours, with a maximum of 4 doses in 12 hours. Follow the directions on your prescription label carefully, and ask your doctor or pharmacist to explain any part you do not understand. Use lidocaine exactly as directed. Do not use more or less of it or use it more often than prescribed by your doctor." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "is it safe to add peppermint essential oil in mouthwash?", + "output": "Peppermint oil appears to be safe when taken orally (by mouth) in the doses commonly used. Excessive doses of peppermint oil can be toxic. Possible side effects of peppermint oil include allergic reactions and heartburn. Capsules containing peppermint oil are often enteric-coated to reduce the likelihood of heartburn. If enteric-coated peppermint oil capsules are taken at the same time as antacids, the coating can break down too quickly. Like other essential oils, peppermint oil is highly concentrated. When the undiluted essential oil is used for health purposes, only a few drops are used. Side effects of applying peppermint oil to the skin can include skin rashes and irritation. Peppermint oil should not be applied to the face or chest of infants or young children because serious side effects may occur if they inhale the menthol in the oil. No harmful effects of peppermint leaf tea have been reported. However, the long-term safety of consuming large amounts of peppermint leaf is unknown." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how to identify clonidine tablets", + "output": "Product Characteristics Color WHITE Score no score Shape ROUND (biconvex) Size 6mm Flavor Imprint Code A;16" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "enoxaparin shot admin they injected into my kidney what will i do", + "output": "If patients have had neuraxial anesthesia or spinal puncture, and particularly, if they are taking concomitant NSAIDs, platelet inhibitors, or other anticoagulants, they should be informed to watch for signs and symptoms of spinal or epidural hematoma, such as tingling, numbness (especially in the lower limbs) and muscular weakness. If any of these symptoms occur the patient should contact his or her physician immediately. Additionally, the use of aspirin and other NSAID's may enhance the risk of hemorrhage. Their use should be discontinued prior to enoxaparin therapy whenever possible; if co-administration is essential, the patient's clinical and laboratory status should be closely monitored [see Drug Interactions (7)]. Patients should also be informed: of the instructions for injecting Enoxaparin Sodium Injection if their therapy is to continue after discharge from the hospitals. it may take them longer than usual to stop bleeding. they may bruise and/or bleed more easily when they are treated with Enoxaparin Sodium Injection. they should report any unusual bleeding, bruising, or signs of thrombocytopenia (such as a rash of dark red spots under the skin) to their physician [see Warnings and Precautions (5.1, 5.5)]. to tell their physicians and dentists they are taking Enoxaparin Sodium Injection and/or any other product known to affect bleeding before any surgery is scheduled and before any new drug is taken [see Warnings and Precautions (5.3)]. to tell their physicians and dentists of all medications they are taking, including those obtained without a prescription, such as aspirin or other NSAID's [see Drug Interactions (7)]." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is marijuana", + "output": "Marijuana is a green, brown, or gray mix of dried, crumbled parts from the marijuana plant." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how to safely stop taking anastrozole", + "output": "A study has found that postmenopausal women who stop taking hormonal therapy early or skip doses are much more likely to have a breast cancer recurrence than women who take hormonal therapy as prescribed." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "vitamin d 15000,what can do for bones", + "output": "Vitamin D helps your body absorb calcium. Calcium is one of the main building blocks of bone. A lack of vitamin D can lead to bone diseases such as osteoporosis or rickets. Vitamin D also has a role in your nerve, muscle, and immune systems." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "metformin after dinner and bed time?", + "output": "Metformin hydrochloride extended-release tablets, USP should generally be given once daily with the evening meal." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is cortisol", + "output": "Cortisol is a steroid hormone, in the glucocorticoid class of hormones. When used as a medication, it is known as hydrocortisone. It is produced in humans by the zona fasciculata of the adrenal cortex within the adrenal gland.[1] It is released in response to stress and low blood-glucose concentration. It functions to increase blood sugar through gluconeogenesis, to suppress the immune system, and to aid in the metabolism of fat, protein, and carbohydrates.[2] It also decreases bone formation.[3]" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "effects of salt of epson to diabetes?", + "output": "While Epsom salt baths can be relaxing, they are not recommended for people with diabetes. Epsom salt is made up of magnesium sulfate. Why does that matter? When Epsom salts are added to a warm bath, some magnesium can be absorbed through the skin, causing an increased release of insulin, leading to hypoglycemia (low blood sugar)." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "1 mg ativan ccis a small does of ativan for adults?", + "output": "Ativan (lorazepam) is administered orally. For optimal results, dose, frequency of administration, and duration of therapy should be individualized according to patient response. To facilitate this, 0.5 mg, 1 mg, and 2 mg tablets are available. The usual range is 2 to 6 mg/day given in divided doses, the largest dose being taken before bedtime, but the daily dosage may vary from 1 to 10 mg/day. For anxiety, most patients require an initial dose of 2 to 3 mg/day given two times a day or three times a day. For insomnia due to anxiety or transient situational stress, a single daily dose of 2 to 4 mg may be given, usually at bedtime. For elderly or debilitated patients, an initial dosage of 1 to 2 mg/day in divided doses is recommended, to be adjusted as needed and tolerated. The dosage of Ativan (lorazepam) should be increased gradually when needed to help avoid adverse effects. When higher dosage is indicated, the evening dose should be increased before the daytime doses." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what help withdrawal \"fom.\" hydrocodone 10 325", + "output": "Narcotics Anonymous (N.A.) assists people who want to stop abusing prescription or illegal drugs. Find a meeting center or online support group by searching for the local helpline or website for the area where the meeting is located." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is prochlorperazine", + "output": "For control of severe nausea and vomiting. \nFor the treatment of schizophrenia.\n\nProchlorperazine is effective for the short-term treatment of generalized non-psychotic anxiety. However, prochlorperazine is not the first drug to be used in therapy for most patients with non-psychotic anxiety, because certain risks associated with its use are not shared by common alternative treatments (e.g., benzodiazepines).\n\nWhen used in the treatment of non-psychotic anxiety, prochlorperazine should not be administered at doses of more than 20 mg per day or for longer than 12 weeks, because the use of prochlorperazine at higher doses or for longer intervals may cause persistent tardive dyskinesia that may prove irreversible (see WARNINGS).\n\nThe effectiveness of prochlorperazine as treatment for non-psychotic anxiety was established in 4-week clinical studies of outpatients with generalized anxiety disorder. This evidence does not predict that prochlorperazine will be useful in patients with other non-psychotic conditions in which anxiety, or signs that mimic anxiety, are found (e.g., physical illness, organic mental conditions, agitated depression, character pathologies, etc.).\n\nProchlorperazine has not been shown effective in the management of behavioral complications in patients with mental retardation." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what does valacyclovir 1gm cure?", + "output": "Valacyclovir tablets, USP are a prescription antiviral medicine. Valacyclovir tablets, USP lower the ability of herpes viruses to multiply in your body.\n\nValacyclovir tablets, USP are used in adults:\n\nto treat cold sores (also called fever blisters or herpes labialis)\nto treat shingles (also called herpes zoster)\nto treat or control genital herpes outbreaks in adults with normal immune systems\nto control genital herpes outbreaks in adults infected with the human immunodeficiency virus (HIV) with CD4 + cell count greater than 100 cells/mm3\nwith safer sex practices to lower the chances of spreading genital herpes to others. Even with safer sex practices, it is still possible to spread genital herpes.\nValacyclovir tablets, USP used daily with the following safer sex practices can lower the chances of passing genital herpes to your partner.\n\nDo not have sexual contact with your partner when you have any symptom or outbreak of genital herpes.\nUse a condom made of latex or polyurethane whenever you have sexual contact.\nValacyclovir tablets, USP are used in children:\n\nto treat cold sores (for children \u2265 12 years of age)\nto treat chickenpox (for children 2 to < 18 years of age)." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "methotrexate how many milligrams for psoriatic arthritis", + "output": "Psoriasis\nRecommended Starting Dose Schedules\n\n1. Weekly single oral, IM or IV dose schedule: 10 to 25 mg per week until adequate response is achieved.\n\n2. Divided oral dose schedule: 2.5 mg at 12 hour intervals for three doses.\n\nDosages in each schedule may be gradually adjusted to achieve optimal clinical response; 30 mg/week should not ordinarily be exceeded.\n\nOnce optimal clinical response has been achieved, each dosage schedule should be reduced to the lowest possible amount of drug and to the longest possible rest period. The use of methotrexate may permit the return to conventional topical therapy, which should be encouraged." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how long can i take raloxifene", + "output": "the Raloxifene Use for The Heart (RUTH) trial, that evaluated as primary endpoint the effect of raloxifene on cardiovascular events in 10,101 postmenopausal women for a median of 5.6 years (mean age 67.5 years), clearly demonstrates the benefits of raloxifene in older women in the prevention of clinical vertebral fracture (\u221235%, p = 0.007), but not for nonvertebral fractures (p > 0.05 versus placebo), irrespective of presence or absence of risk factors for fracture.48,49" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "is it safe to take toradol when breast feeding", + "output": "Nursing Mothers\nLimited data from one published study involving 10 breastfeeding women 2 to 6 days postpartum showed low levels of ketorolac in breast milk. Levels were undetectable (less than 5 ng/mL) in 4 of the patients. After a single administration of 10 mg of ketorolac tromethamine tablets, the maximum milk concentration observed was 7.3 ng/mL, and the maximum milk-to-plasma ratio was 0.037. After 1 day of dosing (10 mg every 6 hours), the maximum milk concentration was 7.9 ng/mL, and the maximum milk-to-plasma ratio was 0.025. Assuming a daily intake of 400 to 1,000 mL of human milk per day and a maternal body weight of 60 kg, the calculated maximum daily infant exposure was 0.00263 mg/kg/day, which is 0.4% of the maternal weight-adjusted dose.\n\nExercise caution when ketorolac is administered to a nursing woman. Available information has not shown any specific adverse events in nursing infants; however, instruct patients to contact their infant's health care provider if they note any adverse events." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "oxycodone hcl 5 mg & oxycodone \"10-325\" apap the same?", + "output": "PERCOCET - oxycodone hydrochloride and acetaminophen tablet. Each tablet, for oral administration, contains oxycodone hydrochloride and acetaminophen in the following strengths: Oxycodone Hydrochloride, USP 10 mg*\nAcetaminophen, USP 325 mg\n*10 mg oxycodone HCl is equivalent to 8.9637 mg of oxycodone." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how do beta blockers work", + "output": "Beta blockers, also known as beta-adrenergic blocking agents, are medications that reduce your blood pressure. Beta blockers work by blocking the effects of the hormone epinephrine, also known as adrenaline.\n\nWhen you take beta blockers, your heart beats more slowly and with less force, thereby reducing blood pressure. Beta blockers also help blood vessels open up to improve blood flow." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is contraindication of carbamazepine", + "output": "Carbamazepine should not be used in patients with a history of previous bone marrow depression, hypersensitivity to the drug, or known sensitivity to any of the tricyclic compounds, such as amitriptyline, desipramine, imipramine, protriptyline, nortriptyline, etc. Likewise, on theoretical grounds its use with monoamine oxidase (MAO) inhibitors is not recommended. Before administration of carbamazepine, MAO inhibitors should be discontinued for a minimum of 14 days, or longer if the clinical situation permits.\n\nCoadministration of carbamazepine and nefazodone may result in insufficient plasma concentrations of nefazodone and its active metabolite to achieve a therapeutic effect. Coadministration of carbamazepine with nefazodone is contraindicated." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is docusate sodium", + "output": "Stool softener" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what valacyclovir looks like", + "output": "Color blue Shape CAPSULE Size 17mm" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is insulin glucagon", + "output": "Glucagon for Injection is a polypeptide hormone identical to human glucagon that increases blood glucose and relaxes smooth muscle of the gastrointestinal tract." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what milligrams the allopurinol", + "output": "The dosage of allopurinol tablets USP to accomplish full control of gout and to lower serum uric acid to normal or near-normal levels varies with the severity of the disease. The average is 200 to 300 mg/day for patients with mild gout and 400 to 600 mg/day for those with moderately severe tophaceous gout. The appropriate dosage may be administered in divided doses or as a single equivalent dose with the 300-mg tablet. Dosage requirements in excess of 300 mg should be administered in divided doses. The minimal effective dosage is 100 to 200 mg daily and the maximal recommended dosage is 800 mg daily. To reduce the possibility of flare-up of acute gouty attacks, it is recommended that the patient start with a low dose of allopurinol tablets USP (100 mg daily) and increase at weekly intervals by 100 mg until a serum uric acid level of 6 mg/dL or less is attained but without exceeding the maximal recommended dosage." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how long itching lasts after stopping doxycycline", + "output": "Doxycycline is virtually completely absorbed after oral administration.\n\nFollowing a 200 mg dose, normal adult volunteers averaged peak serum levels of 2.6 mcg/mL of doxycycline at 2 hours, decreasing to 1.45 mcg/mL at 24 hours. Excretion of doxycycline by the kidney is about 40%/72 hours in individuals with normal function (creatinine clearance about 75 mL/min.). This percentage excretion may fall as low as 1\u20135%/72 hours in individuals with severe renal insufficiency (creatinine clearance below 10 mL/min.). Studies have shown no significant difference in serum half-life of doxycycline (range 18\u201322 hours) in individuals with normal and severely impaired renal function." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "why \"shouldn't\" i take gemfibrozil while taking lovastatin?", + "output": "Strong inhibitors of CYP3A4: Lovastatin, like several other inhibitors of HMG-CoA reductase, is a substrate of cytochrome P450 3A4 (CYP3A4). Certain drugs which inhibit this metabolic pathway can raise the plasma levels of lovastatin and may increase the risk of myopathy. These include itraconazole, ketoconazole, posaconazole, voriconazole, the macrolide antibiotics erythromycin and clarithromycin, the ketolide antibiotic telithromycin, HIV protease inhibitors, boceprevir, telaprevir, the antidepressant nefazodone, or cobicistat-containing products. Combination of these drugs with lovastatin is contraindicated. If short-term treatment with strong CYP3A4 inhibitors is unavoidable, therapy with lovastatin should be suspended during the course of treatment (see CONTRAINDICATIONS; PRECAUTIONS, DRUG INTERACTIONS).\n\nGemfibrozil: The combined use of lovastatin with gemfibrozil should be avoided.\n\nOther lipid-lowering drugs (other fibrates or greater than or equal to 1 g/day of niacin): Caution should be used when prescribing other fibrates or lipid-lowering doses (greater than or equal to 1 g/day) of niacin with lovastatin, as these agents can cause myopathy when given alone. The benefit of further alterations in lipid levels by the combined use of lovastatin with other fibrates or niacin should be carefully weighed against the potential risks of these combinations." + } + ] + } +] \ No newline at end of file diff --git a/xtuner/MedQA2019-structured.jsonl b/xtuner/MedQA2019-structured.jsonl new file mode 100644 index 000000000..10c79fabf --- /dev/null +++ b/xtuner/MedQA2019-structured.jsonl @@ -0,0 +1,6212 @@ +[ + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how does rivatigmine and otc sleep medicine interact", + "output": "tell your doctor and pharmacist what prescription and nonprescription medications, vitamins, nutritional supplements, and herbal products you are taking or plan to take. Be sure to mention any of the following: antihistamines; aspirin and other nonsteroidal anti-inflammatory medications (NSAIDs) such as ibuprofen (Advil, Motrin) and naproxen (Aleve, Naprosyn); bethanechol (Duvoid, Urecholine); ipratropium (Atrovent, in Combivent, DuoNeb); and medications for Alzheimer's disease, glaucoma, irritable bowel disease, motion sickness, ulcers, or urinary problems. Your doctor may need to change the doses of your medications or monitor you carefully for side effects." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how does valium affect the brain", + "output": "Diazepam is a benzodiazepine that exerts anxiolytic, sedative, muscle-relaxant, anticonvulsant and amnestic effects. Most of these effects are thought to result from a facilitation of the action of gamma aminobutyric acid (GABA), an inhibitory neurotransmitter in the central nervous system." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is morphine", + "output": "Morphine is a pain medication of the opiate family which is found naturally in a number of plants and animals.[5][7] It acts directly on the central nervous system (CNS) to decrease the feeling of pain." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what are the milligrams for oxycodone e", + "output": "\u2026 10 mg \u2026 20 mg \u2026 40 mg \u2026 80 mg ..." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "81% aspirin contain resin and shellac in it. ?", + "output": "Inactive Ingredients Ingredient Name" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is desonide ointment used for", + "output": "Desonide is used to treat the redness, swelling, itching, and discomfort of various skin conditions, including psoriasis (a skin disease in which red, scaly patches form on some areas of the body and eczema (a skin disease that causes the skin to be dry and itchy and to sometimes develop red, scaly rashes)." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how soon can tylenol be taken after a cocktail?", + "output": "According to the National Health Service (NHS) in the UK, it is usually safe to drink a small amount of alcohol while taking this pain reliever. ... However, when people take acetaminophen at high doses or together with alcohol, it can cause side effects ranging from minor to severe, with the possibility of fatal liver damage. This risk may be higher for people with alcohol use disorder (AUD), which was previously known as alcoholism.... According to the U.S. National Library of Medicine, taking acetaminophen can be dangerous for people who regularly drink alcohol. Manufacturers currently recommend that people who have more than 3 alcoholic drinks per day should ask their doctor before taking acetaminophen." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "breo inhaler how it works", + "output": "The combination of fluticasone and vilanterol is used to control wheezing, shortness of breath, coughing, and chest tightness caused by asthma and chronic obstructive pulmonary (COPD; a group of diseases that affect the lungs and airways, that includes chronic bronchitis and emphysema). Fluticasone is in a class of medications called steroids. It works by reducing swelling in the airways. Vilanterol is in a class of medications called long-acting beta-agonists (LABAs). It works by relaxing and opening air passages in the lungs, making it easier to breathe." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "breo inhaler how it works", + "output": "To use the inhaler, follow these steps:\n\t1\tIf you will be using a new inhaler for the first time, remove it from the box and the foil wrapper. Fill in the \"Tray opened\" and \"Discard\" blanks on the inhaler label with the date that you opened the pouch and the date 6 weeks later when you must replace the inhaler.\n\t2\tWhen you are ready to inhale your dose, slide the cover down to expose the mouthpiece until it clicks. If you open and close the inhaler without using your dose, you will waste the medication.\n\t3\tThe counter will count down by 1 each time you open the cover. If the counter does not count down, your inhaler will not provide the medicine. If your inhaler does not count down, call your pharmacist or doctor.\n\t4\tHold the inhaler away from your mouth and breathe out as far as you comfortably can. Do not breathe out into the mouthpiece.\n\t5\tPut the mouthpiece between your lips, and close your lips firmly around it. Take a long, steady, deep breath in through your mouth. Do not breathe in through your nose. Be careful not block the air vent with your fingers.\n\t6\tRemove the inhaler from your mouth, and hold your breath for about 3 to 4 seconds or as long as you comfortably can. Breathe out slowly.\n\t7\tYou may or may not taste or feel the medicine released by the inhaler. Even if you do not, do not inhale another dose. If you are not sure you are getting your dose of fluticasone and vilanterol, call your doctor or pharmacist.\n\t8\tYou may clean the mouthpiece with a dry tissue, if needed. Slide the cover up over the mouthpiece as far as it will go to close the inhaler.\n\t9\tRinse your mouth with water, but do not swallow.\nAsk your pharmacist or doctor for a copy of the manufacturer's information for the patient." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "qvar 40mg what is it for", + "output": "QVAR is indicated in the maintenance treatment of asthma as prophylactic therapy in patients 5 years of age and older. QVAR is also indicated for asthma patients who require systemic corticosteroid administration, where adding QVAR may reduce or eliminate the need for the systemic corticosteroids." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "does cyclosporine ophthalmic helps for iritis?", + "output": "This study showed improvement of recurrent anterior uveitis [iritis] in patients while on conventional treatment with cyclosporine A 0.05% compared with conventional treatment alone." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what ingredient in walnut interferes with synthroid drug absorption", + "output": "Dietary fiber: Certain dietary fiber sources can impede absorption of the thyroid hormone replacement medication. Mayo Clinic staff say it is best to avoid dietary fiber in foods like walnuts, soy products, iron supplements and multivitamins containing iron." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is the color of the fluvaastatin pill", + "output": "Product Characteristics Color RED (rust)" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "is penicillin in the pill \"montelukast?\"", + "output": "What are the ingredients in montelukast sodium tablets?\n\nActive ingredient: montelukast sodium, USP\n\nInactive ingredients:\n\n10 mg tablet: croscarmellose sodium, hydroxypropyl cellulose, lactose monohydrate, magnesium stearate, and microcrystalline cellulose. The film coating contains: black iron oxide, hydroxypropyl cellulose, hypromellose, red iron oxide, titanium dioxide, and yellow iron oxide." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "can i take metamucil with \"ciprofloxacin?\"", + "output": "diarrhea is a common problem caused by antibiotics which usually ends when the antibiotic is discontinued. Sometimes after starting treatment with antibiotics, patients can develop watery and bloody stools (with or without stomach cramps and fever) even as late as two or more months after having taken the last dose of the antibiotic. If this occurs, patients should contact their physician as soon as possible.\u00a0" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how long before a meal should lansoprazole be taken", + "output": "Swallow 1 capsule with a glass of water before eating in the morning." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what does using fluorouracil make your face look like", + "output": "The most frequent adverse reactions to Fluorouracil 5% Topical Cream occur locally and are often related to an extension of the pharmacological activity of the drug. These include burning, crusting, allergic contact dermatitis, erosions, erythema, hyperpigmentation, irritation, pain, photosensitivity, pruritus, scarring, rash, soreness and ulceration." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "why did my doctor give me level iracetam", + "output": "Levetiracetam is used in combination with other medications to treat certain types of seizures in adults and children with epilepsy. Levetiracetam is in a class of medications called anticonvulsants. It works by decreasing abnormal excitement in the brain." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "results of stopping terazosin?", + "output": "The effect of withdrawal of terazosin therapy in patients with mild to moderate hypertension was assessed in two double-blind, placebo-controlled studies. All patients had demonstrated a stable blood pressure response to terazosin prior to withdrawal of the drug. Patients were randomly assigned either to continue treatment with terazosin at a previously established dose that had brought blood pressure under control (dose range: 1 to 40 mg daily) or to receive a matching placebo. At the end of a six- or eight-week withdrawal period, placebo-treated patients experienced mean increases of 7.3 and 12.4 mm Hg in supine diastolic blood pressure (studies M81-020 and M81-028 site 1, respectively). These increases were significantly greater than those observed for patients who continued to receive terazosin. Similar results were observed in other blood pressure variables. Withdrawal of terazosin was accompanied by a significant weight loss (2.8 and 3.6 pounds in studies M81-020 and M81-028, respectively). There were no clinically significant changes in pulse rates, physical examinations, laboratory test results, or electrocardiograms. Headache was the most common adverse experience reported by those who received placebo during the drug withdrawal period. These studies demonstrate that withdrawal of terazosin therapy is associated with an increase in supine diastolic blood pressure, often to hypertensive levels, without signs of a withdrawal syndrome." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what meloxicam look like", + "output": "Product Characteristics Color YELLOW (light yellow) Score no score Shape OVAL Size 3mm Imprint Code S160" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "nitroglycerin how often", + "output": "One tablet should be dissolved under the tongue or in the buccal pouch at the first sign of an acute anginal attack. The dose may be repeated approximately every 5 minutes until relief is obtained. If the pain persists after a total of 3 tablets in a 15-minute period, or if the pain is different than is typically experienced, prompt medical attention is recommended. Nitroglycerin may be used prophylactically 5 to 10 minutes prior to engaging in activities that might precipitate an acute attack." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "whate is vitamin c chemicl symple ?", + "output": "Active Ingredient/Active Moiety ... ASCORBIC ACID ..." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is the maximum dose of pregabalin", + "output": "In view of the dose-dependent adverse reactions, treatment with doses above 300 mg/day is not recommended" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how long does marijuana it stay in system", + "output": "The effects of marijuana usually last from 1 to 3 hours, but marijuana can stay in the body for days or even weeks after use. Organs in the body have fatty tissues that absorb the THC in marijuana. In general, standard urine tests can detect THC several days after use. In people who use heavily, however, urine tests can sometimes detect THC for several weeks." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "neupro and ropinirole when is it safe to take", + "output": "Anxiolytics; Sedatives; and Hypnotics: (Moderate) A reduction in the dose of anxiolytics, sedatives, hypnotics and concomitantly administered dopamine agonists with sedative properties (e.g., ropinirole, pramipexole, rotigotine, apomorphine) should be considered to minimize additive sedative effects. In addition, the risk of next-day psychomotor impairment is increased during co-administration, which may decrease the ability to perform tasks requiring full mental alertness such as driving." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "neupro and ropinirole when is it safe to take", + "output": "Switching from oral dopamine agonists to rotigotine: An open-label study of 99 subjects with Parkinson\u2019s disease was conducted in which the subjects, previously treated with 3 to 12mg/day ropinirole with or without levodopa, were converted to treatment with transdermal rotigotine. The following dosage conversion was utilized; 3mg/day ropinirole to 2mg/24 hours rotigotine, 6mg/day ropinirole to 4mg/24 hours rotigotine, 8-9mg/day ropinirole to 6mg/24 hours rotigotine, 12mg/day ropinirole to 8mg/24 hours rotigotine. Patients were instructed to take their last dose of ropinirole in the afternoon or evening, applying a rotigotine patch the next morning upon awakening. Overall this study determined that an overnight switch from ropinirole to rotigotine was generally well tolerated without loss of efficacy." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is prevnar >65", + "output": "The pneumococcal conjugate vaccine (PCV13 or Prevnar 13\u00ae) protects against 13 types of pneumococcal bacteria. CDC recommends PCV13 for use in infants and young children and adults 65 years or older." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how many mg does it take to overdose on oxycodone", + "output": "OXYCODONE HCl CONTROLLED-RELEASE 80 mg and 160 mg Tablets, or a single dose greater than 40 mg, ARE FOR USE IN OPIOID-TOLERANT PATIENTS ONLY. A single dose greater than 40 mg, or total daily doses greater than 80 mg, may cause fatal respiratory depression when administered to patients who are not tolerant to the respiratory depressant effects of opioids." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what medication not to take with lithium", + "output": "What special precautions should I follow?" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "mst drug/?", + "output": "MST\u00aeContinus\u00ae 5 mg, 10 mg, 15 mg, 30 mg, 60 mg, 100 mg and 200 mg prolonged release tablets: Morphine sulfate" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what size doses of metformin are available?", + "output": "Metformin Hydrochloride Tablets, USP ... 500 mg ... 850 mg ... 1000 mg" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "pravastatin s9 orange how many \"grams?\u009d\"", + "output": "No answers" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how long morphine remains in body", + "output": "Morphine takes longer to work than heroin and the effects tend to last longer. Despite this, blood tests can only detect morphine for the first 12 hours after the last dose, and urine tests only work for up to 3 days. However, saliva tests are more effective, being able to detect traces of morphine for up to 4 days. Again, morphine stays in the hair for 90 days." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is the imprint on metoprolol succ., 50 mg", + "output": "50 mg tablets: White, round, coated tablets debossed with Andrx logo and \u201c831\u201d on one side and scored on the other side." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what can take the place of tramadol", + "output": "The American Academy of Pediatrics (AAP) and other pediatric associations and academies have released guidelines on the management of nociceptive pain in children. The top 3 medications\u2019 recommendations in children are paracetamol, ibuprofen, and opioids: non-opioids for mild nociceptive pain; non-opioids + weak opioids for moderate nociceptive pain and non-opioids + strong opioids for severe nociceptive pain. Codeine and tramadol are the only two opioids classified as weak opioids. In most countries, they do not require a restricted medical drug prescription and as \u201cweak\u201d opioids, they are often considered to have a lower potential for adverse drug reactions (ADR) than \u201cstrong\u201d opioids." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how to administer denosumab", + "output": "Denosumab injection comes as a solution (liquid) to be injected subcutaneously (under the skin) in your upper arm, upper thigh, or stomach area. It is usually injected by a doctor or nurse in a medical office or clinic. Denosumab injection (Prolia) is usually given once every 6 months. When denosumab injection (Xgeva) is used to reduce the risk of fractures from multiple myeloma, or cancer that has spread to the bones, it is usually given once every 4 weeks. When denosumab injection (Xgeva) is used to treat giant cell tumor of bone, or high calcium levels caused by cancer, it is usually given every 7 days for the first three doses (on day 1, day 8, and day 15) and then once every 4 weeks starting 2 weeks after the first three doses.\n\nYour doctor will tell you to take supplements of calcium and vitamin D while you are being treated with denosumab injection. Take these supplements exactly as directed.\n\nWhen denosumab injection (Prolia) is used to treat osteoporosis or bone loss, your doctor or pharmacist will give you the manufacturer's patient information sheet (Medication Guide) when you begin treatment with denosumab injection and each time you refill your prescription. Read the information carefully and ask your doctor or pharmacist if you have any questions. You can also visit the Food and Drug Administration (FDA) website (http://www.fda.gov/Drugs/DrugSafety/ucm085729.htm) or the manufacturer's website to obtain the Medication Guide." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is barbiturates", + "output": "Barbiturates are sedative-hypnotic drugs that were once commonly used as sedatives or antianxiety medications. A physician must prescribe barbiturates; otherwise, their use is considered illicit. Among their limited uses, barbiturates are used to manage some seizure disorders as well as for pre-procedural sedation. In rarer instances, they are prescribed for the treatment of headache, anxiety and insomnia. However, their use in most areas of medicine has largely been supplanted by other safer medications. Barbiturates are controlled substances due to the potential they pose for abuse, physical dependence, and addiction. Some of the more common barbiturates include Luminal (phenobarbital). Brevital (methohexital). Seconal (secobarbital). Butisol (butabarbital). Fiorinal (butalbital)." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what are the inactive ingredients to the pneumonia vaccine", + "output": "Inactive Ingredients POLYSORBATE 80 \u2026 ALUMINUM PHOSPHATE" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how to prep and administer insulin", + "output": "Humulin R U-100 may be administered by subcutaneous injection in the abdominal wall, the thigh, the gluteal region or in the upper arm. Subcutaneous injection into the abdominal wall ensures a faster absorption than from other injection sites. Injection into a lifted skin fold minimizes the risk of intramuscular injection. Injection sites should be rotated within the same region. As with all insulin, the duration of action will vary according to the dose, injection site, blood flow, temperature, and level of physical activity. Intravenous administration of Humulin R U-100 is possible under medical supervision with close monitoring of blood glucose and potassium levels to avoid hypoglycemia and hypokalemia. For intravenous use, Humulin R U-100 should be used at concentrations from 0.1 unit/mL to 1 unit/mL in infusion systems with the infusion fluids 0.9% sodium chloride using polyvinyl chloride infusion bags." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is medical marijuana", + "output": "Some states have approved \"medical marijuana\" to ease symptoms of various health problems. The U.S. Food and Drug Administration (FDA) has not approved the marijuana plant as a medicine. However, there have been scientific studies of cannabinoids, the chemicals in marijuana. This has led to two FDA-approved medicines. They contain THC, the active ingredient in marijuana. They treat nausea caused by chemotherapy and increase appetite in patients who have severe weight loss from HIV/AIDS. Scientists are doing more research with marijuana and its ingredients to treat many diseases and conditions." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "clonazepam \".25mg\" lowest dosage?", + "output": "Klonopin Wafers (clonazepam orally disintegrating tablets) are white, round and debossed with the tablet strength \u2026 0.125 mg debossed 1/8 \u2026" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "levaquin treat uti?", + "output": "... Complicated Urinary Tract Infections: ... Acute Pyelonephritis: ... Uncomplicated Urinary Tract Infections" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "vitamin d 25, totalhow much to takea day", + "output": "Currently, there\u2019s scientific debate about how much vitamin D people need each day. The Institute of Medicine, in a long-awaited report released on November 30, 2010 recommends tripling the daily vitamin D intake for children and adults in the U.S. and Canada, to 600 IU per day. (7) The report also recognized the safety of vitamin D by increasing the upper limit from 2,000 to 4,000 IU per day, and acknowledged that even at 4,000 IU per day, there was no good evidence of harm. The new guidelines, however, are overly conservative about the recommended intake, and they do not give enough weight to some of the latest science on vitamin D and health. For bone health and chronic disease prevention, many people are likely to need more vitamin D than even these new government guidelines recommend." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "sickness in humans caused formaldehyde on toys from china?", + "output": "The Uphill Battle to Better Regulate Formaldehyde ... Safety advocates say that tighter restrictions ... are necessary, particularly for products coming from China, where items as varied as toys and Christmas lights have been found to violate American safety standards." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "is cyclobenzaprine a benzodiazepine?", + "output": "Cyclobenzaprine is in a class of medications called skeletal muscle relaxants. It works by acting in the brain and nervous system to allow the muscles to relax. \u2026............ Benzodiazepines (sometimes called \"benzos\") work to calm or sedate a person, by raising the level of the inhibitory neurotransmitter GABA in the brain. Common benzodiazepines include diazepam (Valium), alprazolam (Xanax), and clonazepam (Klonopin), among others." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what does vitamin d3 do", + "output": "Vitamin D helps your body absorb calcium. Calcium is one of the main building blocks of bone. A lack of vitamin D can lead to bone diseases such as osteoporosis or rickets. Vitamin D also has a role in your nerve, muscle, and immune systems." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what drugs contain in estrone injection", + "output": "Estrone, sold under the brand names Estragyn, Kestrin, and Theelin among many others, is an estrogen medication and naturally occurring steroid hormone which has been used in menopausal hormone therapy and for other indications.[5][8][9][10][1][2] It has been available as an aqueous suspension or oil solution that is given by injection into muscle and as a vaginal cream that is applied inside of the vagina.[1][2][3][4] It can also be taken by mouth in the form of estrone sulfate, as in estropipate (piperazine estrone sulfate; Ogen) and conjugated estrogens (Premarin).[11][2][5]" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "can i eat after taking rapaflo?", + "output": "The recommended dose is 8 mg orally once daily with a meal." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how much levothyroxine is needed to treat hashimotos", + "output": "If Hashimoto's disease causes thyroid hormone deficiency, you may need replacement therapy with thyroid hormone. This usually involves daily use of the synthetic thyroid hormone levothyroxine (Levoxyl, Synthroid, others). ... Treatment with levothyroxine is usually lifelong, but because the dosage you need may change, your doctor is likely to check your TSH level about every 12 months." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "can i take tea with azithromycin?", + "output": "tell your doctor and pharmacist what other prescription and nonprescription medications, vitamins, nutritional supplements, and herbal products you are taking or plan to take. Be sure to mention any of the following: anticoagulants ('blood thinners') such as warfarin (Coumadin, Jantoven); cyclosporine (Neoral, Sandimmune); digoxin (Lanoxin); dihydroergotamine (D.H.E. 45, Migranal); ergotamine (Ergomar); medications for irregular heartbeat such as amiodarone (Cordarone, Pacerone), dofetilide (Tikosyn), procainamide (Procanbid), quinidine, and sotalol (Betapace, Sorine); nelfinavir (Viracept); phenytoin (Dilantin); and terfenadine (not available in the U.S.). Your doctor may need to change the doses of your medications or monitor you carefully for side effects.\nif you are taking antacids containing aluminum hydroxide or magnesium hydroxide (Maalox, Mylanta, Tums, others), you will need to allow some time to pass between when you take a dose of these antacids and when you take a dose of azithromycin tablets or liquid. Ask your doctor or pharmacist how many hours before or after you take azithromycin you may take these medications. The extended-release suspension may be taken at any time with antacids." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "vyvanse 10 what is all in this pill is it safe", + "output": "Active Ingredient/Active Moiety LISDEXAMFETAMINE DIMESYLATE (UNII: SJT761GEGS) (LISDEXAMFETAMINE - UNII:H645GUL8KJ) LISDEXAMFETAMINE DIMESYLATE 10 mg Inactive Ingredients MICROCRYSTALLINE CELLULOSE (UNII: OP1R32D61U) CROSCARMELLOSE SODIUM (UNII: M28OL1HH48) MAGNESIUM STEARATE (UNII: 70097M6I30) GELATIN, UNSPECIFIED (UNII: 2G86QN327L) TITANIUM DIOXIDE (UNII: 15FIX9V2JP) FD&C BLUE NO. 1 (UNII: H3R47K3TBD) FERROSOFERRIC OXIDE (UNII: XM0M87F357) FERRIC OXIDE YELLOW (UNII: EX438O2MRT) FD&C RED NO. 3 (UNII: PN2ZH5LOQY) FD&C YELLOW NO. 6" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "vyvanse 10 what is all in this pill is it safe", + "output": "The following adverse reactions are discussed in greater detail in other sections of the labeling:\n\nKnown hypersensitivity to amphetamine products or other ingredients of VYVANSE [see CONTRAINDICATIONS (4)]\nHypertensive Crisis When Used Concomitantly with Monoamine Oxidase Inhibitors [see CONTRAINDICATIONS (4) and DRUG INTERACTIONS (7.1)]\nDrug Dependence [see BOXED WARNING, WARNINGS AND PRECAUTIONS (5.1), and DRUG ABUSE AND DEPENDENCE (9.2, 9.3)]\nSerious Cardiovascular Reactions [see WARNINGS AND PRECAUTIONS (5.2)]\nBlood Pressure and Heart Rate Increases [see WARNINGS AND PRECAUTIONS (5.3)]\nPsychiatric Adverse Reactions [see WARNINGS AND PRECAUTIONS (5.4)]\nSuppression of Growth [see WARNINGS AND PRECAUTIONS (5.5)]\nPeripheral Vasculopathy, including Raynaud's phenomenon [see WARNINGS AND PRECAUTIONS (5.6)]\nSerotonin Syndrome [see WARNINGS AND PRECAUTIONS (5.7)]" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is a high level of troop", + "output": "TrOOP costs are those prescription costs that can be used to calculate when you exit the Donut Hole or Coverage Gap and enter the Catastrophic Coverage stage of your Medicare Part D Coverage. The 2019 plan year Out-of-Pocket Threshold or maximum TrOOP before exiting the Donut Hole is $5,100.00." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is in flomax", + "output": "Active Ingredient/Active Moiety TAMSULOSIN HYDROCHLORIDE (UNII: 11SV1951MR) (tamsulosin - UNII:G3P28OML5I) TAMSULOSIN HYDROCHLORIDE 0.4 mg" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is the class for insulin glargine?", + "output": "DEA Schedule: None" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what medicines raise blood sugar", + "output": "Some medicines for conditions other than diabetes can raise your blood sugar level. This is a concern when you have diabetes. Make sure every doctor you see knows about all of the medicines, vitamins, or herbal supplements you take. This means anything you take with or without a prescription.\n\nExamples include:\n\nBarbiturates.\nThiazide diuretics.\nCorticosteroids.\nBirth control pills (oral contraceptives) and progesterone.\nCatecholamines.\nDecongestants that contain beta-adrenergic agents, such as pseudoephedrine.\nThe B vitamin niacin. The risk of high blood sugar from niacin lowers after you have taken it for a few months.\nThe antipsychotic medicine olanzapine (Zyprexa)." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is metopol tar use", + "output": "Hypertension Metoprolol tartrate tablets are indicated for the treatment of hypertension. They may be used alone or in combination with other antihypertensive agents. Angina Pectoris Metoprolol tartrate tablets are indicated in the long-term treatment of angina pectoris. Myocardial Infarction Metoprolol tartrate tablets are indicated in the treatment of hemodynamically stable patients with definite or suspected acute myocardial infarction to reduce cardiovascular mortality. Treatment with intravenous metoprolol can be initiated as soon as the patient's clinical condition allows (see DOSAGE AND ADMINISTRATION, CONTRAINDICATIONS, and WARNINGS ). Alternatively, treatment can begin within 3 to 10 days of the acute event (see DOSAGE AND ADMINISTRATION)." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "does corticosteroids cause i \"insomnia?\"", + "output": "Psychic derangements may appear when corticosteroids are used, ranging from euphoria, insomnia, mood swings, personality changes, and severe depression, to frank psychotic manifestations. Also, existing emotional instability or psychotic tendencies may be aggravated by corticosteroids." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how reduce cholesterol", + "output": "A healthy lifestyle is the first defense against high cholesterol. But sometimes diet and exercise aren't enough, and you may need to take cholesterol medications. Cholesterol medications might help" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "when is gardasil \"contra indicated?\"", + "output": "Hypersensitivity, including severe allergic reactions to yeast (a vaccine component), or after a previous dose of GARDASIL 9 or GARDASIL [see Description (11)]." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is the classification of cromolyn", + "output": "DEA Schedule: None" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "i take lorazepam, my eyes are blurry, if i stop taking it, will my eyes clear up ?", + "output": "Withdrawal symptoms (e.g., rebound insomnia) can appear following cessation of recommended doses after as little as one week of therapy. Abrupt discontinuation of product should be avoided and a gradual dosage-tapering schedule followed after extended therapy." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how to use thymol", + "output": "Thymol is a phenol obtained from thyme oil or other volatile oils used as a stabilizer in pharmaceutical preparations, and as an antiseptic (antibacterial or antifungal) agent. It was formerly used as a vermifuge." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "is zolpidem a drug?", + "output": "Zolpidem belongs to a class of medications called sedative-hypnotics." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "mercaptopurine can be the cause of elevated bun/ creatinine level?", + "output": "Causes Of Elevated BUN and Creatinine Levels: ... Chemotherapy drugs such as: Cisplatin, Carboplatin, Carmustine, Mitomycin, high-dose Methotrexate." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "when does skin redness start on fluorouracil", + "output": "When Fluorouracil 5% Topical Cream is applied to a lesion, a response occurs with the following sequence: erythema, usually followed by vesiculation, desquamation, erosion and reepithelialization." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how many mgs of colchicine is recommended", + "output": "The dosing regimens for colchicine tablets, USP are different for each indication and must be individualized." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what tier drug is methylphenidate", + "output": "DEA Schedule: CII" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is normal saline", + "output": "physiologic saline solution (physiologic salt solution) (physiologic sodium chloride solution) a 0.9 per cent solution of sodium chloride and water; it is isotonic, i.e., of the same osmotic pressure as blood serum. It is sometimes given intravenously to replace lost sodium and chloride. Excessive quantities may cause edema, elevated blood sodium levels, and loss of potassium from the tissue fluid. Called also normal saline or normal salt solution." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is zostavax for?- consider waiting for a new vaccine coming spring of 2018", + "output": "ZOSTAVAX\u00ae is a live attenuated virus vaccine indicated for prevention of herpes zoster (shingles) in individuals 50 years of age and older. Limitations of Use of ZOSTAVAX: ZOSTAVAX is not indicated for the treatment of zoster or postherpetic neuralgia (PHN). ZOSTAVAX is not indicated for prevention of primary varicella infection (Chickenpox)." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is ciprodex?", + "output": "Ciprofloxacin and dexamethasone otic is used to treat outer ear infections in adults and children and acute (suddenly occurring) middle ear infections in children with ear tubes. Ciprofloxacin is in a class of medications called quinolone antibiotics. Dexamethasone is in a class of medications called corticosteroids. The combination of ciprofloxacin and dexamethasone works by killing the bacteria that cause infection and reducing swelling in the ear." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how often can i get a cortisone shot", + "output": "There's concern that repeated cortisone shots might cause the cartilage within a joint to deteriorate. So doctors typically limit the number of cortisone shots into a joint. In general, you shouldn't get cortisone injections more often than every six weeks and usually not more than three or four times a year." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "why codeine", + "output": "Codeine is used to relieve mild to moderate pain. It is also used, usually in combination with other medications, to reduce coughing. Codeine will help relieve symptoms but will not treat the cause of symptoms or speed recovery. Codeine belongs to a class of medications called opiate (narcotic) analgesics and to a class of medications called antitussives. When codeine is used to treat pain, it works by changing the way the brain and nervous system respond to pain. When codeine is used to reduce coughing, it works by decreasing the activity in the part of the brain that causes coughing." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how to give toradol im", + "output": "When administering ketorolac tromethamine injection, the intravenous bolus must be given over no less than 15 seconds. The intramuscular administration should be given slowly and deeply into the muscle." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "wean off tegretol?", + "output": "As with all antiepileptic drugs, Tegretol should be withdrawn gradually to minimize the potential of increased seizure frequency." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "can you take these tow medications at the same time of day concerta and lexapro?", + "output": "Human pharmacologic studies have shown that methylphenidate may inhibit the metabolism of ... selective serotonin reuptake inhibitors). Downward dose adjustment of these drugs may be required when given concomitantly with methylphenidate. It may be necessary to adjust the dosage and monitor plasma drug concentrations (or, in the case of coumarin, coagulation times), when initiating or discontinuing concomitant methylphenidate." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how long the trichomoniasis take to clear after i take the medicine", + "output": "Most people are prescribed an antibiotic called metronidazole which is very effective if taken correctly. You'll usually have to take metronidazole twice a day, for 5 to 7 days." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what happened if one takes a double does of simvastatin", + "output": "A few cases of overdosage with simvastatin have been reported; the maximum dose taken was 3.6 g. All patients recovered without sequelae. Supportive measures should be taken in the event of an overdose. The dialyzability of simvastatin and its metabolites in man is not known at present." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is antibiotic?", + "output": "any of a large group of chemical substances, as penicillin or streptomycin, produced by various microorganisms and fungi, having the capacity in dilute solutions to inhibit the growth of or to destroy bacteria and other microorganisms, used chiefly in the treatment of infectious diseases." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what kind of rash could pravastatin cause", + "output": "In rare cases, it\u2019s possible to have a serious allergic reaction to pravastatin. ... The warning signs of a serious allergic reaction are: getting a skin rash that may include itchy, red, swollen, blistered or peeling skin" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is ketorolac eye drops", + "output": "Ophthalmic ketorolac is used to treat itchy eyes caused by allergies. It also is used to treat swelling and redness (inflammation) that can occur after cataract surgery. Ketorolac is in a class of medications called nonsteroidal anti-inflammatory drugs (NSAIDs). It works by stopping the release of substances that cause allergy symptoms and inflammation." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how to take your medicine diabetes", + "output": "The medicine you take will vary by your type of diabetes and how well the medicine controls your blood glucose levels, also called blood sugar. Other factors, such as your other health conditions, medication costs, and your daily schedule may play a role in what diabetes medicine you take." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what mg norco comes in", + "output": "... NORCO\u00ae 5/325 ... NORCO\u00ae 7.5/325 ... NORCO\u00ae 10/325 \u2026" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what type of drug is ecstasy", + "output": "3,4-methylenedioxy-methamphetamine (MDMA) is a synthetic drug that alters mood and perception (awareness of surrounding objects and conditions). It is chemically similar to both stimulants and hallucinogens, producing feelings of increased energy, pleasure, emotional warmth, and distorted sensory and time perception." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what are the side effects of valsartan", + "output": "What are the possible side effects of valsartan tablets? \n\nValsartan tablets may cause the following serious side effects: \n\nInjury or death to an unborn baby. See \u201cWhat is the most important information I should know about valsartan tablets?\u201d \n\nLow Blood Pressure (Hypotension). Low blood pressure is most likely to happen if you also take water pills, are on a low-salt diet, get dialysis treatments, have heart problems, or get sick with vomiting or diarrhea. Lie down, if you feel faint or dizzy. Call your doctor right away. \n\nKidney problems. Kidney problems may get worse if you already have kidney disease. Some patients will have changes on blood tests for kidney function and may need a lower dose of valsartan tablets. Call your doctor if you get swelling in your feet, ankles, or hands, or unexplained weight gain. If you have heart failure, your doctor should check your kidney function before prescribing valsartan tablets. \n\nThe most common side effects of valsartan tablets used to treat people with high blood pressure include:\n\nheadache\n\ndizziness\n\nflu symptoms\n\ntiredness\n\nstomach (abdominal) pain\n\nSide effects were generally mild and brief. They generally have not caused patients to stop taking valsartan tablets. \n\nThe most common side effects of valsartan tablets used to treat people with heart failure include:\n\ndizziness\nlow blood pressure\ndiarrhea\njoint and back pain\ntiredness\nhigh blood potassium" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "keflex capsules how supplied", + "output": "Keflex\u00ae Capsules (Cephalexin, USP), are available in:\n\nThe 250 mg capsules are a white powder filled into size 2 capsules (opaque white and opaque dark green) that are imprinted with Keflex 250 mg on the white body in edible black ink. They are available as follows:\n\n \nBottles of 20 NDC 11042-112-97\n \nBottles of 100 NDC 11042-112-96\nThe 333 mg capsules are a white powder filled into size 1 capsules (opaque light green and opaque light green) that are imprinted Keflex 333 mg on the light green body in edible black ink. They are available as follows:\n\n \nBottles of 50 NDC 11042-114-40\nThe 500 mg capsules are a white powder filled into size 0 capsules (opaque light green and opaque dark green) that are imprinted with Keflex 500 mg on the light green body in edible black ink. They are available as follows:\n\n \nBottles of 20 NDC 11042-113-97\n \nBottles of 100 NDC 11042-113-96\nThe 750 mg capsules are a white powder filled into elongated size 00 capsules (opaque dark green and opaque dark green) that are imprinted Keflex 750 mg on the dark green body in edible white ink. They are available as follows:\n\n \nBottles of 50 NDC 11042-115-40" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is nano silver?", + "output": "Silver nanoparticles are added to a variety of textiles and home goods as an antimicrobial. Although silver has been used safely for centuries, some question whether the rapid expansion of new exposure sources to nanosilver could have adverse consequences." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "why to take vicodin", + "output": "Hydrocodone is used to relieve severe pain. Hydrocodone is only used to treat people who are expected to need medication to relieve severe pain around-the-clock for a long time and who cannot be treated with other medications or treatments. Hydrocodone extended-release (long-acting) capsules or extended-release tablets should not be used to treat pain that can be controlled by medication that is taken as needed." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how is cocaine and amphetamine used", + "output": "Cocaine is a type of drug that functions to increase the availability of the neurotransmitter dopamine in the brain. Dopamine is associated with the generation of 'euphoric' emotions, the regulation of movement, and the processing of reward cues. However, it is also associated with a considerable potential for dependence and abuse. Cocaine abuse is related to an increased risk of: Psychiatric disorders. Disease. Death. Cocaine is attractive as a recreational substance due to the perceived positive effects on mood, motivation, and energy. Someone abusing cocaine may smoke, snort, or take it intravenously (via injection)." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how is cocaine and amphetamine used", + "output": "Amphetamines are central nervous system (CNS) stimulants prescribed for the treatment of: Narcolepsy. Hyperactivity, e.g. ADHD. Asthma. For example, two common CNS stimulants, Adderall and Ritalin, are prescribed for hyperactivity disorders and narcolepsy, but are commonly abused. Amphetamines are often abused for their ability to suppress appetite and stave off fatigue. In fact, many people who begin taking amphetamines to lose weight or stay awake, for example to study, get caught in the web of use and abuse." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is classed as a low dose of azathioprine", + "output": "approximately 1 mg/kg (50 to 100 mg) given as a single dose or on a twice-daily schedule" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what does ibuprofen contain. any aspirin?", + "output": "No, ibuprofen does not contain aspirin. Ibuprofen and aspirin are two different types of NSAIDs (non-steroid anti-inflammatory drugs) that can be used to treat similar conditions. Aspirin is also in a family of medicine called salicylates." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how much time before tizanidine takes effect", + "output": "This medication usually starts to work in 1 to 2 hours and wears off after 6 to 8 hours. Tizanidine can be taken every 6 to 8 hours, but you should not take more than 36 milligrams a day or more than 3 doses in 24 hours." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "metoprolol pill how long before it takes affect", + "output": "Metoprolol starts to work after about 2 hours, but it can take up to 1 week to fully take effect. You may not feel any different when you take metoprolol, but this doesn't mean it's not working. It's important to keep taking your medicine." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how do you pronounce humira", + "output": "Hu\u00b7\u200bmira | \\ hy\u00fc-\u02c8mer-\u0259" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how often is a shingles vaccine required?", + "output": "Zostavax is approved by the Food and Drug Administration for people aged 50 years and older. However, CDC does not have a recommendation for routine use of Zostavax in people 50 through 59 years old. Protection from this shingles vaccine lasts about 5 years, so adults vaccinated before they are 60 years old might not be protected later in life when the risk for shingles and its complications are greatest. Adults 50 through 59 years who have questions about shingles vaccine should discuss the risks and benefits with a healthcare provider." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what three trade names were gven inthis chapter for this generic drug about hydrochlorothiazide", + "output": "Esidrix\u00ae\u00b6 Hydrodiuril\u00ae\u00b6 Microzide\u00ae Oretic\u00ae Zide\u00ae\u00b6" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how long can i take miralax", + "output": "Stop use and ask a doctor if ... you need to use a laxative for longer than 1 week" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "is it safe to add peppermint essential oil in \"mouth wash?\"", + "output": "Peppermint oil appears to be safe when taken orally (by mouth) in the doses commonly used. Excessive doses of peppermint oil can be toxic. Possible side effects of peppermint oil include allergic reactions and heartburn. Capsules containing peppermint oil are often enteric-coated to reduce the likelihood of heartburn. If enteric-coated peppermint oil capsules are taken at the same time as antacids, the coating can break down too quickly. Like other essential oils, peppermint oil is highly concentrated. When the undiluted essential oil is used for health purposes, only a few drops are used. Side effects of applying peppermint oil to the skin can include skin rashes and irritation. Peppermint oil should not be applied to the face or chest of infants or young children because serious side effects may occur if they inhale the menthol in the oil. No harmful effects of peppermint leaf tea have been reported. However, the long-term safety of consuming large amounts of peppermint leaf is unknown." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how long on metoprolol after vavle replacement surgery", + "output": "Typically one stays on it for around a month but it can be indefinitely if you have high blood pressure. This is a very benign drug and is very commonly used." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what strength dose triamcinolone come in", + "output": "cream/ointment 0.025% 0.05% 0.1% 0.5%, lotion 0.025% 0.1%, dental paste 0.1%, aerosol solution 0.0147%" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what type of drug is marijuana", + "output": "Cannabis, also known as marijuana among other names,[n 1] is a psychoactive drug from the Cannabis plant used for medical or recreational purposes.[16][17][18] The main psychoactive part of cannabis is tetrahydrocannabinol (THC), one of 483 known compounds in the plant,[19] including at least 65 other cannabinoids.[20] Cannabis can be used by smoking, vaporizing, within food, or as an extract.[21] Cannabis has mental and physical effects such as creating a \"high\" or \"stoned\" feeling, a general change in perception, heightened mood, and an increase in appetite.[21][22]" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how long i take cipro for a urinary tract infection ?", + "output": "Infection Urinary Tract / Acute Uncomplicated 250 mg q 12 h 3 days / Mild/Moderate 250 mg q 12 h 7 to 14 days / Severe/Complicated 500 mg q 12 h 7 to 14 days" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what does the clotrimazole pill look like", + "output": "Product Characteristics Color white Score no score Shape ROUND Size 16mm Imprint Code 54;552" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how long do opioid withdraws last", + "output": "Opioid withdrawal symptoms can last anywhere from one week to one month. The first phase (acute withdrawal) begins about 12 hours after your last opioid use. It peaks at around 3 - 5 days, and lasts for approximately 1 - 4 weeks. The second phase (post-acute withdrawal) can last up to two years. The symptoms include mood swings, anxiety, variable energy, low enthusiasm, variable concentration, and disturbed sleep." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "is herceptin chemo.a drug?", + "output": "Herceptin is not chemotherapy and it is not a hormone therapy. It is called a monoclonal antibody and is one of two innovative cancer therapies that utilise the natural immune system." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what mg is the lowest does of coreg?", + "output": "The white, oval, film\u2011coated tablets are available in the following strengths: \u2022 3.125 mg \u2013 engraved with \u201c39\u201d and \u201cSB\u201d \u2022 6.25 mg \u2013 engraved with \u201c4140\u201d and \u201cSB\u201d \u2022 12.5 mg \u2013 engraved with \u201c4141\u201d and \u201cSB\u201d \u2022 25 mg \u2013 engraved with \u201c4142\u201d and \u201cSB\u201d" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is magnesium chelated good for", + "output": "Chelated magnesium is used as a supplement to maintain adequate magnesium in the body." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how much acetaminophen in acetaminophen and codeine", + "output": "Each Acetaminophen and Codeine Phosphate Tablet USP 300 mg/30 mg tablet contains acetaminophen 300 mg and codeine phosphate 30 mg. \u2026 Each Acetaminophen and Codeine Phosphate Tablet USP 300 mg/60 mg tablet contains acetaminophen 300 mg and codeine phosphate 60 mg." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how do u lower your dosage of gabapentin", + "output": "If the gabapentin dose is reduced, discontinued, or substituted with an alternative medication, this should be done gradually over a minimum of 1 week (a longer period may be needed at the discretion of the prescriber)." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how does a 20 mcg bedford norton transdermal patch compared to say oxycodone what would be the equivalent", + "output": "25 mcg fentanyl/hr = 40 mg oral / 20 mg IV oxycodone [from conversion chart]" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what if meclizine does not work", + "output": "Meclizine is the generic name for the prescription drug called Antivert and the over-the-counter (OTC) medicines known as Dramamine and Bonine. Meclizine is used to treat motion sickness and dizziness.\n\nThe drug belongs to a class of drugs called antihistamines, which are generally used to treat allergies. However, meclizine works a little differently, reducing nausea and muscle spasms." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how long keep patient on chantix", + "output": "Patients should be treated with CHANTIX for 12 weeks. For patients who have successfully stopped smoking at the end of 12 weeks, an additional course of 12 weeks' treatment with CHANTIX is recommended to further increase the likelihood of long-term abstinence." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what drug will cause frequent urination?", + "output": "A number of medications can cause urinary incontinence in men and women. They do this in a variety of different ways." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "has lisinopril been taken off the market?", + "output": "This branded product is no longer on the market. Generic alternatives may be available." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what color are the pills for levodopa carbidopa for \"50/200\" mg extended relief", + "output": "The 50 mg/200 mg tablet is supplied as an oval, scored, biconvex, compressed tablet that is peach to light peach colored." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how long do the side effects last after taking medroxyprogesterone", + "output": "Unanswerable" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how is guanfacine classified", + "output": "Guanfacine is in a class of medications called centrally acting alpha2A-adrenergic receptor agonists." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "hyptotension lexapro?", + "output": "The following additional adverse reactions have been identified from spontaneous reports of escitalopram received worldwide. These adverse reactions have been chosen for inclusion because of a combination of seriousness, frequency of reporting, or potential causal connection to escitalopram and have not been listed elsewhere in labeling. However, because these adverse reactions were reported voluntarily from a population of uncertain size, it is not always possible to reliably estimate their frequency or establish a causal relationship to drug exposure. These events include: ||\nVascular Disorders: deep vein thrombosis, flushing, hypertensive crisis, hypotension, orthostatic hypotension, phlebitis, thrombosis." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how to pronounce chlordiazepoxide", + "output": "pronounced as (klor dye az e pox' ide)" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how do you take clindamycin", + "output": "Adults: Serious infections - 150 to 300 mg every 6 hours. More severe infections - 300 to 450 mg every 6 hours.\n\nPediatric Patients (for children who are able to swallow capsules): Serious infections - 8 to 16 mg/kg/day (4 to 8 mg/lb/day) divided into three or four equal doses. More severe infections - 16 to 20 mg/kg/day (8 to 10 mg/lb/day) divided into three or four equal doses." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "mix salt and hydromorphone what will happen", + "output": "No answers" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what pill is close to the pill hyoscyamine for bloating food to more faster", + "output": "Unanswerable" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "drugs which stimulating brain ?", + "output": "Central nervous system stimulants used for attention deficit disorder, narcolepsy or excessive sleepiness include methylphenidate, atomoxetine, modafinil, armodafinil and the amphetamines. Stimulants that are no longer used for medical conditions, but that are abused, include cocaine and ecstasy or methylenedioxymetamphetamine (MDMA)." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what types of insulin for resistance", + "output": "Insulin sensitizers like Glucophage (Metformin) may be prescribed to help your body use insulin more effectively." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "is restoril additive?", + "output": "RESTORIL is a federal controlled substance (C-IV) because it can be abused or lead to dependence. Keep\nRESTORIL in a safe place to prevent misuse and abuse. Selling or giving away RESTORIL may harm others, and is against the law. Tell your healthcare provider if you have ever abused or been dependent on alcohol, prescription medicines or street drugs." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "vitamin b strong compound is used for what medical condition?", + "output": "For the treatment of clinical and sub-clinical vitamin B deficiency states (manifestations of which include glossitis, stomatitis, cheilosis, the heart manifestations of beriberi, the skin manifestations of pellagra, corneal vascularisation and polyneuritis)." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is the dose for vit b12 tabet?", + "output": "When taken at appropriate doses, vitamin B-12 supplements are generally considered safe. While the recommended daily amount of vitamin B-12 for adults is 2.4 micrograms, you can safely take higher doses. Your body absorbs only as much as it needs, and any excess passes through your urine." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how strong is 360 mg diltiazem", + "output": "Single oral doses of 30 to 120 mg of diltiazem tablets result in detectable plasma levels within 30 to 60 minutes and peak plasma levels 2 to 4 hours after drug administration. As the dose of diltiazem tablets is increased from a daily dose of 120 mg (30 mg qid) to 240 mg (60 mg qid) daily, there is an increase in area-under-the-curve of 2.3 times. When the dose is increased from 240 mg to 360 mg daily, there is an increase in area-under-the-curve of 1.8 times." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is the difference between vitamin b12 1000 geltabs and vitamin b12 shots", + "output": "The clinical evidence-based analysis has found that oral supplementation is as effective as intramuscular injections." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what does spironolactone 25 mg pill look like", + "output": "Spironolactone Tablets USP, 25 mg are white, film-coated, round tablets, debossed \u201cAN\u201d above \u201c511\u201d on one side and plain on other side." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what if i eat grapefruit on simvastatin", + "output": "Certain classes of drugs \u2014 most notably statins \u2014 are metabolized (broken down) in your intestines by an enzyme called CYP3A, which normally reduces the amount of drug that enters your bloodstream. Grapefruit juice contains compounds called furanocoumarins that stop CYP3A from doing its job. As a result, more of the drug is absorbed, making it more powerful than it's meant to be \u2014 even toxic in some cases." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "is losartan gluten free?", + "output": "Unanswerable" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "do i take a statin with or without food \"?\"", + "output": "Read the label on the bottle carefully. Some brands should be taken with food. Others may be taken with, or without food." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "tdap (adacel) 10-64 yrs how often is booster needed", + "output": "Five years should have elapsed since the recipient's last dose of tetanus toxoid, diphtheria toxoid and/or pertussis containing vaccine and the administration of Adacel vaccine." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how long does it take cefuroxime axetil to work", + "output": "You should begin to feel better during the first few days of treatment with cefuroxime. If your symptoms do not improve or get worse, call your doctor. Take cefuroxime until you finish the prescription, even if you feel better. If you stop taking cefuroxime too soon or skip doses, your infection may not be completely treated, and the bacteria may become resistant to antibiotics." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "marijuana how long to steam your system", + "output": "he effects of marijuana usually last from 1 to 3 hours, but marijuana can stay in the body for days or even weeks after use. Organs in the body have fatty tissues that absorb the THC in marijuana. In general, standard urine tests can detect THC several days after use. In people who use heavily, however, urine tests can sometimes detect THC for several weeks." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "do antibiotics like keflex continue working after cessation of drug ?", + "output": "Cephalexin is excreted in the urine by glomerular filtration and tubular secretion. Studies showed that over 90% of the drug was excreted unchanged in the urine within 8 hours." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is the survival rate of opdivo \"&\" yervoy combo treatments", + "output": "The overall survival rate at 3 years was 58% in the nivolumab-plus-ipilimumab group and 52% in the nivolumab group, as compared with 34% in the ipilimumab group." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how many milligrams in tramadol", + "output": "Each tablet, for oral administration contains 50 mg of tramadol hydrochloride and is white in color." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "pain medication how to use", + "output": "Pain medications are safe and effective when used as directed. However, misuse of these products can be extremely harmful and even deadly.\n\nConsumers who take pain relief medications must follow their health care professional's instructions carefully. If a measuring tool is provided with your medicine, use it as directed.\n\nDo not change the dose of your pain relief medication without talking to your doctor first.\n\nAlso, pain medications should never be shared with anyone else. Only your health care professional can decide if a prescription pain medication is safe for someone.\n\nHere are other key points to remember.\n\nWith acetaminophen:\n\nTaking a higher dose than recommended will not provide more relief and can be dangerous.\nToo much can lead to liver damage and death. Risk for liver damage may be increased in people who drink three or more alcoholic beverages a day while using acetaminophen-containing medicines.\nBe cautious when giving acetaminophen to children. Infant drop medications can be significantly stronger than regular children's medications. Read and follow the directions on the label every time you use a medicine. Be sure that your infant is getting the infants' pain formula and your older child is getting the children's pain formula.\n\nWith NSAIDs:\nToo much can cause stomach bleeding. This risk increases in people who are over 60 years of age, are taking prescription blood thinners, are taking steroids, have a history of stomach bleeding or ulcers, and/or have other bleeding problems.\nUse of NSAIDs can also cause kidney damage. This risk may increase in people who are over 60 years of age, are taking a diuretic (a drug that increases the excretion of urine), have high blood pressure, heart disease, or pre-existing kidney disease.\n\nWith opioids:\nUse of opioids can lead to drowsiness. Do not drive or use any machinery that may injure you, especially when you first start the medication.The dose of an opioid pain medication that is safe for you could be high enough to cause an overdose and death in someone else, especially children." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "freezing clotrimazole?", + "output": "store at temperature not exceeding 30\u00b0C (86\u00b0F). Do not freeze." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what does it look like/metoprolol", + "output": "25 mg tablets: White to off-white color, oval shaped, biconvex coated tablets, debossed with \"564\" on one side and break line on the other side.\n\n50 mg tablets: White to off-white color, round shaped, biconvex coated tablets, debossed with \"565\" on one side and break line on the other side.\n\n100 mg tablets: White to off-white color, round shaped, biconvex coated tablets, debossed with \"566\" on one side and break line on other side.\n\n200 mg tablets: White to off-white color, oval shaped, biconvex coated tablets, debossed with \"5\" and \"67\" on either side of break line and plain on the other side." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "is it ok to take a probiotic when taking an antibiotic?", + "output": "Taking probiotics during antibiotic treatment can reduce the risk of diarrhea, although the two should be taken a few hours apart. Probiotics can also help restore the gut bacteria after antibiotics." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how to use ivermectin \"derm gard\" for dog", + "output": "No answers" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "can i take meloxicam along with tylenol + cod?", + "output": "Tylenol (generic Acetaminophen) is commonly used as an adjunct for pain relief in patients with various forms of musculoskeletal pain. While acetaminophen is not an anti-inflammatory agent (like NSAIDS, including Celebrex), it does act on pain pathways. It is important for patients to inform their physicians of breakthrough pain that is requiring the use of any over-the-counter agents as there may need to be increased monitoring for certain possible side effects (increased liver function tests, etc)." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what foods should a person taking warfarin eat", + "output": "Eat a normal, healthy diet. Some foods and beverages, particularly those that contain vitamin K, can affect how warfarin works for you. Ask your doctor or pharmacist for a list of foods that contain vitamin K. Eat consistent amounts of vitamin K-containing food on a week-to-week basis. Do not eat large amounts of leafy, green vegetables or certain vegetable oils that contain large amounts of vitamin K. Be sure to talk to your doctor before you make any changes in your diet. Talk to your doctor about eating grapefruit and drinking grapefruit juice while taking this medication." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "can i take doxepin and prexum together?", + "output": "No answers" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what tramadol pills look like", + "output": "Tramadol Hydrochloride Tablets, 50 mg are available as white, round, film coated tablets, debossed with 466 on one side and WATSON on the other." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what are contraindications for kadian", + "output": "KADIAN is contraindicated in patients with\n\nSignificant respiratory depression\nAcute or severe bronchial asthma in an unmonitored setting or in the absence of resuscitative equipment\nKnown or suspected paralytic ileus\nHypersensitivity (e.g., anaphylaxis) to morphine" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how long is oxycodone expired", + "output": "No answers" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is acebutolol hcl blue pill", + "output": "Acebutolol HCl, USP is a selective, hydrophilic beta-adrenoreceptor blocking agent with mild intrinsic sympathomimetic activity for use in treating patients with hypertension and ventricular arrhythmias. It is marketed in capsule form for oral administration." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "drug therapyof gastritis when taking diclofenac sodium", + "output": "When taken for a long time, painkillers like diclofenac and ibuprofen can lead to ulcers in the stomach and duodenum. But the risk of this happening can be clearly reduced by also taking medication to protect your stomach. || Various medications can lower the risk of getting a peptic ulcer. These include, in particular, drugs called proton pump inhibitors (PPIs) and H2 blockers. Both of these types of drugs reduce the production of stomach acid. In Germany, the most commonly used PPIs are omeprazole and pantoprazole. The H2 blocker that is normally used is ranitidine.\n\nThe hormone-like drug misoprostol is sometimes used too, although less often. One of the things misoprostol does is increase the production of gastric (stomach) mucus, which helps protect the stomach wall. In Germany, misoprostol is available as a combination drug together with the painkiller diclofenac." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "who administers succinylcholine?", + "output": "Succinylcholine should be used only by those skilled in the management of artificial respiration and only when facilities are instantly available for tracheal intubation and for providing adequate ventilation of the patient, including the administration of oxygen under positive pressure and the elimination of carbon dioxide. The clinician must be prepared to assist or control respiration." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "why is vitamin a important to the body", + "output": "Vitamins are substances that your body needs to grow and develop normally. Vitamin A plays a role in your\n\nVision\nBone growth\nReproduction\nCell functions\nImmune system\nVitamin A is an antioxidant. It can come from plant or animal sources. Plant sources include colorful fruits and vegetables. Animal sources include liver and whole milk. Vitamin A is also added to foods like cereals.\n\nVegetarians, young children, and alcoholics may need extra Vitamin A. You might also need more if you have certain conditions, such as liver diseases, cystic fibrosis, and Crohn's disease. Check with your health care provider to see if you need to take vitamin A supplements." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "does benazepril aggravate hepatitis?", + "output": "There have been rare reports of predominantly cholestatic hepatitis and isolated cases of acute liver failure, some of them fatal, in patients on ACE inhibitors. The mechanism is not understood. Patients receiving ACE inhibitors who develop jaundice or marked elevation of hepatic enzymes should discontinue the ACE inhibitor and be kept under medical surveillance." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what type if medicine is pots chloride 10meq er cap pad", + "output": "Potassium chloride is a mineral supplement used to treat or prevent low levels of potassium in the blood." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "latanoprost ophthalmic how long do you use the drops", + "output": "No answers" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how long does oxycontin stay in the urine", + "output": "No answers" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is insulin and glycogen", + "output": "Insulin and glucagon work in what\u2019s called a negative feedback loop. During this process, one event triggers another, which triggers another, and so on, to keep your blood sugar levels balanced.\n\nHow insulin works\nDuring digestion, foods that contain carbohydrates are converted into glucose. Most of this glucose is sent into your bloodstream, causing a rise in blood glucose levels. This increase in blood glucose signals your pancreas to produce insulin.\n\nThe insulin tells cells throughout your body to take in glucose from your bloodstream. As the glucose moves into your cells, your blood glucose levels go down. Some cells use the glucose as energy. Other cells, such as in your liver and muscles, store any excess glucose as a substance called glycogen. Your body uses glycogen for fuel between meals.\n\n||\n\nHow glucagon works\nGlucagon works to counterbalance the actions of insulin.\n\nAbout four to six hours after you eat, the glucose levels in your blood decrease, triggering your pancreas to produce glucagon. This hormone signals your liver and muscle cells to change the stored glycogen back into glucose. These cells then release the glucose into your bloodstream so your other cells can use it for energy.\n\nThis whole feedback loop with insulin and glucagon is constantly in motion. It keeps your blood sugar levels from dipping too low, ensuring that your body has a steady supply of energy." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how xarelto affects in the process of homeostasis", + "output": "XARELTO is a selective inhibitor of FXa. It does not require a cofactor (such as Anti-thrombin III) for activity. Rivaroxaban inhibits free FXa and prothrombinase activity. Rivaroxaban has no direct effect on platelet aggregation, but indirectly inhibits platelet aggregation induced by thrombin. By inhibiting FXa, rivaroxaban decreases thrombin generation." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "amiodarone for \"afib what\" are side effects", + "output": "Amiodarone may cause side effects. Tell your doctor if any of these symptoms are severe or do not go away:\nconstipation\nloss of appetite\nheadache\ndecreased sex drive\ndifficulty falling asleep or staying asleep\nflushing\nchanges in ability to taste and smell\nchanges in amount of saliva\nSome side effects can be serious. If you experience any of the following symptoms, or those listed in the IMPORTANT WARNING section, call your doctor immediately or get emergency medical treatment:\nrash\nweight loss or gain\nrestlessness\nweakness\nnervousness\nirritability\nintolerance to heat or cold\nthinning hair\nexcessive sweating\nchanges in menstrual cycle\nswelling in the front of the neck (goiter)\nswelling of the hands, feet, ankles, or lower legs\nuncontrollable shaking of a part of the body\ndecreased concentration\nmovements that you cannot control\npoor coordination or trouble walking\nnumbness or tingling in the hands, legs, and feet\nmuscle weakness\nAmiodarone may cause other side effects. Call your doctor if you have any unusual problems while taking this medication.\n\nIf you experience a serious side effect, you or your doctor may send a report to the Food and Drug Administration's (FDA) MedWatch Adverse Event Reporting program online (http://www.fda.gov/Safety/MedWatch) or by phone (1-800-332-1088)." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how to combine dapaliflozin with metformin", + "output": "Xigduo\u00ae XR (containing Dapagliflozin, Metformin)" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "why prozac used", + "output": "Fluoxetine (Prozac) is used to treat depression, obsessive-compulsive disorder (bothersome thoughts that won't go away and the need to perform certain actions over and over), some eating disorders, and panic attacks (sudden, unexpected attacks of extreme fear and worry about these attacks)." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "pill form topamax what does it look like", + "output": "TOPAMAX\u00ae (topiramate) Tablets are available as debossed, coated, round tablets in the following strengths and colors:\n\n25 mg cream (debossed \"OMN\" on one side; \"25\" on the other)\n\n50 mg light-yellow (debossed \"OMN\" on one side; \"50\" on the other)\n\n100 mg yellow (debossed \"OMN\" on one side; \"100\" on the other)\n\n200 mg salmon (debossed \"OMN\" on one side; \"200\" on the other)" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what to use with someone in place of morphine or iodine allergies", + "output": "There are a lot of medications available for pain control that are not opioids,\u201d says Dr. Soto, who\u2019s also president of the Michigan Society of Anesthesiologists. Here are several examples:" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what to use with someone in place of morphine or iodine allergies", + "output": "Unfortunately, the amount of iodine in a food isn\u2019t on a food label. It\u2019s not in books or on many web\nsites that list nutrients either. So you can\u2019t easily track iodine like some people track calories or grams\nof fat. Instead, you need to know which foods and ingredients to avoid." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "vitamin d 25, totalhow totakeaday", + "output": "According to the US Institute of Medicine, the recommended daily allowance is 400\u2013800 IU (10\u201320 micrograms), but common supplemental doses range from 1,000\u20132,000 IU (25\u201350 micrograms) per day." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "do ursodiol and coconut oil mix?", + "output": "No answers" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "why would my urine test be negative for benzodiazepines when i take ativan", + "output": "Common limitations exist for screening benzodiazepines when using traditional immunoassay (IA) tests. IA testing for benzodiazepines often targets nordiazepam and oxazepam to measure whether an antibody-antigen response occurs, resulting in a positive or negative test result. Other benzodiazepine compounds are tested for their ability to cross react with the target drug in an IA technique. In other words, low cross-reactivity of other drugs can result in false negatives for the other benzodiazepines. || Some commonly prescribed drugs have limited cross-reactivity. For example, lorazepam and 7-aminoclonazepam, the primary metabolite of clonazepam, have limited cross-reactivity with traditional IAs due to their molecular structures. Therefore, it is not uncommon for a laboratory to obtain a \u201cnegative\u201d IA result for lorazepam and 7-aminoclonazepam that is indeed positive once confirmation testing with a mass spectrometer (MS) is performed." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "can i drink cataflam when i drink medrol;", + "output": "Drug interactions are reported among people who take Medrol and Cataflam together. This study is created by eHealthMe based on reports of 36 people who take Medrol and Cataflam from FDA, and is updated regularly." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how much pain rellief is in fentanyl?", + "output": "Fentanyl has several potential advantages for out-of-hospital analgesia, including rapid onset, short duration, and less histamine release." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is dosage/quetiapine", + "output": "2.1 Schizophrenia \n\nAdults\n\nDose Selection\u2014 SEROQUEL should generally be administered with an initial dose of 25 mg twice daily, with increases in total daily dose of 25 mg - 50 mg divided in two or three doses on the second and third day, as tolerated, to a total dose range of 300 mg to 400 mg daily by the fourth day. Further dosage adjustments, if indicated, should generally occur at intervals of not less than 2 days, as steady-state for SEROQUEL would not be achieved for approximately 1-2 days in the typical patient. When dosage adjustments are necessary, dose increments/decrements of 25 mg - 50 mg divided twice daily are recommended. Most efficacy data with SEROQUEL were obtained using three times daily dosing regimens, but in one controlled trial 225 mg given twice per day was also effective. \n\nEfficacy in schizophrenia was demonstrated in a dose range of 150 mg/day to 750 mg/day in the clinical trials supporting the effectiveness of SEROQUEL. In a dose response study, doses above 300 mg/day were not demonstrated to be more efficacious than the 300 mg/day dose. In other studies, however, doses in the range of 400 mg/day - 500 mg/day appeared to be needed. The safety of doses above 800 mg/day has not been evaluated in clinical trials." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "one dose amoxicillin how many capsule", + "output": "Infection\tSeverity\u2021\tUsual Adult Dose\tUsual Dose for Children >3 months\u00a7 \u03c0\nEar/Nose/Throat\tMild/Moderate\t500 mg every12 hours or 250 mg every 8 hours\t25 mg/kg/day in divided doses every 12 hours or 20 mg/kg/day in divided doses every 8 hours\n \tSevere\t875 mg every 12 hours or 500 mg every 8 hours\t45 mg/kg/day in divided doses every 12 hours or 40 mg/kg/day in divided doses every 8 hours\nLower Respiratory Tract\tMild/Moderate or Severe\t875 mg every 12 hours or 500 mg every 8 hours\t45 mg/kg/day in divided doses every 12 hours or 40 mg/kg/day in divided doses every 8 hours\nSkin/Skin Structure\tMild/Moderate\t500 mg every12 hours or 250 mg every 8 hours\t25 mg/kg/day in divided doses every 12 hours or 20 mg/kg/day in divided doses every 8 hours\n \tSevere\t875 mg every12 hours or 500 mg every 8 hours\t45 mg/kg/day in divided doses every 12 hours or 40 mg/kg/day in divided doses every 8 hours\nGenitourinary Tract\tMild/Moderate\t500 mg every12 hours or 250 mg every 8 hours\t25 mg/kg/day in divided doses every 12 hours or 20 mg/kg/day in divided doses every 8 hours\n \tSevere\t875 mg every12 hours or 500 mg every 8 hours\t45 mg/kg/day in divided doses every 12 hours or 40 mg/kg/day in divided doses every 8 hours\nGonorrhea Acute, uncomplicated ano-genital and urethral infections in males and females\t \t3 grams as single oral dose\tPrepubertal children: 50 mg/kg amoxicillin, combined with 25 mg/kg probenecid as a single dose.NOTE: SINCE PROBENECID IS CONTRAINDICATED IN CHILDREN UNDER 2 YEARS, DO NOT USE THIS REGIMEN IN THESE CASES." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what happens if too much insulin is released into the blood", + "output": "Excess insulin in the bloodstream causes cells in your body to absorb too much glucose (sugar) from your blood. It also causes the liver to release less glucose. These two effects together create dangerously low glucose levels in your blood. This condition is called hypoglycemia. || Mild hypoglycemia\nSymptoms of low blood sugar may include:\n\nsweating and clamminess\nchills\nlightheadedness or dizziness\nmild confusion\nanxiety or nervousness\nshakiness\nrapid heartbeat\nhunger\nirritability\ndouble vision or blurred vision\ntingling in the lips or around the mouth || More severe symptoms of hypoglycemia, sometimes referred to as diabetic shock or insulin shock, include:\n\nconcentration problems\nseizures\nunconsciousness\ndeath" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what type of drug is amphetamine", + "output": "Amphetamine (Adzenys ER, Adzenys XR, Dyanavel XR, Evekeo) is used as part of a treatment program to control symptoms of attention deficit hyperactivity disorder (ADHD; more difficulty focusing, controlling actions, and remaining still or quiet than other people who are the same age) in adults and children. Amphetamine (Evekeo) is used to treat narcolepsy (a sleep disorder that causes excessive daytime sleepiness and sudden attacks of sleep). Amphetamine (Evekeo) is also used for a limited period of time (a few weeks) along with a reduced calorie diet and an exercise plan for weight loss in obese people unable to lose weight. Amphetamine is in a class of medications called central nervous system stimulants. It works by changing the amounts of certain natural substances in the brain." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "blood pressure when on eliquis metropropnal", + "output": "Drug interactions are reported among people who take Eliquis and Metoprolol tartrate together." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "age limits for use of bupropion?", + "output": "It is not known if Bupropion Hydrochloride Extended-release (SR) tablets are safe and effective in children under the age of 18." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how to self inject enoxaparin sodium", + "output": "Remove needle cover by pulling straight off of needle (see FIGURE 1). If adjusting the dose is required, the adjustment must be done prior to injecting the prescribed dose into the patient.\nFigure 1\n\nSee ADMINISTRATION: SUBCUTANEOUS INJECTION TECHNIQUE for a description of the Standard Protocol for administration.\nFigure 2\n\nDepress the plunger while grasping the finger flange until the entire dose has been given. The Passive needle guard should not activate unless the entire dose has been given.\nFigure 3\n\nRemove needle from patient, then let go of the plunger and allow syringe to move up until the entire needle is guarded.\nFigure 4\n\nDispose of syringe/needle guard assembly in approved sharps container.\nFigure 5" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how much is 5ml in cough syrup?", + "output": "A standard dosing teaspoon holds 5ml." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how to come off citalopram", + "output": "If you suddenly stop taking citalopram, you may experience withdrawal symptoms such as mood changes, irritability, agitation, dizziness, numbness, tingling or electric shock-like sensations in the hands or feet, anxiety, confusion, headache, tiredness, nausea, sweating, shaking, and difficulty falling asleep or staying asleep. Do not stop taking citalopram without talking to your doctor. Your doctor will probably decrease your dose gradually." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what type of drug is heroin", + "output": "It's an opioid drug made from morphine, a natural substance in the seedpod of the Asian poppy plant." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "wetting in pants after penicillin shot?", + "output": "Penicillin G benzathine and penicillin G procaine injection may cause side effects." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how to inject insulin", + "output": "Your doctor will tell you which type(s) of insulin to use, how much insulin to use, and how often to inject insulin. Follow these directions carefully. Do not use more or less insulin or use it more often than prescribed by your doctor." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what to do if missed two days of thyroid medications", + "output": "Take the missed dose as soon as you remember it. However, if it is almost time for the next dose, skip the missed dose and continue your regular dosing schedule. Do not take a double dose to make up for a missed one. Tell your doctor if you miss two or more doses of thyroid in a row." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is a biologic", + "output": "Biological products include a wide range of products such as vaccines, blood and blood components, allergenics, somatic cells, gene therapy, tissues, and recombinant therapeutic proteins. Biologics can be composed of sugars, proteins, or nucleic acids or complex combinations of these substances, or may be living entities such as cells and tissues. Biologics are isolated from a variety of natural sources - human, animal, or microorganism - and may be produced by biotechnology methods and other cutting-edge technologies. Gene-based and cellular biologics, for example, often are at the forefront of biomedical research, and may be used to treat a variety of medical conditions for which no other treatments are available." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how to stop taking amlodipine", + "output": "Continue to take amlodipine even if you feel well. Do not stop taking amlodipine without talking to your doctor." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what color is 30mg prednisone", + "output": "Yellow, 9mm, round, flat, tablet, with a score line on one side, imprinted with \u201cA670\u201d on one side and \u201c30\u201d on the other." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how to use ceftriaxone in malaria", + "output": "Ceftriaxone was most commonly prescribed for comorbid malaria with bacterial infections, urinary tract infections, sepsis and gastroenteritis. The appropriateness of the indication was 86% (n = 218). The doses most prescribed were 1g (41%) and 2g (39%). Stat dose and once-daily dosage regimen constituted 51.4% and 84.5%, respectively. The most common duration of treatment was 1 (51.4%) and 2 days (35.1%). The overall appropriateness of prescribing was 93% against a pre-set threshold of 97%." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what his acetaminophen and 8mg phosphate codeline", + "output": "ACETAMINOPHEN AND CODEINE PHOSPHATE- acetaminophen and codeine phosphate tablet" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "do i take a statin with or without food ?", + "output": "Read the label on the bottle carefully. Some brands should be taken with food. Others may be taken with, or without food." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is aldosterone", + "output": "ALD is a hormone made by the adrenal glands. || ALD affects blood pressure and also regulates sodium (salt) and potassium in your blood, among other functions. Too much ALD can contribute to high blood pressure and low potassium levels. It\u2019s known as hyperaldosteronism when your body makes too much ALD." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "why no side affects on hydromorphone listed, yet on reg inet they have a list?", + "output": "Hydromorphone may cause side effects." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "when you stop taking spironolactone do you bleed", + "output": "If you stop taking it suddenly: If you stop taking this drug, you may start retaining water. You may also have a sudden increase in your blood pressure. This can lead to a heart attack or stroke." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how many tums aday", + "output": "\u2022do not take more than 15 tablets in 24 hours\u2022if pregnant do not take more than 10 tablets in 24 hours\u2022do not use the maximum dosage for more than 2 weeks except under the advice and supervision of a doctor" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "remipril compatible with cabergoline?", + "output": "Cabergoline: (Minor) Cabergoline has minimal affinity for adrenergic receptors; however, it has been associated with hypotension in some instances. Cabergoline should be used cautiously in those receiving antihypertensive agents." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what happens when you take lansoprazole long term", + "output": "Bone fractures warning: People who take several doses of this drug per day for one year or longer may have an increased risk of bone fractures. These breaks may be more likely to happen in your hip, wrist, or spine. Talk to your doctor about your risk of bone fractures. You should take this drug exactly as prescribed by your doctor. Your doctor should prescribe the lowest dose possible for your treatment for the shortest amount of time. || Fundic gland polyps warning: Long-term use (especially over one year) of lansoprazole can cause fundic gland polyps. These polyps are growths on the lining of your stomach that can become cancerous. To help prevent these polyps, you should use this drug for as short a time as possible. || Vitamin B-12 deficiency. Using this drug every day for longer than three years can make it harder for your body to absorb vitamin B-12. || Low magnesium levels. Using this drug for three months or longer can decrease your magnesium levels." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how much ethanol alcohol is in 2 puffs of \"proair?\"", + "output": "After 2 puffs (30\u2009s between puffs), breathalyser BAC results were as follows: 0.008% (1\u2009min) and 0 at 2\u2009min" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "can clots still occur when taking rivaroxaban", + "output": "Rivaroxaban works by decreasing the clotting ability of the blood." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how often should you get a zoster vaccine", + "output": "The Centers for Disease Control and Prevention recommends that healthy adults 50 years and older get the Shingrix vaccine. You need two doses of the vaccine, given 2 to 6 months apart. Another vaccine, Zostavax, may be used in certain cases." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what insulin can be mixed with glargine", + "output": "Do not mix with\nother insulins" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is naproxen used for", + "output": "Prescription naproxen is used to relieve pain, tenderness, swelling, and stiffness caused by osteoarthritis (arthritis caused by a breakdown of the lining of the joints), rheumatoid arthritis (arthritis caused by swelling of the lining of the joints), juvenile arthritis (a form of joint disease in children), and ankylosing spondylitis (arthritis that mainly affects the spine). Prescription naproxen tablets, extended-release tablets, and suspension are also used to relieve shoulder pain caused by bursitis (inflammation of a fluid-filled sac in the shoulder joint), tendinitis (inflammation of the tissue that connects muscle to bone), gouty arthritis (attacks of joint pain caused by a build-up of certain substances in the joints), and pain from other causes, including menstrual pain (pain that happens before or during a menstrual period). Nonprescription naproxen is used to reduce fever and to relieve mild pain from headaches, muscle aches, arthritis, menstrual periods, the common cold, toothaches, and backaches. Naproxen is in a class of medications called NSAIDs. It works by stopping the body's production of a substance that causes pain, fever, and inflammation." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "taken off this medicine / how might it affect me? palmarosa?", + "output": "It is most useful during convalescence and cools the body of fever, while aiding the digestive system, helping to clear intestinal infection, digestive atonia and anorexia nervosa. It is effective in relieving sore, stiff muscles." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how does amitriptyline compare to alprazolam", + "output": "In a double-blind randomized study the therapeutic effect and safety of alprazolam was compared with amitriptyline in 81 outpatients suffering from major depression. Variable dosages of both drugs were used, the mean final dose of alprazolam being 3.05 and that of amitriptyline 130 mg. Both treatment groups improved steadily, assessed weekly with the use of the Hamilton Rating Scale for Depression, and no significant differences were found between the groups, either on comparison between single items or total scores. On several of the criteria used for assessment of treatment response, however, more patients responded to amitriptyline than to alprazolam. In an analysis of specific subgroups, patients whose depression was accompanied by retardation, those in whom there were no precipitating factors and those with low levels of anxiety, responded better to amitriptyline. Considerably fewer side effects were reported by patients receiving alprazolam. In particular, there was a significantly lower incidence of dry mouth, light-headedness, tremor and tachycardia in patients receiving alprazolam compared with amitriptyline." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is aldactazide used for", + "output": "The combination of spironolactone and hydrochlorothiazide is used to treat high blood pressure. This medication is also used to treat patients with edema (fluid retention) caused by various conditions, including heart, liver, or kidney disease. Spironolactone is in a class of medications called aldosterone receptor antagonists. It causes the kidneys to eliminate unneeded water and sodium from the body into the urine, but reduces the loss of potassium from the body. Hydrochlorothiazide is in a class of medications called diuretics (''water pills''). It works by causing the kidneys to get rid of unneeded water and salt from the body into the urine." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how does insulin work?", + "output": "Insulin is a hormone that helps glucose get into your cells to give them energy. Without insulin, too much glucose stays in your blood. Over time, high blood glucose can lead to serious problems with your heart, eyes, kidneys, nerves, and gums and teeth." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how to use albuterol oral inhalation demonstration video", + "output": "To inhale the aerosol using an inhaler, follow these steps:\nRemove the protective dust cap from the end of the mouthpiece. If the dust cap was not placed on the mouthpiece, check the mouthpiece for dirt or other objects. Be sure that the canister is fully and firmly inserted in the mouthpiece.\nIf you are using the inhaler for the first time or if you have not used the inhaler in more than 14 days, you will need to prime it. You may also need to prime the inhaler if it has been dropped. Ask your pharmacist or check the manufacturer's information if this happens. To prime the inhaler, shake it well and then press down on the canister 4 times to release 4 sprays into the air, away from your face. Be careful not to get albuterol in your eyes.\nShake the inhaler well.\nBreathe out as completely as possible through your mouth.\nHold the canister with the mouthpiece on the bottom, facing you and the canister pointing upward. Place the open end of the mouthpiece into your mouth. Close your lips tightly around the mouthpiece.\nBreathe in slowly and deeply through the mouthpiece.At the same time, press down once on the container to spray the medication into your mouth.\nTry to hold your breath for 10 seconds. remove the inhaler, and breathe out slowly.\nIf you were told to use 2 puffs, wait 1 minute and then repeat steps 3-7.\nReplace the protective cap on the inhaler.\nClean your inhaler regularly. Follow the manufacturer's directions carefully and ask your doctor or pharmacist if you have any questions about cleaning your inhaler.\nTo inhale the powder using the inhaler, follow these steps. Do not use the Respiclick inhaler with a spacer:\nIf you will be using a new inhaler for the first time, remove it from the foil wrapper. Look at the dose counter at the back of the inhaler and check that you see the number 200 in the window.\nHolding the inhaler upright, with the cap on the bottom and the inhaler pointing upwards, load the dose by opening the protective dust cap at the end of the mouthpiece until it clicks. Do not open the cap unless you are ready to use the inhaler. Every time the protective cap is opened, a dose is ready to inhale. You will see the number in the dose counter go down. Do not waste doses by opening the inhaler unless you are inhaling a dose.\nBreathe out as completely as possible through your mouth. Do not blow or exhale into the inhaler.\nPlace the mouthpiece between your lips well into your mouth. Close your lips tightly around the mouthpiece. Inhale slowly and deeply through your mouth. Do not breath in through your nose. Make sure that your fingers or lips do not block the vent above the mouthpiece.\nRemove the inhaler from your mouth and hold your breath for 10 seconds or as long as you comfortably can. Do not blow or exhale through the inhaler.\nClose the cap firmly over the mouthpiece.\nIf you are to inhale 2 puffs, repeat steps 2-6.\nKeep the inhaler clean and dry at all times. To clean your inhaler, use a clean, dry tissue or cloth. Do not wash or put any part of your inhaler in water.\nTo inhale the solution using a nebulizer, follow these steps;\nRemove one vial of albuterol solution from the foil pouch. Leave the rest of the vials in the pouch until you are ready to use them.\nLook at the liquid in the vial. It should be clear and colorless. Do not use the vial if the liquid is cloudy or discolored.\nTwist off the top of the vial and squeeze all of the liquid into the nebulizer reservoir. If you are using your nebulizer to inhale other medications, ask your doctor or pharmacist if you can place the other medications in the reservoir along with albuterol.\nConnect the nebulizer reservoir to the mouthpiece or face mask.\nConnect the nebulizer to the compressor.\nPlace the mouthpiece in your mouth or put on the face mask. Sit in an upright, comfortable position and turn on the compressor.\nBreathe in calmly, deeply, and evenly for about 5-15 minutes until mist stops forming in the nebulizer chamber.\nClean your nebulizer regularly. Follow the manufacturer's directions carefully and ask your doctor or pharmacist if you have any questions about cleaning your nebulizer." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "gabapentin and pregabalin what is the difference?", + "output": "Lyrica (pregablin) and gabapentin (Neurontin) are anti-epileptic medications used to treat seizures and nerve pain (neuropathic pain).\nGabapentin also is used to treat nerve pain caused by shingles (herpes zoster). || Side effects of gabapentin that are different from Lyrica include:\nDifficulty speaking\nViral infections\nFever\nUnusual eye movements\nJerky movements\n|| Side effects of Lyrica that are different from gabapentin include:\nDry mouth\nConstipation\nSwelling (edema)\nBreast enlargement\nWeight gain" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "why is pyridostigmine prescribed", + "output": "Pyridostigmine is used to decrease muscle weakness resulting from myasthenia gravis." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is highest dose of oxybutynin a person can take", + "output": "Adults\nThe usual dose is one 5-mg tablet two to three times a day. The maximum recommended dose is one 5-mg tablet four times a day. A lower starting dose of 2.5 mg two or three times a day is recommended for the frail elderly.\n\nPediatric patients over 5 years of age\nThe usual dose is one 5-mg tablet two times a day. The maximum recommended dose is one 5-mg tablet three times a day." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is brand name of acetaminophen", + "output": "Acephen Rectal Suppository\u00ae\nFeverall Rectal Suppository\u00ae\nMapap Rectal Suppository\u00ae\nNeopap Supprettes Rectal Suppository\u00ae\nUniserts Rectal Suppository\u00ae\nAceta\u00ae\u00b6\nActamin\u00ae\nAdprin B\u00ae\nAnacin\u00ae\nApacet\u00ae\nApara\u00ae\nApra\u00ae\nConacetol\u00ae\nDolono\u00ae\nFeverall\u00ae\nGenapap\u00ae\nGenebs\u00ae\nGericet\u00ae\nHalenol\u00ae\nInfantaire\u00ae\nLiquiprin\u00ae\nLopap\u00ae\nMapap\u00ae\nMardol\u00ae\nMasophen\u00ae\nMeda Cap\u00ae\nPain-Eze\u00ae\nPanadol\u00ae\nPanex\u00ae\nParamol\u00ae\nPediapap\u00ae\nQ-Pap\u00ae\nRedutemp\u00ae\nRidenol\u00ae\nSilapap\u00ae\nS-T Febrol\u00ae\nTactinal\u00ae\nTempra\u00ae\nT-Panol\u00ae\nTycolene\u00ae\nTylenol\u00ae\nTylophen\u00ae\nUni-Ace\u00ae\nVitapap\u00ae" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "ink 2.3 how much coumadine should one take", + "output": "Take COUMADIN exactly as prescribed. Your healthcare provider will adjust your dose from time to time depending on your response to COUMADIN.\nYou must have regular blood tests and visits with your healthcare provider to monitor your condition.\nIf you miss a dose of COUMADIN, call your healthcare provider. Take the dose as soon as possible on the same day. Do not take a double dose of COUMADIN the next day to make up for a missed dose." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how about the sexual medicine name", + "output": "n/a" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how does spiriva work", + "output": "Tiotropium is in a class of medications called bronchodilators. It works by relaxing and opening the air passages to the lungs to make breathing easier." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "norvasc and depression?", + "output": "The following events occurred in <1% but >0.1% of patients in controlled clinical trials or under conditions of open trials or marketing experience where a causal relationship is uncertain; they are listed to alert the physician to a possible relationship: || Psychiatric: sexual dysfunction (male4 and female), insomnia, nervousness, depression, abnormal dreams, anxiety, depersonalization." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how many days after taking the pill with i start my period", + "output": "Regular menstrual cycles will return within 3 to 6 months after a woman stops using most hormonal birth control methods." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how often zoster zoster vaccine needs to be taken", + "output": "The Centers for Disease Control and Prevention recommends that healthy adults 50 years and older get the Shingrix vaccine. You need two doses of the vaccine, given 2 to 6 months apart. Another vaccine, Zostavax, may be used in certain cases." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is bioflavonoid", + "output": "Bioflavonoids are a group of what are called \u201cpolyphenolic\u201d plant-derived compounds. They\u2019re also called flavonoids. There are between 4,000 and 6,000 different varieties known. Some are used in medicine, supplements, or for other health purposes." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what are the symptoms of a human exposed to boric acid powder", + "output": "The main symptoms of boric acid poisoning are blue-green vomit, diarrhea, and a bright red rash on the skin. Other symptoms may include:\n\u2022SKIN\tMAY BE ABSORBED! Redness. May be absorbed through injured skin.\tProtective gloves.\tRemove contaminated clothes. Rinse and then wash skin with water and soap. Refer for medical attention.\n\u2022EYES\tRedness. Pain.\tSafety spectacles.\tFirst rinse with plenty of water for several minutes (remove contact lenses if easily possible), then take to a doctor.\n\u2022INGESTION\tAbdominal pain. Convulsions. Diarrhoea. Nausea. Vomiting. Skin rash.\tDo not eat, drink, or smoke during work.\tRinse mouth. Refer for medical attention." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "dtap/tdap/td vaccines how often is this due", + "output": "Routine Vaccination of Infants and Children, Adolescents, Pregnant Women, and Adults\nCDC recommends diphtheria, tetanus, and acellular pertussis vaccination (DTaP for those younger than 7 years of age, and Tdap or Td for those 7 years or older) across the lifespan.\n\nInfants and children should receive 5 doses of DTaP, usually administered at 2, 4, and 6 months, 15 through 18 months, and 4 through 6 years of age. DT can be used for infants and children who should not receive acellular pertussis-containing vaccines.\nAdolescents should receive a single dose of Tdap, preferably at 11 to 12 years of age.\nPregnant women should receive a single dose of Tdap during every pregnancy, preferably at 27 through 36 weeks gestation. Tdap is recommended only in the immediate postpartum period before discharge from the hospital or birthing center for new mothers who have never received Tdap before or whose vaccination status is unknown.\nAdults should receive a single dose of Td every 10 years. For adults who did not receive Tdap as an adolescent, a dose of Tdap can replace one of the 10-year Td booster doses. (Note: When feasible, Boostrix\u00ae should be used for adults 65 years and older; however, either vaccine product administered to a person 65 years or older may be used. Providers should not miss an opportunity to vaccinate persons aged 65 years and older with Tdap. Therefore, providers may administer the Tdap vaccine they have available.)" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "who makes this drug nitrofurantoin ?", + "output": "Procter and Gamble Pharmaceuticals, Inc." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is a daily amount of prednisolone eye drops to take", + "output": "Two drops topically in the eye(s) four times daily. In cases of bacterial infections, concomitant use of anti-infective agents is mandatory. Care should be taken not to discontinue therapy prematurely." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "is lyrica the same as gabbentine?", + "output": "Lyrica (pregablin) and gabapentin (Neurontin) are anti-epileptic medications used to treat seizures and nerve pain (neuropathic pain).\nGabapentin also is used to treat nerve pain caused by shingles (herpes zoster). || Side effects of gabapentin that are different from Lyrica include:\nDifficulty speaking\nViral infections\nFever\nUnusual eye movements\nJerky movements\n|| Side effects of Lyrica that are different from gabapentin include:\nDry mouth\nConstipation\nSwelling (edema)\nBreast enlargement\nWeight gain" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how long it takes for withdrawals to go away on oxycodone", + "output": "Withdrawal from oxycodone usually starts within 8-12 hours of taking the drug, and it peaks in the first 72 hours. Symptoms generally subside in about a week, although some of the psychological effects and drug cravings may persist for longer." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is a safe dosage for gabapentin?", + "output": "In adults with postherpetic neuralgia, gabapentin capsules therapy may be initiated as a single 300 mg dose on Day 1, 600 mg/day on Day 2 (divided BID), and 900 mg/day on Day 3 (divided TID). The dose can subsequently be titrated up as needed for pain relief to a daily dose of 1800 mg (divided TID). In clinical studies, efficacy was demonstrated over a range of doses from 1800 mg/day to 3600 mg/day with comparable effects across the dose range. Additional benefit of using doses greater than 1800 mg/day was not demonstrated." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "seniors and premarin?", + "output": "There have not been sufficient numbers of geriatric patients involved in studies utilizing PREMARIN to determine whether those over 65 years of age differ from younger subjects in their response to PREMARIN." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "can mucinex fast-max products be used with other over-the-counter (otc) or prescription medications?", + "output": "Do not use with any other drug containing acetaminophen (prescription or nonprescription).\u00a0" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how opioids reduce pain", + "output": "Opioids bind to and activate opioid receptors on cells located in many areas of the brain, spinal cord, and other organs in the body, especially those involved in feelings of pain and pleasure. When opioids attach to these receptors, they block pain signals sent from the brain to the body and release large amounts of dopamine throughout the body." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how to stop taking buprenorphine", + "output": "The decision to discontinue therapy with buprenorphine and naloxone or buprenorphine after a period of maintenance should be made as part of a comprehensive treatment plan.\u00a0Advise patients of the potential to relapse to illicit drug use following discontinuation of opioid agonist/partial agonist medication-assisted treatment. Taper patients to reduce the occurrence of withdrawal signs and symptoms\u00a0[See Warnings and Precautions (5.7)]." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is the side effect of bp medicine on brain?", + "output": "Cough\n Diarrhea or constipation\n Dizziness or lightheadedness\n Erection problems\n Feeling nervous\n Feeling tired, weak, drowsy, or a lack of energy\n Headache\n Nausea or vomiting\n Skin rash\n Weight loss or gain without trying" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "qvar 40mcg what is it for", + "output": "QVAR\u00ae\u00a0is indicated in the maintenance treatment of asthma as prophylactic therapy in patients 5 years of age and older." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "fentanyl \"patch,\" what if \"doesn't\" stick well", + "output": "If problems with adhesion of the fentanyl transdermal system patch occur, the edges of the patch may be taped with first aid tape. If problems with adhesion persist, the patch may be overlayed with a transparent adhesive film dressing." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what size pill is risedronate", + "output": "12mm" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is in the pill montelukast?", + "output": "MONTELUKAST SODIUM; CROSCARMELLOSE SODIUM; HYDROXYPROPYL CELLULOSE, LOW SUBSTITUTED; LACTOSE MONOHYDRATE; MAGNESIUM STEARATE; CELLULOSE, MICROCRYSTALLINE; FERROSOFERRIC OXIDE; HYPROMELLOSES; FERRIC OXIDE RED; FERRIC OXIDE YELLOW; TITANIUM DIOXIDE" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what meds are in the pill montelukast?", + "output": "ACTIVE INGREDIENT: MONTELUKAST SODIUM\u00a0(UNII: U1O3J18SFL) (MONTELUKAST - UNII:MHM278SD3E)" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how often do you take flu vaccine?", + "output": "Everyone 6 months of age and older should get a flu vaccine every season." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "hyptotension caused by lexapro?", + "output": "Vascular Disorders: deep vein thrombosis, flushing, hypertensive crisis, hypotension, orthostatic hypotension, phlebitis, thrombosis." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how to safely stop fluvoxamine malate", + "output": "Symptoms associated with discontinuation of other SSRIs and SNRIs have been reported (see\u00a0PRECAUTIONS). Patients should be monitored for these symptoms when discontinuing treatment. A gradual reduction in the dose rather than abrupt cessation is recommended whenever possible. If intolerable symptoms occur following a decrease in the dose or upon discontinuation of treatment, then resuming the previously prescribed dose may be considered. Subsequently, the physician may continue decreasing the dose but at a more gradual rate." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "dydrogesterone tablets 10 mg is for what purpose", + "output": "Dydrogesterone, sold under the brand name\u00a0Duphaston\u00a0among others, is a\u00a0progestin\u00a0medication\u00a0which is used for a variety of indications, including\u00a0threatened\u00a0or\u00a0recurrent miscarriage\u00a0during\u00a0pregnancy,\u00a0dysfunctional bleeding,\u00a0infertility\u00a0due to\u00a0luteal insufficiency,\u00a0dysmenorrhea,\u00a0endometriosis, secondary\u00a0amenorrhea,\u00a0irregular cycles,\u00a0premenstrual syndrome, and as a component of\u00a0menopausal hormone therapy." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how often do you need a shingles vaccine", + "output": "The recommended schedule for live shingles vaccine is a single dose for\u00a0adults 60 years of age and older." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how often do you need a shingles vaccine", + "output": "Shingles Vaccine (recombinant) Two doses, 2 to 6 months apart, are recommended for\u00a0adults 50 and older. This vaccine is also recommended for people who have already gotten the live shingles vaccine (Zostavax). There is no live virus in this vaccine." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "when is the best tme to take magnesium citrate tab.", + "output": "It is best to take\u00a0magnesium\u00a0supplements\u00a0with a meal to reduce\u00a0stomach\u00a0upset and\u00a0diarrheaunless otherwise directed by the product instructions or your doctor." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "why did my doctor give me levetiracetam", + "output": "Levetiracetam Extended-release Tablets is indicated as adjunctive therapy in the treatment of partial onset seizures in patients 12 years of age and older with epilepsy." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "hydrochlorothiazide made by unichem is it safe?", + "output": "Accord Healthcare Inc. is voluntarily recalling One lot (Lot PW05264 \u2013 46632 Bottles, NDC 16729-182-01) of Hydrochlorothiazide Tablets USP, 12.5 mg, to the consumer level." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how to use spiriva", + "output": "For oral inhalation only. Do not swallow SPIRIVA capsules, as the intended effects on the lungs will not be obtained. The contents of the SPIRIVA capsules should only be used with the HANDIHALER device\u00a0" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how often should you use a dulera inhaler", + "output": "DULERA should be administered as two inhalations twice daily every day (morning and evening) by the orally inhaled route (see\u00a0PATIENT INSTRUCTIONS FOR USE\u00a0in the Patient Information leaflet)." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what exactly is butalbital", + "output": "Butalbital,\u00a05-allyl-5-isobutylbarbituric acid, is a barbiturate with an intermediate duration of action." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "testosterone over counter?", + "output": "NATURAL TESTOSTERONE- avena sativa. epimedium, lycopodium clavatum, damiana, testosterone, agnus castus spray" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what are beta blockers", + "output": "Beta blockers, also known as beta-adrenergic blocking agents, are medications that reduce your blood pressure. Beta blockers work by blocking the effects of the hormone epinephrine, also known as adrenaline." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "is viagra a treament for cor pulmonale?", + "output": "Sildenafil (Revatio, Viagra) and tadalafil (Cialis, Adcirca) are sometimes used to treat pulmonary hypertension." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "is lasix the only diuretic drug for fluid build up in heart failure patients?", + "output": "Mild congestive heart failure is initially managed with a thiazide diuretic [11]. However, loop diuretics (e.g., furosemide, torsemide, or bumetanide) are the principal drugs used in the treatment of heart failure [22]." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "is lasix the only diuretic drug for fluid build up in heart failure patients?", + "output": "Commonly prescribed include: Furosemide (Lasix), Bumetanide (Bumex), Torsemide (Demadex), Chlorothiazide (Diuril), Amiloride (Midamor Chlorthalidone (Hygroton), Hydrochlorothiazide or HCTZ (Esidrix, Hydrodiuril), Indapamide (Lozol), Metolazone (Zaroxolyn), Triamterene (Dyrenium). What this type of medication does: Causes the body to rid itself of excess fluids and sodium through urination. Helps to relieve the heart's workload. Also decreases the buildup of fluid in the lungs and other parts of the body, such as the ankles and legs. Different diuretics remove fluid at varied rates and through different methods." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what can i do if unusual bruising appears after injecting enoxaparin", + "output": "The local application of cold-hot packs is more effective on reducing bruises following enoxaparin sodium injections when compared with local cold pack application alone" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what effect if take high cholesteron pill", + "output": "If diet and exercise don't reduce your cholesterol levels, you may need to take cholesterol medicine. Often, this medicine is a statin. Statins interfere with the production of cholesterol in your liver. They lower LDL (bad) cholesterol levels and raise HDL (good) cholesterol levels. This can slow the formation of plaques in your arteries." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "will anti viral drugs activate my angio edema condition?", + "output": "[Antiviral] Treatment was discontinued prematurely due to patient-reported adverse effects in 4 (0.8%) patients, including angioedema (n\u2009=\u20091) [0.2%]" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is the length of entecavir treatment", + "output": "The optimal duration of treatment with entecavir tablets for patients with chronic hepatitis B virus infection and the relationship between treatment and long-term outcomes such as cirrhosis and hepatocellular carcinoma are unknown." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how fast does teh medications take to work amlodipine", + "output": "After oral administration of therapeutic doses of amlodipine besylate, absorption produces peak plasma concentrations between 6 and 12 hours." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "are tobacco and nicotine products addictive?", + "output": "Is nicotine addictive? Yes. Most smokers use tobacco regularly because they are addicted to nicotine." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how does sutent affect creatine", + "output": "Among patients receiving sunitinib, the incidence of all grade increased creatinine levels is 12.4% to 65.6%" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how much b-12 is needed in an adult/month", + "output": "Average daily recommended amounts \u2026 Adults 2.4 mcg" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how long does heroin stay in toxicology test", + "output": "Most of the time, heroin is no longer detectable in a person\u2019s urine after just 2 days. However, certain tests have been known to have a positive result for this drug for up to 7 days." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how dangerous is cutting nifedipine er cc tablets", + "output": "Nifedipine Extended-release Tablets should be swallowed whole. Do not chew, divide or crush tablets." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is the normal dose of clindamycin", + "output": "Adults:\u00a0Serious infections\u00a0- 150 to 300 mg every 6 hours. More severe infections - 300 to 450 mg every 6 hours." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how do you pronounce prednisolone", + "output": "\\pred-\u02c8ni-s\u0259-\u02ccl\u014dn\u00a0\u00a0\\" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how to administer insulin", + "output": "Inject NOVOLOG subcutaneously within 5-10 minutes before a meal into the abdominal area, thigh, buttocks or upper arm." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what dosage amounts does aripiprazole", + "output": "The recommended starting and target dose for aripiprazole is 10 mg/day or 15 mg/day administered on a once-a-day schedule without regard to meals. Aripiprazole has been systematically evaluated and shown to be effective in a dose range of 10 mg/day to 30 mg/day, when administered as the tablet formulation; however, doses higher than 10 mg/day or 15 mg/day were not more effective than 10 mg/day or 15 mg/day." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how long does ecstasy or mda leave your body", + "output": "In terms of its metabolism,\u00a0research suggests\u00a0that MDMA taken by mouth reaches its maximal blood concentration in about two hours. As ecstasy is metabolized, it is secreted into the urine and can be present for up to two days." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "can spironolactone e used when talking furosemide", + "output": "The combination product, in a daily dose of 1 or 2 capsules, was found useful and well tolerated in the management of congestive heart failure." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how long should i take dutasteride", + "output": "We strongly recommend that physicians discuss with their patients these potential serious adverse effects of long-term dutasteride therapy prior to instituting this form of treatment." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is in norvasc", + "output": "ACTIVE INGREDIENT-AMLODIPINE BESYLATE; INACTIVE INGREDIENTS-MICROCRYSTALLINE CELLULOSE, ANHYDROUS DIBASIC CALCIUM PHOSPHATE, SODIUM STARCH GLYCOLATE TYPE A POTATO, MAGNESIUM STEARATE" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how soon does losartan afffect blood pressure", + "output": "Hypertension \u2026 Peak (6 hour) effects were uniformly, but moderately, larger than trough effects," + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "tudorza pressair is what schedule drug", + "output": "DEA Schedule: None" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "should metoprolol and lexapro be taken together?", + "output": "Coadministration of Lexapro and metoprolol had no clinically significant effects on blood pressure or heart rate." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what shape is the amlodipine pill", + "output": "DIAMOND (DIAMOND)" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "is dronabinol marijuana how much are ten mg pills worth", + "output": "The cost for dronabinol oral capsule 2.5 mg is around $94 for a supply of 60 capsules, depending on the pharmacy you visit." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "is dronabinol marijuana how much are ten mg pills worth", + "output": "Quantity: 60; Per Unit: $4.68 \u2013 $15.91; Price: $280.99 \u2013 $954.47" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how to wean off calan sr", + "output": "Do not stop taking verapamil without talking to your doctor." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what does memantine look like", + "output": "Color - WHITE, Shape - ROUND, Score - no score, Size - 6mm, Imprint Code - M;103" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what does memantine look like", + "output": "Color - WHITE, Shape - ROUND, Score - no score, Size - 8mm, Imprint Code - M;104" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what does memantine look like", + "output": "Color - ORANGE, Shape - CAPSULE (biconvex), Score - no score, Size - 10mm, Imprint Code - m5" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what does memantine look like", + "output": "Color - GRAY, Shape - CAPSULE (biconvex), Score - no score, Size - 12mm, Imprint Code - m10" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what happens if your child ate a tylenol tablet", + "output": "In case of overdose, get medical help or contact a Poison Control Center right away. (1-800-222-1222) Quick medical attention is critical for adults as well as for children even if you do not notice any signs or symptoms." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "where is heroin originated from", + "output": "Heroin is ... an opioid drug made from morphine, a natural substance in the seedpod of the Asian poppy plant." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "prevnar >65what is this vaccine ?", + "output": "The pneumococcal conjugate vaccine (PCV13 or Prevnar 13\u00ae) protects against 13 types of pneumococcal bacteria. CDC recommends PCV13 for use in infants and young children and adults 65 years or older. Older children and adults younger than 65 years old who are at increased risk for getting pneumococcal disease may also need a dose of PCV13." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what medications contribute to non-alcoholic fatty liver", + "output": "Medications commonly implicated in causing fatty liver include corticosteroids, antidepressant and antipsychotic medications and, most commonly, tamoxifen. In many instances, it is unclear whether the fatty liver disease is a direct result of the medication on the liver or a consequence of weight gain triggered by the medication (as occurs with many antidepressant or antipsychotic medications). Amiodarone and methotrexate are also capable of causing fatty liver disease and hepatic injury that resembles alcoholic hepatitis with fat, lobular disarray, inflammation, Mallory bodies and fibrosis. With these two agents, however, the inflammation and fibrosis generally overshadows the degree of steatosis. Both of these agents can cause fibrosis and cirrhosis." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what mg does lunesta come \"in?\"", + "output": "LUNESTA is available in 1 mg, 2 mg and 3 mg strengths for oral administration." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is fentanyl", + "output": "Fentanyl is in a class of medications called narcotic (opiate) analgesics. It works by changing the way the brain and nervous system respond to pain." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is the reason for having to use heparin after a antibodies fusion", + "output": "Heparin Lock Flush Solution, USP is intended to maintain patency of an indwelling venipuncture device designed for intermittent injection or infusion therapy or blood sampling." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "shingles vaccine , is it necessary to get a 2nd shot?", + "output": "The recommended schedule for live shingles vaccine is a single dose for\u00a0adults 60 years of age and older." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "shingles vaccine , is it necessary to get a 2nd shot?", + "output": "Shingles Vaccine (recombinant) Two doses, 2 to 6 months apart, are recommended for\u00a0adults 50 and older. This vaccine is also recommended for people who have already gotten the live shingles vaccine (Zostavax). There is no live virus in this vaccine." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what drugs case erectile dysfuntion", + "output": "The following is a list of some medicines and drugs that may cause impotence in men. There may be additional drugs other than those on this list that can cause erectile difficulties." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how long does it take to get carbidopa levodopa out of your system", + "output": "When carbidopa and levodopa are administered together, the half-life of levodopa is increased to about 1.5 hours.\u00a0" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "it is latanoprost a cholinergic?", + "output": "Latanoprost ophthalmic is used to treat glaucoma (a condition in which increased pressure in the eye can lead to gradual loss of vision) and ocular hypertension (a condition which causes increased pressure in the eye). Latanoprost is in a class of medications called prostaglandin analogs." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "can you take tamsulosin and ciprofloxacin ?", + "output": "INTERVENTIONS: Ciprofloxacin, 500 mg twice daily; tamsulosin, 0.4 mg once daily; a combination of the 2 drugs; or placebo. ... Treatments also did not differ significantly for any of the secondary outcomes." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "can i drink voltarel or cataflam when i drink medrol", + "output": "Methylprenisolone (oral route) ... Using this medicine with any of the following medicines is usually not recommended, but may be required in some cases. If both medicines are prescribed together, your doctor may change the dose or how often you use one or both of the medicines. \u2026 Diclofenac" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "is oxybutynin an \"opioid?\"", + "output": "OXYBUTYNIN CHLORIDE" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "in how much temp bcg vaccine should store", + "output": "The intact vials of BCG VACCINE should be stored refrigerated at 2-8\u00b0C (36-46\u00b0F)." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how can biotin effect my blood test", + "output": "FDA Warns that Biotin May Affect Some Lab Test Results \u2026" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "pneumococcal vaccine how often?", + "output": "The pneumococcal conjugate vaccine (PCV13 or Prevnar 13\u00ae) protects against 13 types of pneumococcal bacteria. CDC recommends PCV13 for use in infants and young children and adults 65 years or older. Older children and adults younger than 65 years old who are at increased risk for getting pneumococcal disease may also need a dose of PCV13." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "pneumococcal vaccine how often?", + "output": "The pneumococcal polysaccharide vaccine (PPSV23 or Pneumovax\u00ae) protects against 23 types of pneumococcal bacteria. CDC recommends it for all adults 65 years or older and for those 2 years or older at\u00a0increased risk for disease." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how to give diazepam rectal gel", + "output": "1. Put the person having seizures on his/her side in a place where he/she cannot fall.2. Remove the protective cover from the syringe by pushing it up with your thumb and then pulling it off.3. Put lubricating jelly on the rectal tip.4. Turn the person on his/her side facing you, bend his/her upper leg forward, and separate his/her buttocks to expose the rectum.5. Gently insert the syringe tip into the rectum until the rim is snug against the rectal opening.6.Slowly count to 3 while pushing in the plunger until it stops.7. Slowly count to 3 again, and then remove the syringe from the rectum.8. Hold the buttocks together so the gel doesn't leak from the rectum, and slowly count to 3 before letting go.9. Keep the person on his/her side. Take note of what time diazepam rectal gel was given, and continue to watch the person." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "is there an antacid malox?", + "output": "MAALOX ANTACID - aluminum hydroxide, magnesium hydroxide, simethicone liquid\u00a0" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is pepsin", + "output": "Pepsin is a potent enzyme in gastric juice that digests proteins such as those in meat, eggs, seeds, and dairy products\u00a0[12]." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "do i take over the counter calciun with alendronate?", + "output": "Co-administration of alendronate sodium and calcium, antacids, or oral medications containing multivalent cations will interfere with absorption of alendronate sodium. Therefore, instruct patients to wait at least one-half hour after taking alendronate sodium before taking any other oral medications." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "if i am allergic to sufa can i take glipizide?", + "output": "Glipizide is an oral blood-glucose-lowering drug of the sulfonylurea class. \u2026 Glipizide Tablets, USP are contraindicated in patients with: Known hypersensitivity to the drug." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what color is phenytoin", + "output": "PINK" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what color is phenytoin", + "output": "WHITE (/Light Lavender)" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what color is phenytoin", + "output": "ORANGE (/orange)" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what color is phenytoin", + "output": "WHITE" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what are the ingredients in the drug methimazole", + "output": "ACTIVE INGREDIENT: METHIMAZOLE; INACTIVE INGREDIENTS: LACTOSE MONOHYDRATE; MAGNESIUM STEARATE; STARCH, POTATO; TALC" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is xanax", + "output": "XANAX Tablets contain alprazolam which is a triazolo analog of the 1,4 benzodiazepine class of central nervous system-active compounds. The chemical name of alprazolam is 8-Chloro-1-methyl-6-phenyl-4H-s-triazolo [4,3-\u03b1] [1,4] benzodiazepine." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how long should you use anti inflammatory gel", + "output": "Use topical diclofenac (Pennsaid, Voltaren) exactly as directed. Do not use more or less of it or use it more often or for a longer period of time than prescribed by your doctor." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what does hydro coding acet 5-325", + "output": "Hydrocodone bitartrate and acetaminophen tablets are indicated for the relief of moderate to moderately severe pain." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how is tetracycline metabolized?", + "output": "Tetracyclines are readily absorbed and are bound to plasma proteins in varying degrees. They are concentrated by the liver in the bile and excreted in the urine and feces at high concentrations in a biologically active form." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what do percocets look like", + "output": "Color - blue, Shape - ROUND, Score - 2 pieces, Size - 11mm, Imprint Code - PERCOCET;5" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how long is mda or ecstasy take to leave your \"body?\"", + "output": "In terms of its metabolism,\u00a0research suggests\u00a0that MDMA taken by mouth reaches its maximal blood concentration in about two hours. As ecstasy is metabolized, it is secreted into the urine and can be present for up to two days." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how will i feel when taking memantine tablets", + "output": "In double-blind placebo-controlled trials involving dementia patients, the most common adverse reactions (incidence \u2265 5% and higher than placebo) in patients treated with memantine hydrochloride were dizziness, headache, confusion and constipation." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how will i feel when taking memantine tablets", + "output": "Memantine is in a class of medications called NMDA receptor antagonists. It works by decreasing abnormal activity in the brain. Memantine may improve the ability to think and remember or may slow the loss of these abilities in people who have AD. However, memantine will not cure AD or prevent the loss of these abilities at some time in the future." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "blood thinner pills how to use them safely", + "output": "Blood Thinner Pills: Your Guide to Using Them Safely ..." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is coumadin", + "output": "COUMADIN (warfarin sodium) tablets contain warfarin sodium, an anticoagulant that acts by inhibiting vitamin K\u2011dependent coagulation factors. The chemical name of warfarin sodium is 3-(\u03b1-acetonylbenzyl)-4-hydroxycoumarin sodium salt, which is a racemic mixture of the\u00a0R- and\u00a0S-enantiomers.\u00a0" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what help withdrawal \"fom.\" hydrocodone 10 35", + "output": "Narcotics Anonymous (N.A.) assists people who want to stop abusing prescription or illegal drugs. Find a meeting center or online support group by searching for the local helpline or website for the area where the meeting is located." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what are the different strenths of dexamethasone?", + "output": "Dexamethasone Tablets 0.5, 0.75, 1, 1.5, 2, 4 and 6 mg USP, Dexamethasone Oral Solution, 0.5 mg per 5 mL and Dexamethasone\u00a0Intensol\u2122 Oral Solution (Concentrate), 1 mg per mL are for oral administration." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how long can megestrol be taken?", + "output": "At least 2 months of continuous treatment is considered an adequate period for determining the efficacy of megestrol acetate." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what does metformin do", + "output": "Metformin helps to control the amount of glucose (sugar) in your blood. It decreases the amount of glucose you absorb from your food and the amount of glucose made by your liver. Metformin also increases your body's response to insulin, a natural substance that controls the amount of glucose in the blood.\u00a0" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "can you use fluorouracil past expiration date?", + "output": "Do not use Carac after the expiration date on the tube." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is usual infusion time for cetuximab injecetion", + "output": "Administer 400\u00a0mg/m2\u00a0initial dose as a 120-minute intravenous infusion followed by 250\u00a0mg/m2\u00a0weekly infused over 60 minutes." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is streptomycin", + "output": "Streptomycin is an antibiotic produced by the soil actinomycete Streptomyces griseus. It acts by inhibiting the initiation and elongation processes during protein synthesis." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is the drug to drug interation for luvox and quillivant", + "output": "AUGMENTATION OF SELECTIVE serotonin re\u2010uptake inhibitor (SSRI) therapy with methylphenidate is one form of next\u2010step treatment for patients with refractory major depression, especially in elderly patients.1 We present what we believe to be the first reported case of serotonin syndrome induced by augmentation of SSRI with methylphenidate." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "albuterol portable \"nebulizer?\" microtia vibrating mesh nebulizing \"system.\"", + "output": "Evidence suggests that the vibrating mesh nebulizer (VMN) provides 5-fold greater aerosol delivery to the lung as compared to a jet nebulizer (JN)." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what if i quit taking thyroid medicine", + "output": "Thyroid helps control the symptoms of hypothyroidism, but does not cure this condition. It may take up to several weeks before you notice any change in your symptoms. To control the symptoms of hypothyroidism, you probably will need to take thyroid for the rest of your life. Continue to take thyroid even if you feel well. Do not stop taking thyroid without talking to your doctor." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is the highest dose lidocaine comes in", + "output": "Group: local anaesthetic agent\nInjection (hydrochloride): 5 mg/ml (0.5%), 10 mg/ml (1%) in 20-ml ampoule; 10 mg/ml (1%) + epinephrine 5 micrograms/ml (1:200 000) in 20-ml ampoule; 20 mg/ml (2%) + epinephrine 12.5 micrograms/ml (1:80 000) in 2.2-ml cartridge for dental anaesthesia; 50 mg/ml (5%) in 2-ml ampoule to be mixed with 75 mg/ml (7.5%) glucose solution\nTopical forms: 20-40 mg (hydrochloride)/ml (2-4%) as gel or solution" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what drugs contain in testerone injection", + "output": "TESTOSTERONE UNDECANOATE [or] TESTOSTERONE CYPIONATE [or] TESTOSTERONE ENANTHATE" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how to take statins", + "output": "Take your medicine as directed. The medicine comes in tablet or capsule form. DO NOT open capsules, or break or chew tablets, before taking the medicine. You take statins once a day. Some should be taken at night, but others can be taken anytime. They come in different doses, depending on how much you need to lower your cholesterol. DO NOT stop taking your medicine without talking with your provider first. Read the label on the bottle carefully. Some brands should be taken with food. Others may be taken with, or without food. Store all of your medicines in a cool, dry place. Keep them where children cannot get to them. You should follow a healthy diet while taking statins. This includes eating less fat in your diet. Other ways you can help your heart include: Getting regular exercise Managing stress Quitting smoking" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is the therapeutic effect of levaquin", + "output": "Levofloxacin is the L-isomer of the racemate, ofloxacin, a quinolone antimicrobial agent. The antibacterial activity of ofloxacin resides primarily in the L-isomer. The mechanism of action of levofloxacin and other fluoroquinolone antimicrobials involves inhibition of bacterial topoisomerase IV and DNA gyrase (both of which are type II topoisomerases), enzymes required for DNA replication, transcription, repair and recombination." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "is it nessasary to ween off of cymbalta before starting effexor?", + "output": "Switching from one antidepressant to another is frequently indicated due to an inadequate treatment response or unacceptable adverse effects. All antidepressant switches must be carried out cautiously and under close observation. Conservative switching strategies involve gradually tapering the first antidepressant followed by an adequate washout period before the new antidepressant is started. This can take a long time and include periods of no treatment with the risk of potentially life-threatening exacerbations of illness. Clinical expertise is needed for more rapid or cross-taper switching as drug toxicity, including serotonin syndrome, may result from inappropriate co-administration of antidepressants. Some antidepressants must not be combined. Antidepressants can cause withdrawal syndromes if discontinued abruptly after prolonged use. Relapse and exacerbation of depression can also occur. Gradual dose reduction over days to weeks reduces the risk and severity of complications." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what do steroids do to the brain", + "output": "Even though anabolic steroids do not cause the same high as other drugs, they can lead to addiction. Studies have shown that animals will self-administer steroids when they have the chance, just as they do with other addictive drugs. People may continue to abuse steroids despite physical problems, high costs to buy the drugs, and negative effects on their relationships. These behaviors reflect steroids' addictive potential. Research has further found that some steroid users turn to other drugs, such as opioids, to reduce sleep problems and irritability caused by steroids. People who abuse steroids may experience withdrawal symptoms when they stop use, including: mood swings fatigue restlessness loss of appetite sleep problems decreased sex drive steroid cravings One of the more serious withdrawal symptoms is depression, which can sometimes lead to suicide attempts." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "is pramoxine a nsaid?", + "output": "Pramoxine is in a class of medications called topical anesthetics. It works by stopping nerves from sending pain signals." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is in indomethacin", + "output": "ACTIVE INGREDIENT: INDOMETHACIN; INACTIVE INGREDIENTS: FERROSOFERRIC OXIDE;SILICON DIOXIDE;GELATIN;FD&C BLUE NO. 1;FD&C YELLOW NO. 5;MAGNESIUM STEARATE;CELLULOSE, MICROCRYSTALLINE;POWDERED CELLULOSE;SODIUM LAURYL SULFATE;SODIUM STARCH GLYCOLATE TYPE A CORN;TITANIUM DIOXIDE" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is it he ingredients in indomethacin", + "output": "ACTIVE INGREDIENT: INDOMETHACIN; INACTIVE INGREDIENTS: FERROSOFERRIC OXIDE;SILICON DIOXIDE;GELATIN;FD&C BLUE NO. 1;FD&C YELLOW NO. 5;MAGNESIUM STEARATE;CELLULOSE, MICROCRYSTALLINE;POWDERED CELLULOSE;SODIUM LAURYL SULFATE;SODIUM STARCH GLYCOLATE TYPE A CORN;TITANIUM DIOXIDE" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "is peppermint oil safe in mouthwash?", + "output": "Peppermint oil appears to be safe when taken orally (by mouth) in the doses commonly used. Excessive doses of peppermint oil can be toxic. Possible side effects of peppermint oil include allergic reactions and heartburn. Capsules containing peppermint oil are often enteric-coated to reduce the likelihood of heartburn. If enteric-coated peppermint oil capsules are taken at the same time as antacids, the coating can break down too quickly. Like other essential oils, peppermint oil is highly concentrated. When the undiluted essential oil is used for health purposes, only a few drops are used. Side effects of applying peppermint oil to the skin can include skin rashes and irritation. Peppermint oil should not be applied to the face or chest of infants or young children because serious side effects may occur if they inhale the menthol in the oil. No harmful effects of peppermint leaf tea have been reported. However, the long-term safety of consuming large amounts of peppermint leaf is unknown." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how to inject pills morphine", + "output": "MORPHINE SULFATE EXTENDED-RELEASE TABLETS ARE TO BE TAKEN WHOLE, AND ARE NOT TO BE BROKEN, CHEWED OR CRUSHED. TAKING BROKEN, CHEWED OR CRUSHED MORPHINE SULFATE EXTENDED-RELEASE TABLETS COULD LEAD TO THE RAPID RELEASE AND ABSORPTION OF A POTENTIALLY TOXIC DOSE OF MORPHINE." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "metoclopramide how supplied", + "output": "Metoclopramide Tablets, USP:5 mg - Light green, round, unscored tablets in bottles of 100 and 500. Debossed: WPI on one side and 2228 on the other side. 10 mg - White, round, scored tablets in bottles of 100, 500 and 1000. Debossed: WPI on one side and 2229 on the other side." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "metoclopramide how supplied", + "output": "Metoclopramide Injection, USP 5 mg metoclopramide base (as the monohydrochloride monohydrate) per mL; available in:2 mL single use vials (NDC 23155-240-31 ) in cartons of 25 (NDC 23155-240-41 ),10 mL single use vials (NDC 23155-240-32) in cartons of 25 (NDC 23155-240-42),30 mL single use vials (NDC 23155-240-33) in cartons of 25 (NDC 23155-240-43)." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "metoclopramide how supplied", + "output": "XACTDOSE\u2122 Metoclopramide Oral Solution USP, 5 mg/5 mL, is a clear, sugar-free liquid with a butterscotch flavor. Each 5 mL contains 5 mg Metoclopramide (present as the hydrochloride) and is available as follows: NDC 66689-031-50: 10 mg/10 mL unit dose cups, packaged in cartons of 50 (5 trays of 10 unit dose cups each)" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "metoclopramide how supplied", + "output": "Each white to off white, capsule shaped biconvex metoclopramide tablets, USP with \"RF11\" embossed on one side & score line on the other side contains 10 mg of metoclopramide base as metoclopramide hydrochloride, USP. Available in: Bottle of 30 tablets NDC 63304-846-30; Bottle of 100 tablets NDC 63304-846-01; Bottle of 500 tablets NDC 63304-846-05; Bottle of 1000 tablets NDC 63304-846-10. Each white to off white, oval shaped biconvex tablets metoclopramide tablets, USP with \"RF10\" embossed on one side and plain on the other side contains 5 mg of metoclopramide base as metoclopramide hydrochloride, USP. Available in Bottles of 30 tablets NDC 63304-845-30; Bottle of 100 tablets NDC 63304-845-01; Bottle of 500 tablets NDC 63304-845-05; Bottle of 1000 tablets NDC 63304-845-10" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "why finasteride is not allowed by prostate \"cancer?\"", + "output": "Used for symptomatic treatment of BPH and male pattern baldness (i.e., androgenetic alopecia)\nMay decrease risk of low-grade prostate cancer; but, may increase risk of more serious high-grade prostate cancer" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "when teeth have been treated how lon after do yohave to wait to have zoledronic acid injection", + "output": "Routine dental treatment generally should not be modified solely on the basis of oral bisphosphonate therapy. However, patients with possible risk factors for BON may benefit from assessment by an expert in metabolic bone diseases. These risk factors may include concomitant use of estrogen or glucocorticoids, older age (over 65 years) and prolonged use of bisphosphonates." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "are there antibiotics for cold symtoms?", + "output": "The list of ineffective cold remedies is long. Some of the more common ones that don't work include: Antibiotics.\u00a0These attack bacteria, but they're no help against cold viruses." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how many years will the viagra pill be potent", + "output": "Expiration Dates - Questions and Answers \u2026" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how to stop taking xanax", + "output": "Because of the danger of withdrawal, abrupt discontinuation of treatment should be avoided (see\u00a0WARNINGS,\u00a0PRECAUTIONS,\u00a0DRUG ABUSE AND DEPENDENCE). In all patients, dosage should be reduced gradually when discontinuing therapy or when decreasing the daily dosage. Although there are no systematically collected data to support a specific discontinuation schedule, it is suggested that the daily dosage be decreased by no more than 0.5 mg every three days. Some patients may require an even slower dosage reduction. In any case, reduction of dose must be undertaken under close supervision and must be gradual. If significant withdrawal symptoms develop, the previous dosing schedule should be reinstituted and, only after stabilization, should a less rapid schedule of discontinuation be attempted. In a controlled postmarketing discontinuation study of panic disorder patients which compared this recommended taper schedule with a slower taper schedule, no difference was observed between the groups in the proportion of patients who tapered to zero dose; however, the slower schedule was associated with a reduction in symptoms associated with a withdrawal syndrome. It is suggested that the dose be reduced by no more than 0.5 mg every 3 days, with the understanding that some patients may benefit from an even more gradual discontinuation. Some patients may prove resistant to all discontinuation regimens." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what drug reverses the effect of heparin", + "output": "When clinical circumstances (bleeding) require reversal of heparinization, protamine sulfate (1% solution) by slow infusion will neutralize heparin sodium." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what are the active incredience in balsalazide", + "output": "BALSALAZIDE DISODIUM" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "does enalaprilat is used for treat stroke?", + "output": "Enalaprilat injection, USP is indicated for the treatment of hypertension when oral therapy is not practical." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how to group of mebendazole", + "output": "Mebendazole is used to treat several types of worm infections. Mebendazole (Vermox) is used to treat roundworm and whipworm infections. Mebendazole (Emverm) is used to treat pinworm, whipworm, roundworm, and hookworm infections. Mebendazole is in a class of medications called anthelmintics. It works by killing the worms." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "why did my doctor give me levetiracetam what is use for", + "output": "Levetiracetam Extended-release Tablets is indicated as adjunctive therapy in the treatment of partial onset seizures in patients 12 years of age and older with epilepsy." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is divalproex", + "output": "Divalproex sodium USP is a stable co-ordination compound comprised of sodium valproate and valproic acid in a 1:1 molar relationship and formed during the partial neutralization of valproic acid with 0.5 equivalent of sodium hydroxide. Chemically it is designated as sodium hydrogen bis(2-propylpentanoate)." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is divalproex", + "output": "Divalproex sodium delayed-release capsules are indicated as monotherapy and adjunctive therapy in the treatment of adult patients and pediatric patients down to the age of 10 years with complex partial seizures that occur either in isolation or in association with other types of seizures. Divalproex sodium delayed-release capsules are also indicated for use as sole and adjunctive therapy in the treatment of simple and complex absence seizures, and adjunctively in patients with multiple seizure types that include absence seizures.\u00a0" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what medicines should not be taken with gabapentine", + "output": "Although certain medicines should not be used together at all, in other cases two different medicines may be used together even if an interaction might occur. In these cases, your doctor may want to change the dose, or other precautions may be necessary. When you are taking this medicine, it is especially important that your healthcare professional know if you are taking any of the medicines listed below. The following interactions have been selected on the basis of their potential significance and are not necessarily all-inclusive. Using this medicine with any of the following medicines is usually not recommended, but may be required in some cases. If both medicines are prescribed together, your doctor may change the dose or how often you use one or both of the medicines. Calcifediol Orlistat Using this medicine with any of the following medicines may cause an increased risk of certain side effects, but using both drugs may be the best treatment for you. If both medicines are prescribed together, your doctor may change the dose or how often you use one or both of the medicines. Aluminum Carbonate, Basic Aluminum Hydroxide Aluminum Phosphate Dihydroxyaluminum Aminoacetate Dihydroxyaluminum Sodium Carbonate Ginkgo Magaldrate Magnesium Carbonate Magnesium Hydroxide Magnesium Oxide Magnesium Trisilicate Morphine Morphine Sulfate Liposome" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what strengths do valproic acid come in meds come in", + "output": "Valproic Acid Capsules, USP are supplied as 250 mg off-white colored soft gelatin capsules, imprinted with \"U-S 250\", packaged in bottles containing 100." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what strengths do valproic acid come in meds come in", + "output": "Valproic acid is available as a red oral solution containing the equivalent of 250 mg valproic acid per 5 mL as the sodium salt in bottles of 16 ounces." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is the dosage for betamethasone", + "output": "Apply a thin film of Betamethasone Dipropionate Cream or Ointment to the affected skin areas once daily. In some cases, twice daily dosage may be necessary. Apply a few drops of Betamethasone Dipropionate Lotion to the affected skin areas and massage lightly until it disappears. Apply twice daily, in the morning and at night." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "tranexamic acid how fast does it work", + "output": "After a single oral administration of two 650 mg tablets of tranexamic acid, the peak plasma concentration (Cmax) occurred at approximately 3 hours (Tmax). The absolute bioavailability of tranexamic acid tablets in women aged 18-49 is approximately 45%. Following multiple oral doses (two 650 mg tablets three times daily) administration of tranexamic acid tablets for 5 days, the mean Cmax increased by approximately 19% and the mean area under the plasma concentration-time curve (AUC) remained unchanged, compared to a single oral dose administration (two 650 mg tablets). Plasma concentrations reached steady state at the 5th dose of tranexamic acid tablets on Day 2." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "show me the stages of oxycodone 15 milligram hcl", + "output": "Stages of Opiate Withdrawal \u2026" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is asa ec", + "output": "Acetylsalicylic acid [Aspirin] \u2026 Enteric coated tablet \u2026 Asa EC" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "glucosamine make glacoma worst?", + "output": "In general, glucosamine and chondroitin are thought to be safe. However, as with any medication, there are potential risks. ... A small 2013 study found that taking glucosamine may increase the risk of glaucoma, a condition that can threaten vision if not treated." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "when used as a rinse, how big should the amount of lidocaine used", + "output": "Lidocaine viscous comes as a thick liquid and should be shaken well before using. Lidocaine viscous usually is used as needed but not more frequently than every 3 hours, with a maximum of 8 doses in 24 hours. In children under 3 years of age, do not use more frequently than every 3 hours, with a maximum of 4 doses in 12 hours. Follow the directions on your prescription label carefully, and ask your doctor or pharmacist to explain any part you do not understand. Use lidocaine exactly as directed. Do not use more or less of it or use it more often than prescribed by your doctor." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how long does polyethylene glycol stay good", + "output": "Expiration Dates - Questions and Answers \u2026" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what does bumetanide pill look like", + "output": "Color - WHITE (White to off white); Shape - ROUND; Score - 2 pieces; Size - 6mm; Imprint Code - A16" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what does bumetanide pill look like", + "output": "Color - WHITE (White to off white); Shape - ROUND; Score - 2 pieces; Size - 8mm; Imprint Code - AC41" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what does bumetanide pill look like", + "output": "Color - WHITE (White to off white); Shape - ROUND; Score - 2 pieces; Size - 11mm; Imprint Code - AC42" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how to stop using estradiol transdermal system patch", + "output": "There's no limit on how long you can take HRT, but talk to your GP about the duration of treatment they recommend. Most women stop taking it once their menopausal symptoms pass, which is usually after a few years. When you decide to stop, you can choose to do so suddenly or gradually. Gradually decreasing your HRT dose is usually recommended because it's less likely to cause your symptoms to come back in the short term. Contact your GP if you have symptoms that persist for several months after you stop HRT, or if you have particularly severe symptoms. You may need to start HRT again." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how to stop taking bisoprolol", + "output": "Abrupt Cessation of Therapy: Exacerbation of angina pectoris, and, in some instances, myocardial infarction or ventricular arrhythmia, have been observed in patients with coronary artery disease following abrupt cessation of therapy with beta-blockers. Such patients should, therefore, be cautioned against interruption or discontinuation of therapy without the physician's advice. Even in patients without overt coronary artery disease, it may be advisable to taper therapy with BISOPROLOL FUMARATE over approximately one week with the patient under careful observation. If withdrawal symptoms occur, BISOPROLOL FUMARATE therapy should be reinstituted, at least temporarily." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "can i have allergie test when taking methylprednisolone?", + "output": "May suppress reactions to skin tests" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is the difference between gabbentibe lyrica \"?\" for pain", + "output": "Though pregabalin and gabapentin have somewhat similar pharmacokinetic and pharmacodynamic profiles, there are clearly significant differences. Overall, pregabalin has more predictable pharmacokinetics, and it also shows a stronger binding affinity to its target receptor, increased potency, and a steeper dose-response curve in neuropathic pain that does not plateau over recommended dosing levels. A few studies have found that pregabalin has fewer side effects and may be more efficacious for neuropathic pain than gabapentin. Several studies reviewing conversion of gabapentin to pregabalin predict that a rough ratio for conversion is about 6:1 gabapentin to pregabalin. In addition, a direct switch from gabapentin to pregabalin seems to be well tolerated, making the conversion simple. Clinicians should note that pregabalin has various pharmacokinetic and pharmacodynamic advantages over gabapentin, and a conversion between the 2 medications is often well tolerated." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what's different opioid and opium", + "output": "Opioids are a class of drugs naturally found in the opium poppy plant." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "foods to avoid when taking metformin", + "output": "While you do not need to avoid any foods when taking metformin, you may need to limit or avoid alcohol" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is the lowest dose of hydrochlorothiazide", + "output": "For Edema: The usual adult dosage is 25 to 100 mg daily as a single or divided dose." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is the lowest dose of hydrochlorothiazide", + "output": "For Control of Hypertension: The usual initial dose in adults is 25 mg daily given as a single dose." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how to wean off lamotrigine", + "output": "Unless safety concerns require a more rapid withdrawal, the dose of lamotrigine extended-release should be tapered over a period of at least 2 weeks (approximately 50% reduction per week)" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is amphetamine", + "output": "Amphetamines are non-catecholamine, sympathomimetic amines with CNS stimulant activity." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what valacyclovir looks like in color shape", + "output": "Color - blue; Shape - CAPSULE; Score - no score; Size - 17mm; Imprint Code - RX904" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what valacyclovir looks like in color shape", + "output": "Color - blue; Shape - CAPSULE; Score - 2 pieces; Size - 21mm; Imprint Code - RX905" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what valacyclovir looks like in color shape", + "output": "Color - WHITE; Shape - OVAL; Score - no score; Size - 16mm; Imprint Code - 54356" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what valacyclovir looks like in color shape", + "output": "Color - WHITE; Shape - OVAL; Score - 2 pieces; Size - 20mm; Imprint Code - 54518" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "pantoprazole can it be taken \"plavix?\"", + "output": "Avoid concomitant use of Plavix with omeprazole or esomeprazole. In clinical studies, omeprazole was shown to reduce significantly the antiplatelet activity of Plavix when given concomitantly or 12 hours apart. A similar reduction in antiplatelet activity was observed with esomeprazole when given concomitantly with Plavix. Dexlansoprazole, lansoprazole, and pantoprazole had less effect on the antiplatelet activity of Plavix than did omeprazole or esomeprazole" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what the interaction between trimethoprim blood pressure medication", + "output": "Hyperkalemia was first recognized during high-dose trimethoprim\u2013sulfamethoxazole therapy for P. jiroveci, but it is increasingly appreciated as a potential complication at doses usually prescribed. \u2026 Hyperkalemia tends to develop after several days of therapy,32,34 and the risk factors predictably include \u2026 treatment with other drugs that inhibit kaliuresis such as angiotensin-converting enzyme (ACE) inhibitors, angiotensin receptor blockers36 and spironolactone.37 A recent population-based case\u2013control study involving 439 677 patients taking ACE inhibitors or angiotensin receptor blockers found a sevenfold increased risk of hospital admission for hyperkalemia among those taking trimethoprim\u2013sulfamethoxazole compared with those taking other antibiotics used for urinary tract infections.36 We suggest that physicians monitor patients for hyperkalemia following a few days of trimethoprim\u2013sulfamethoxazole treatment at a standard dose, especially patients with impaired renal function, which may include older patients, those with diabetes or AIDS, and those also taking ACE inhibitors, angiotensin receptor blockers or spironolactone." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what antidepressants are best for someone with a heart arrhythmia", + "output": "A research team at Harvard-affiliated Massachusetts General Hospital has verified that several antidepressants may increase the risk of a potentially dangerous heart rhythm disturbance (arrhythmia). By examining the electrocardiograms (ECGs) of more than 38,000 people taking 11 different antidepressants, they confirmed that higher doses of citalopram (Celexa), amitriptyline (Elavil), and escitalopram (Lexapro) were associated with a slight disruption of the electrical function of the heart. This delay as seen on an ECG is known as a prolonged Q-T interval, and it is a risk factor for an arrhythmia that causes sudden death. Although the majority of people with this ECG abnormality never develop an arrhythmia, the researchers cautioned that people taking these antidepressants should discuss the risk with their doctor. The researchers emphasized that no one with a history of arrhythmias should start taking these medications. Instead, such a patient might try one of the antidepressants that do not increase the Q-T interval: fluoxetine (Prozac), paroxetine (Paxil), sertraline (Zoloft), or buproprion (Wellbutrin). The study was published Jan. 29, 2013, in the journal BMJ." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how does it take phentermine to clear a drug screen?", + "output": "Since phentermine has a similar structure to amphetamines, a urine drug screen can test positive for amphetamines. This will signal the need for a confirmatory test, which will then show that it was phentermine and not amphetamine or methamphetamine. The original result will then be ruled a false positive. If you have a prescription for phentermine, you should disclose that to the testing lab so your results can be appropriately interpreted. Phentermine is likely to be detected in the urine for one to four days after a dose, up to 24 hours in the blood, and up to one month in hair tests. The amount of phentermine detected in tests and how long it stays in your system is dependent on a number of factors. These include your age, the dose and how long you've been taking it, and your metabolism. For instance, a person of average build and metabolism can expect phentermine to be present in urine for three to five days. It may be faster for someone of a small build or longer for an older person." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "senna tablets what dose", + "output": "HOW SUPPLIED \u2026 DOSAGE & INDICATIONS ... MAXIMUM DOSAGE ... DOSING CONSIDERATIONS ... ADMINISTRATION \u2026" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what does vitamin a prevent", + "output": "Vitamin A plays a role in your Vision Bone growth Reproduction Cell functions Immune system" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "is 600mg of gabapentin considered a strong dose ? how high in my can it go?", + "output": "In adults with postherpetic neuralgia, gabapentin capsules therapy may be initiated as a single 300 mg dose on Day 1, 600 mg/day on Day 2 (divided BID), and 900 mg/day on Day 3 (divided TID). The dose can subsequently be titrated up as needed for pain relief to a daily dose of 1800 mg (divided TID). In clinical studies, efficacy was demonstrated over a range of doses from 1800 mg/day to 3600 mg/day with comparable effects across the dose range. Additional benefit of using doses greater than 1800 mg/day was not demonstrated." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how is marijuana taken", + "output": "Marijuana is a green, brown, or gray mix of dried, crumbled parts from the marijuana plant. It can be rolled up and smoked like a cigarette or cigar or smoked in a pipe. Sometimes people mix it in food or inhale it using a vaporizer." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is supartz fx for knee", + "output": "SUPARTZ FX (also called a viscosupplement) is a non-surgical, non-pharmacologic therapy for knee osteoarthritis.... SUPARTZ FX therapy is an injectable solution made from highly purified sodium hyaluronate (also known as hyaluronic acid) that is extracted from chicken combs." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "lorcet \"7.5\" liquid whats in this", + "output": "HYDROCODONE BITARTRATE (UNII: NO70W886KK) (HYDROCODONE - UNII:6YKS4Y3WQ7) HYDROCODONE BITARTRATE 7.5 mg in 15 mL" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "motoprolol pill how long before it takes affect", + "output": "In man, absorption of metoprolol is rapid and complete. ... In comparison to conventional metoprolol, the plasma metoprolol levels following administration of metoprolol succinate extended-release tablets are characterized by lower peaks, longer time to peak and significantly lower peak to trough variation." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "famotidine 10 mg?", + "output": "relieves heartburn associated with acid indigestion and sour stomach\nprevents heartburn associated with acid indigestion and sour stomach brought on by eating or drinking certain food and beverages" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "is peppermint oil safe in \"mouth wash?\"", + "output": "Peppermint oil appears to be safe when taken orally (by mouth) in the doses commonly used. Excessive doses of peppermint oil can be toxic. Possible side effects of peppermint oil include allergic reactions and heartburn. Capsules containing peppermint oil are often enteric-coated to reduce the likelihood of heartburn. If enteric-coated peppermint oil capsules are taken at the same time as antacids, the coating can break down too quickly. Like other essential oils, peppermint oil is highly concentrated. When the undiluted essential oil is used for health purposes, only a few drops are used. Side effects of applying peppermint oil to the skin can include skin rashes and irritation. Peppermint oil should not be applied to the face or chest of infants or young children because serious side effects may occur if they inhale the menthol in the oil. No harmful effects of peppermint leaf tea have been reported. However, the long-term safety of consuming large amounts of peppermint leaf is unknown." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "can alprazolam lower blood pressure?", + "output": "Alprazolam is as effective as captopril in lowering BP in ED patients with an initial SBP > 160 mmHg." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what side effects would magnesium have on a woman taking dilantin?", + "output": "Oral administration of MgO in a low dose (500 mg/kg) for 4 weeks in healthy rats appears to exert protective effect against MES. High oral doses of MgO (750 and 1000 mg/kg) appear to enhance the activity of phenytoin and carbamazepine in the MES model." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is acetylcholine how does it work", + "output": "Acetylcholine is the neurotransmitter at neuromuscular junctions, at synapses in the ganglia of the visceral motor system, and at a variety of sites within the central nervous system. Whereas a great deal is known about the function of cholinergic transmission at the neuromuscular junction and at ganglionic synapses, the actions of ACh in the central nervous system are not as well understood." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is acetylcholine how does it work", + "output": "Acetylcholine functions in both the central nervous system (CNS) and the peripheral nervous system (PNS). In the CNS, cholinergic projections from the basal forebrain to the cerebral cortex and hippocampus support the cognitive functions of those target areas. In the PNS, acetylcholine activates muscles and is a major neurotransmitter in the autonomic nervous system." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what are tne side effects of carprofen", + "output": "\u2026 vomiting (4%), diarrhea (4%), changes in appetite (3%), lethargy (1.4%), behavioral changes (1 %), and constipation (0.3%)\u2026." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "lansoprazole long term use?", + "output": "you may repeat a 14-day course every 4 months * do not take for more than 14 days or more often than every 4 months unless directed by a doctor" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is efudex?", + "output": "Efudex Solutions and Cream are topical preparations containing the fluorinated pyrimidine 5-fluorouracil, an antineoplastic antimetabolite." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what medications can induce hypo pigmentation of skin?", + "output": "The most common causes of drug-induced vitiligo are immune-modulating, biologic or targeted medicines. These medicines include: Topical imiquimod Interleukin (IL)-2, IL-4, and interferon Tumour necrosis factor inhibitors: infliximab, adalimumab, and etanercept The programmed death receptor inhibitors, pembrolizumab and nivolumab, used in metastatic melanoma (15% of treated patients develop vitiligo) BRAF inhibitors: vemurafenib and dabrafenib Tyrosine kinase inhibitors: imatinib and gefitinib. Rare cases of drug-induced vitiligo have also been reported from: Topical diphencyprone and squaric acid Anticonvulsants Levodopa Antimalarials such as hydroxychloroquine Other drugs. Note: phenols that cause localised contact leukoderma, such as monobenzyl ether of hydroquinone, paraphenylenediamine and rhododendrol, may also cause generalised vitiligo in rare cases." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "does marijuana use lead to negative health outcomes?", + "output": "Marijuana can cause problems with memory, learning, and behavior. Smoking it can cause some of the same coughing and breathing problems as smoking cigarettes. Some people get addicted to marijuana after using it for a while. It is more likely to happen if they use marijuana every day, or started using it when they were teenagers." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is salonpas made of", + "output": "SALONPAS- camphor, menthol, methyl salicylate patch" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is the side effects of invokana", + "output": "he following important adverse reactions are described below and elsewhere in the labeling:\n\nLower Limb Amputation [see BOXED WARNING and WARNINGS AND PRECAUTIONS (5.1)]\nHypotension [see WARNINGS AND PRECAUTIONS (5.2)]\nKetoacidosis [see WARNINGS AND PRECAUTIONS (5.3)]\nAcute Kidney Injury [see WARNINGS AND PRECAUTIONS (5.4)]\nUrosepsis and Pyelonephritis [see WARNINGS AND PRECAUTIONS (5.5)]\nHypoglycemia with Concomitant Use with Insulin and Insulin Secretagogues [see WARNINGS AND PRECAUTIONS (5.6)]\nNecrotizing Fasciitis of the Perineum (Fournier's gangrene) [see WARNINGS AND PRECAUTIONS (5.7)]\nGenital Mycotic Infections [see WARNINGS AND PRECAUTIONS (5.8)]\nHypersensitivity Reactions [see WARNINGS AND PRECAUTIONS (5.9)]\nBone Fracture [see WARNINGS AND PRECAUTIONS (5.10)]\nIncreases in Low-Density Lipoprotein (LDL-C) [see WARNINGS AND PRECAUTIONS (5.11)]" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how long after teeth treatment can you start zoledronic acid infection", + "output": "Routine dental treatment generally should not be modified solely on the basis of oral bisphosphonate therapy. However, patients with possible risk factors for BON may benefit from assessment by an expert in metabolic bone diseases. These risk factors may include concomitant use of estrogen or glucocorticoids, older age (over 65 years) and prolonged use of bisphosphonates." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what are steroids", + "output": "any of various compounds containing a 17-carbon 4-ring system and including the sterols and numerous hormones (such as anabolic steroids or corticosteroids) and glycosides" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what's the smell of marijuana", + "output": "Consumer perceptions of strain differences in Cannabis aroma \u2026 [whole page]" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how long do you leave bimatoprost ophthalmic", + "output": "2 to 3 minutes" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is dopamine", + "output": "Dopamine (DA, a contraction of 3,4-dihydroxyphenethylamine) is an organic chemical of the catecholamine and phenethylamine families that plays several important roles in the brain and body. It is an amine synthesized by removing a carboxyl group from a molecule of its precursor chemical L-DOPA, which is synthesized in the brain and kidneys. Dopamine is also synthesized in plants and most animals. In the brain, dopamine functions as a neurotransmitter\u2014a chemical released by neurons (nerve cells) to send signals to other nerve cells. The brain includes several distinct dopamine pathways, one of which plays a major role in the motivational component of reward-motivated behavior. The anticipation of most types of rewards increases the level of dopamine in the brain,[2] and many addictive drugs increase dopamine release or block its reuptake into neurons following release. Other brain dopamine pathways are involved in motor control and in controlling the release of various hormones. These pathways and cell groups form a dopamine system which is neuromodulatory." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how to use an epinephrine pen", + "output": "How should I use EpiPen and EpiPen Jr? \u2026 [entire subsection]" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how to reconstitute cefazolin", + "output": "RECONSTITUTION \u2026 [whole section]" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is actonel prescribed for?", + "output": "Postmenopausal Osteoporosis ... Osteoporosis in Men ... Glucocorticoid-Induced Osteoporosis ... Paget\u2019s Disease \u2026" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "brimonidine interaction with herbal supplements?", + "output": "Yohimbe: The active ingredients in yohimbine can block the actions of brimonidine in certain human tissues, thus reducing the drug's beneficial effects. Adequate human studies involving the eye are lacking, and until more information is available, yohimbine should be avoided in people using brimonidine. The interaction is supported by preliminary, weak, fragmentary, and/or contradictory scientific evidence." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "do i take over the counter calcium with \"alendronate?\"", + "output": "Co-administration of alendronate sodium and calcium, antacids, or oral medications containing multivalent cations will interfere with absorption of alendronate sodium. Therefore, instruct patients to wait at least one-half hour after taking alendronate sodium before taking any other oral medications." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what does flomax medication do?", + "output": "Tamsulosin is used in men to treat the symptoms of an enlarged prostate (benign prostatic hyperplasia or BPH) which include difficulty urinating (hesitation, dribbling, weak stream, and incomplete bladder emptying), painful urination, and urinary frequency and urgency. Tamsulosin is in a class of medications called alpha blockers. It works by relaxing the muscles in the prostate and bladder so that urine can flow easily." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is prevnar >65?", + "output": "The pneumococcal conjugate vaccine (PCV13 or Prevnar 13\u00ae) protects against 13 types of pneumococcal bacteria. CDC recommends PCV13 for use in infants and young children and adults 65 years or older." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "where yo get tetanus shots", + "output": "Getting vaccinated is convenient \u2014 you can get most recommended vaccines at your doctor\u2019s office. Many recommended vaccines are also available at local pharmacies, health centers, health departments, and travel clinics. Below you\u2019ll find information and tools to help you find out where to get vaccinated near you \u2014 and some tips for making an appointment." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "where does marijuana come from", + "output": "Marijuana is a green, brown, or gray mix of dried, crumbled parts from the marijuana plant." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how long for donepezil to show in your blood", + "output": "Based on population pharmacokinetic analysis of plasma donepezil concentrations measured in patients with Alzheimer's disease, following oral dosing, peak plasma concentration is achieved in 3 hours for donepezil hydrochloride 10 mg tablets." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "for a \"rinse,\" how many \"cc\" should be \"used?f\" lidocaine lidocaine used", + "output": "For symptomatic treatment of irritated or inflamed mucous membranes of the mouth and pharynx, the usual adult dose is 15 mL undiluted." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how many cc of lidocaine is a dose?", + "output": "For symptomatic treatment of irritated or inflamed mucous membranes of the mouth and pharynx, the usual adult dose is 15 mL undiluted." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what medicine besides statins lower cholesterol?", + "output": "Fibrates ... Fenofibrate (TriCor) ... Gemfibrozil (Lopid) ... Resins ... Cholestyramine (Questran, LoCholest) ... Colestipol (Colestid) ... Colesevelam (WelChol) ... Absorption Blocker ... Ezetimibe (Zetia) ... Niacin ..." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what does the pill oxybutynin look like", + "output": "Product Characteristics Color BLUE (light blue) Score 2 pieces Shape ROUND Size 8mm Imprint Code 4853;V" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is the normal dose of lactulose", + "output": "The usual dose is 1 to 2 tablespoonfuls (15 to 30 mL, containing 10 g to 20 g of lactulose) daily." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what pills are not compatible with hydrocodone", + "output": "Taking certain medications or stopping treatment with certain other medications while you are taking hydrocodone may increase the risk that you will experience breathing problems, sedation, coma, or other serious, life-threatening side effects. Tell your doctor if you are taking, plan to take or plan to stop taking any of the following medications: certain antifungal medications including itraconazole (Onmel, Sporanox), ketoconazole (Extina, Nizoral, Xolegel), and voriconazole (Vfend); benzodiazepines such as alprazolam (Xanax), chlordiazepoxide (Librium), clonazepam (Klonopin), diazepam (Diastat, Valium), estazolam, flurazepam, lorazepam (Ativan), oxazepam, temazepam (Restoril), and triazolam (Halcion); carbamazepine (Carbatrol, Epitol, Equetro, Tegretol, others); cimetidine; clarithromycin (Biaxin, in Prevpac); erythromycin (E.E.S., Erythromycin, others); other narcotic pain medications; medications for mental illness or nausea; certain medications for human immunodeficiency virus (HIV) including ritonavir (Norvir, in Kaletra, in Viekira Pak); muscle relaxants; phenytoin (Dilantin, Phenytek); rifampin (Rifadin, Rimactane, in Rifamate, in Rifater); sedatives; sleeping pills; or tranquilizers." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "shingrix vaccine how often do you get a shingles shot", + "output": "Shingles Vaccine (recombinant) Two doses, 2 to 6 months apart, are recommended for\u00a0adults 50 and older. This vaccine is also recommended for people who have already gotten the live shingles vaccine (Zostavax). There is no live virus in this vaccine." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how long will suboxone block opioid", + "output": "Suboxone typically lasts up to 3 days. Most doctors ask their patients to take the drug once per day, typically at the same time each day. A person\u2019s weight, metabolism, and history of drug abuse can lengthen or shorten the action of Suboxone. It\u2019s best to work with a doctor on a customized dose, based on your medical history." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how to stop taking trazodone", + "output": "Do not stop taking trazodone without talking to your doctor. If you suddenly stop taking trazodone, you may experience withdrawal symptoms such as anxiety, agitation, or difficulty falling asleep or staying asleep. Your doctor will probably decrease your dose gradually." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "does marijuana use lead to negative health outcomes?", + "output": "Marijuana can cause problems with memory, learning, and behavior. Smoking it can cause some of the same coughing and breathing problems as smoking cigarettes. Some people get addicted to marijuana after using it for a while. It is more likely to happen if they use marijuana every day, or started using it when they were teenagers." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "blood pressure when on eliquis", + "output": "Less common adverse reactions \u2026 Vascular disorders: hypotension (including procedural hypotension)" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what do i mix albuterol sulfate inhalation solution with in my nebulizer?", + "output": "Albuterol sulfate inhalation solution is supplied as a single-dose, ready-to-use vial containing 3 mL of solution. No mixing or dilution is needed. Use one new vial with each nebulizer treatment." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what color metoprolol", + "output": "Product Characteristics Color WHITE Score 2 pieces Shape OVAL (Capsule-Shaped) Size 11mm Flavor Imprint Code M" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "tramadol \"milligrams?\"", + "output": "Adults (17 years of age and over): For patients with moderate to moderately severe chronic pain not requiring rapid onset of analgesic effect, the tolerability of tramadol hydrochloride can be improved by initiating therapy with a titration regimen. The total daily dose may be increased by 50 mg as tolerated every 3 days to reach 200 mg/day (50 mg q.i.d.). After titration, tramadol hydrochloride tablets 50 mg to 100 mg can be administered as needed for pain relief every four to six hours, not to exceed 400 mg per day." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what ppis this medication for simvastatin", + "output": "PPIs may modestly boost the statin-mediated LDL-C reduction." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how to give insulin", + "output": "Insulin comes as a solution (liquid) and a suspension (liquid with particles that will settle on standing) to be injected subcutaneously (under the skin). Insulin is usually injected several times a day \u2026 [whole section]" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how often do i get the pneumococcal conjugate vaccine", + "output": "Vaccination Schedule for Adults 18 Years of Age and Older: Prevnar 13 is administered as a single dose." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what are the active ingredients in bimatoprost", + "output": "Active Ingredient/Active Moiety: Ingredient Name bimatoprost (UNII: QXS94885MZ) (bimatoprost - UNII:QXS94885MZ)" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how does it take for strattera to begin to show some improvement", + "output": "Some people report small changes in hyperactivity and impulse control within two weeks, but it may take 4 to 8 weeks for the drug to achieve maximum effectiveness." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "will citalopram exacerbate heart arrhythmias?", + "output": "QT-Prolongation and Torsade de Pointes: Citalopram causes dose-dependent QTc prolongation, an ECG abnormality that has been associated with Torsade de Pointes (TdP), ventricular tachycardia, and sudden death, all of which have been observed in postmarketing reports for citalopram.... [whole subsection]" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what does marijuana look like", + "output": "Marijuana is a green, brown, or gray mix of dried, crumbled parts from the marijuana plant." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "nitroglycerin how it works", + "output": "The principal pharmacological action of nitroglycerin is relaxation of vascular smooth muscle and consequent dilatation of peripheral arteries and veins, especially the latter. Dilatation of the veins promotes peripheral pooling of blood and decreases venous return to the heart, thereby reducing left ventricular end-diastolic pressure and pulmonary capillary wedge pressure (preload). Arteriolar relaxation reduces systemic vascular resistance, systolic arterial pressure, and mean arterial pressure (afterload). Dilatation of the coronary arteries also occurs. The relative importance of preload reduction, afterload reduction, and coronary dilatation remains undefined." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is an esi shot in the \"back?\" epidural steroids shot in the \"back?\"", + "output": "An epidural steroid injection (ESI) is a minimally invasive procedure that can help relieve neck, arm, back, and leg pain caused by inflamed spinal nerves due to spinal stenosis or disc herniation. Medicines are delivered to the epidural space, which is a fat-filled area between the bone and the protective sac of the spinal nerves." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is medication for singular 10 mg.", + "output": "SINGULAIR is indicated for the prophylaxis and chronic treatment of asthma in adults and pediatric patients 12 months of age and older. SINGULAIR is indicated for prevention of exercise-induced bronchoconstriction in patients 15 years of age and older. SINGULAIR is indicated for the relief of symptoms of allergic rhinitis (seasonal allergic rhinitis in adults and pediatric patients 2 years of age and older, and perennial allergic rhinitis in adults and pediatric patients 6 months of age and older)." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "diclofenac sodium, 75 mg. how much is to much", + "output": "Diclofenac sodium may be administered as 25 mg, 50 mg, or 75 mg delayed-release tablets. Regardless of the indication, the dosage of diclofenac should be individualized to the lowest effective dose to minimize adverse effects (see CLINICAL PHARMACOLOGY: Individualization of Dosage). Osteoarthritis: The recommended dosage is 100 to 150 mg/day in divided doses, 50 mg b.i.d. or t.i.d. or 75 mg b.i.d. Dosages above 150 mg/day have not been studied in patients with osteoarthritis. Rheumatoid Arthritis: The recommended dosage is 150 to 200 mg/day in divided doses, 50 mg t.i.d. or q.i.d., or 75 mg b.i.d. Dosages above 225 mg/day are not recommended in patients with rheumatoid arthritis. Ankylosing Spondylitis: The recommended dosage is 100 to 125 mg/day, administered as 25 mg q.i.d., with an extra 25 mg dose at bedtime if necessary. Dosages above 125 mg/day have not been studied in patients with ankylosing spondylitis." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what upis this medication for simvastatin", + "output": "No Answers" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "any \"side effects\" when stop taking clopidogrel", + "output": "Discontinuation of clopidogrel bisulfate increases the risk of cardiovascular events. If clopidogrel must be temporarily discontinued (e.g., to treat bleeding or for surgery with a major risk of bleeding), restart it as soon as possible. When possible, interrupt therapy with clopidogrel for five days prior to such surgery. Resume clopidogrel as soon as hemostasis is achieved." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "can hormonal contraceptives be used for medical reasons?", + "output": "Medical Uses of the Birth Control Pill \u2026 [whole page]" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what opioid is in the bupropion patch", + "output": "Active Ingredient/Active Moiety: Ingredient Name buprenorphine (UNII: 40D3SCR4GZ) (buprenorphine - UNII:40D3SCR4GZ)" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is nicoderm", + "output": "reduces withdrawal symptoms, including nicotine craving, associated with quitting smoking" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "if wanting to change from duragesic patch to oxycontin how are doseages compared", + "output": "Based on TDF patch strength, calculate oral morphine equivalent (or other opioid equivalent). If converting to oral morphine, use the 2 mg oral morphine/day ~ 1 mcg/h TDF rule" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is fluoride", + "output": "The mineral fluoride occurs naturally on earth and is released from rocks into the soil, water, and air. All water contains some fluoride. Usually, the fluoride level in water is not enough to prevent tooth decay; however, some groundwater and natural springs can have naturally high levels of fluoride. Fluoride has been proven to protect teeth from decay. Bacteria in the mouth produce acid when a person eats sugary foods. This acid eats away minerals from the tooth\u2019s surface, making the tooth weaker and increasing the chance of developing cavities. Fluoride helps to rebuild and strengthen the tooth\u2019s surface, or enamel. Water fluoridation prevents tooth decay by providing frequent and consistent contact with low levels of fluoride. By keeping the tooth strong and solid, fluoride stops cavities from forming and can even rebuild the tooth\u2019s surface." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "why is losartin prescribed rather than a calcium channel blocker.", + "output": "Losartan is in a class of medications called angiotensin II receptor antagonists. It works by blocking the action of certain natural substances that tighten the blood vessels, allowing the blood to flow more smoothly and the heart to pump more efficiently." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "when used as a rinse, how big should the amount of lidocaineof lidocaine used", + "output": "Lidocaine viscous comes as a thick liquid and should be shaken well before using. Lidocaine viscous usually is used as needed but not more frequently than every 3 hours, with a maximum of 8 doses in 24 hours. In children under 3 years of age, do not use more frequently than every 3 hours, with a maximum of 4 doses in 12 hours. Follow the directions on your prescription label carefully, and ask your doctor or pharmacist to explain any part you do not understand. Use lidocaine exactly as directed. Do not use more or less of it or use it more often than prescribed by your doctor." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "is it safe to add peppermint essential oil in mouthwash?", + "output": "Peppermint oil appears to be safe when taken orally (by mouth) in the doses commonly used. Excessive doses of peppermint oil can be toxic. Possible side effects of peppermint oil include allergic reactions and heartburn. Capsules containing peppermint oil are often enteric-coated to reduce the likelihood of heartburn. If enteric-coated peppermint oil capsules are taken at the same time as antacids, the coating can break down too quickly. Like other essential oils, peppermint oil is highly concentrated. When the undiluted essential oil is used for health purposes, only a few drops are used. Side effects of applying peppermint oil to the skin can include skin rashes and irritation. Peppermint oil should not be applied to the face or chest of infants or young children because serious side effects may occur if they inhale the menthol in the oil. No harmful effects of peppermint leaf tea have been reported. However, the long-term safety of consuming large amounts of peppermint leaf is unknown." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how to identify clonidine tablets", + "output": "Product Characteristics Color WHITE Score no score Shape ROUND (biconvex) Size 6mm Flavor Imprint Code A;16" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "enoxaparin shot admin they injected into my kidney what will i do", + "output": "If patients have had neuraxial anesthesia or spinal puncture, and particularly, if they are taking concomitant NSAIDs, platelet inhibitors, or other anticoagulants, they should be informed to watch for signs and symptoms of spinal or epidural hematoma, such as tingling, numbness (especially in the lower limbs) and muscular weakness. If any of these symptoms occur the patient should contact his or her physician immediately. Additionally, the use of aspirin and other NSAID's may enhance the risk of hemorrhage. Their use should be discontinued prior to enoxaparin therapy whenever possible; if co-administration is essential, the patient's clinical and laboratory status should be closely monitored [see Drug Interactions (7)]. Patients should also be informed: of the instructions for injecting Enoxaparin Sodium Injection if their therapy is to continue after discharge from the hospitals. it may take them longer than usual to stop bleeding. they may bruise and/or bleed more easily when they are treated with Enoxaparin Sodium Injection. they should report any unusual bleeding, bruising, or signs of thrombocytopenia (such as a rash of dark red spots under the skin) to their physician [see Warnings and Precautions (5.1, 5.5)]. to tell their physicians and dentists they are taking Enoxaparin Sodium Injection and/or any other product known to affect bleeding before any surgery is scheduled and before any new drug is taken [see Warnings and Precautions (5.3)]. to tell their physicians and dentists of all medications they are taking, including those obtained without a prescription, such as aspirin or other NSAID's [see Drug Interactions (7)]." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is marijuana", + "output": "Marijuana is a green, brown, or gray mix of dried, crumbled parts from the marijuana plant." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how to safely stop taking anastrozole", + "output": "A study has found that postmenopausal women who stop taking hormonal therapy early or skip doses are much more likely to have a breast cancer recurrence than women who take hormonal therapy as prescribed." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "vitamin d 15000,what can do for bones", + "output": "Vitamin D helps your body absorb calcium. Calcium is one of the main building blocks of bone. A lack of vitamin D can lead to bone diseases such as osteoporosis or rickets. Vitamin D also has a role in your nerve, muscle, and immune systems." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "metformin after dinner and bed time?", + "output": "Metformin hydrochloride extended-release tablets, USP should generally be given once daily with the evening meal." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is cortisol", + "output": "Cortisol is a steroid hormone, in the glucocorticoid class of hormones. When used as a medication, it is known as hydrocortisone. It is produced in humans by the zona fasciculata of the adrenal cortex within the adrenal gland.[1] It is released in response to stress and low blood-glucose concentration. It functions to increase blood sugar through gluconeogenesis, to suppress the immune system, and to aid in the metabolism of fat, protein, and carbohydrates.[2] It also decreases bone formation.[3]" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "effects of salt of epson to diabetes?", + "output": "While Epsom salt baths can be relaxing, they are not recommended for people with diabetes. Epsom salt is made up of magnesium sulfate. Why does that matter? When Epsom salts are added to a warm bath, some magnesium can be absorbed through the skin, causing an increased release of insulin, leading to hypoglycemia (low blood sugar)." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "1 mg ativan ccis a small does of ativan for adults?", + "output": "Ativan (lorazepam) is administered orally. For optimal results, dose, frequency of administration, and duration of therapy should be individualized according to patient response. To facilitate this, 0.5 mg, 1 mg, and 2 mg tablets are available. The usual range is 2 to 6 mg/day given in divided doses, the largest dose being taken before bedtime, but the daily dosage may vary from 1 to 10 mg/day. For anxiety, most patients require an initial dose of 2 to 3 mg/day given two times a day or three times a day. For insomnia due to anxiety or transient situational stress, a single daily dose of 2 to 4 mg may be given, usually at bedtime. For elderly or debilitated patients, an initial dosage of 1 to 2 mg/day in divided doses is recommended, to be adjusted as needed and tolerated. The dosage of Ativan (lorazepam) should be increased gradually when needed to help avoid adverse effects. When higher dosage is indicated, the evening dose should be increased before the daytime doses." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what help withdrawal \"fom.\" hydrocodone 10 325", + "output": "Narcotics Anonymous (N.A.) assists people who want to stop abusing prescription or illegal drugs. Find a meeting center or online support group by searching for the local helpline or website for the area where the meeting is located." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is prochlorperazine", + "output": "For control of severe nausea and vomiting. \nFor the treatment of schizophrenia.\n\nProchlorperazine is effective for the short-term treatment of generalized non-psychotic anxiety. However, prochlorperazine is not the first drug to be used in therapy for most patients with non-psychotic anxiety, because certain risks associated with its use are not shared by common alternative treatments (e.g., benzodiazepines).\n\nWhen used in the treatment of non-psychotic anxiety, prochlorperazine should not be administered at doses of more than 20 mg per day or for longer than 12 weeks, because the use of prochlorperazine at higher doses or for longer intervals may cause persistent tardive dyskinesia that may prove irreversible (see WARNINGS).\n\nThe effectiveness of prochlorperazine as treatment for non-psychotic anxiety was established in 4-week clinical studies of outpatients with generalized anxiety disorder. This evidence does not predict that prochlorperazine will be useful in patients with other non-psychotic conditions in which anxiety, or signs that mimic anxiety, are found (e.g., physical illness, organic mental conditions, agitated depression, character pathologies, etc.).\n\nProchlorperazine has not been shown effective in the management of behavioral complications in patients with mental retardation." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what does valacyclovir 1gm cure?", + "output": "Valacyclovir tablets, USP are a prescription antiviral medicine. Valacyclovir tablets, USP lower the ability of herpes viruses to multiply in your body.\n\nValacyclovir tablets, USP are used in adults:\n\nto treat cold sores (also called fever blisters or herpes labialis)\nto treat shingles (also called herpes zoster)\nto treat or control genital herpes outbreaks in adults with normal immune systems\nto control genital herpes outbreaks in adults infected with the human immunodeficiency virus (HIV) with CD4 + cell count greater than 100 cells/mm3\nwith safer sex practices to lower the chances of spreading genital herpes to others. Even with safer sex practices, it is still possible to spread genital herpes.\nValacyclovir tablets, USP used daily with the following safer sex practices can lower the chances of passing genital herpes to your partner.\n\nDo not have sexual contact with your partner when you have any symptom or outbreak of genital herpes.\nUse a condom made of latex or polyurethane whenever you have sexual contact.\nValacyclovir tablets, USP are used in children:\n\nto treat cold sores (for children \u2265 12 years of age)\nto treat chickenpox (for children 2 to < 18 years of age)." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "methotrexate how many milligrams for psoriatic arthritis", + "output": "Psoriasis\nRecommended Starting Dose Schedules\n\n1. Weekly single oral, IM or IV dose schedule: 10 to 25 mg per week until adequate response is achieved.\n\n2. Divided oral dose schedule: 2.5 mg at 12 hour intervals for three doses.\n\nDosages in each schedule may be gradually adjusted to achieve optimal clinical response; 30 mg/week should not ordinarily be exceeded.\n\nOnce optimal clinical response has been achieved, each dosage schedule should be reduced to the lowest possible amount of drug and to the longest possible rest period. The use of methotrexate may permit the return to conventional topical therapy, which should be encouraged." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how long can i take raloxifene", + "output": "the Raloxifene Use for The Heart (RUTH) trial, that evaluated as primary endpoint the effect of raloxifene on cardiovascular events in 10,101 postmenopausal women for a median of 5.6 years (mean age 67.5 years), clearly demonstrates the benefits of raloxifene in older women in the prevention of clinical vertebral fracture (\u221235%, p = 0.007), but not for nonvertebral fractures (p > 0.05 versus placebo), irrespective of presence or absence of risk factors for fracture.48,49" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "is it safe to take toradol when breast feeding", + "output": "Nursing Mothers\nLimited data from one published study involving 10 breastfeeding women 2 to 6 days postpartum showed low levels of ketorolac in breast milk. Levels were undetectable (less than 5 ng/mL) in 4 of the patients. After a single administration of 10 mg of ketorolac tromethamine tablets, the maximum milk concentration observed was 7.3 ng/mL, and the maximum milk-to-plasma ratio was 0.037. After 1 day of dosing (10 mg every 6 hours), the maximum milk concentration was 7.9 ng/mL, and the maximum milk-to-plasma ratio was 0.025. Assuming a daily intake of 400 to 1,000 mL of human milk per day and a maternal body weight of 60 kg, the calculated maximum daily infant exposure was 0.00263 mg/kg/day, which is 0.4% of the maternal weight-adjusted dose.\n\nExercise caution when ketorolac is administered to a nursing woman. Available information has not shown any specific adverse events in nursing infants; however, instruct patients to contact their infant's health care provider if they note any adverse events." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "oxycodone hcl 5 mg & oxycodone \"10-325\" apap the same?", + "output": "PERCOCET - oxycodone hydrochloride and acetaminophen tablet. Each tablet, for oral administration, contains oxycodone hydrochloride and acetaminophen in the following strengths: Oxycodone Hydrochloride, USP 10 mg*\nAcetaminophen, USP 325 mg\n*10 mg oxycodone HCl is equivalent to 8.9637 mg of oxycodone." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how do beta blockers work", + "output": "Beta blockers, also known as beta-adrenergic blocking agents, are medications that reduce your blood pressure. Beta blockers work by blocking the effects of the hormone epinephrine, also known as adrenaline.\n\nWhen you take beta blockers, your heart beats more slowly and with less force, thereby reducing blood pressure. Beta blockers also help blood vessels open up to improve blood flow." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is contraindication of carbamazepine", + "output": "Carbamazepine should not be used in patients with a history of previous bone marrow depression, hypersensitivity to the drug, or known sensitivity to any of the tricyclic compounds, such as amitriptyline, desipramine, imipramine, protriptyline, nortriptyline, etc. Likewise, on theoretical grounds its use with monoamine oxidase (MAO) inhibitors is not recommended. Before administration of carbamazepine, MAO inhibitors should be discontinued for a minimum of 14 days, or longer if the clinical situation permits.\n\nCoadministration of carbamazepine and nefazodone may result in insufficient plasma concentrations of nefazodone and its active metabolite to achieve a therapeutic effect. Coadministration of carbamazepine with nefazodone is contraindicated." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is docusate sodium", + "output": "Stool softener" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what valacyclovir looks like", + "output": "Color blue Shape CAPSULE Size 17mm" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is insulin glucagon", + "output": "Glucagon for Injection is a polypeptide hormone identical to human glucagon that increases blood glucose and relaxes smooth muscle of the gastrointestinal tract." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what milligrams the allopurinol", + "output": "The dosage of allopurinol tablets USP to accomplish full control of gout and to lower serum uric acid to normal or near-normal levels varies with the severity of the disease. The average is 200 to 300 mg/day for patients with mild gout and 400 to 600 mg/day for those with moderately severe tophaceous gout. The appropriate dosage may be administered in divided doses or as a single equivalent dose with the 300-mg tablet. Dosage requirements in excess of 300 mg should be administered in divided doses. The minimal effective dosage is 100 to 200 mg daily and the maximal recommended dosage is 800 mg daily. To reduce the possibility of flare-up of acute gouty attacks, it is recommended that the patient start with a low dose of allopurinol tablets USP (100 mg daily) and increase at weekly intervals by 100 mg until a serum uric acid level of 6 mg/dL or less is attained but without exceeding the maximal recommended dosage." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how long itching lasts after stopping doxycycline", + "output": "Doxycycline is virtually completely absorbed after oral administration.\n\nFollowing a 200 mg dose, normal adult volunteers averaged peak serum levels of 2.6 mcg/mL of doxycycline at 2 hours, decreasing to 1.45 mcg/mL at 24 hours. Excretion of doxycycline by the kidney is about 40%/72 hours in individuals with normal function (creatinine clearance about 75 mL/min.). This percentage excretion may fall as low as 1\u20135%/72 hours in individuals with severe renal insufficiency (creatinine clearance below 10 mL/min.). Studies have shown no significant difference in serum half-life of doxycycline (range 18\u201322 hours) in individuals with normal and severely impaired renal function." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "why \"shouldn't\" i take gemfibrozil while taking lovastatin?", + "output": "Strong inhibitors of CYP3A4: Lovastatin, like several other inhibitors of HMG-CoA reductase, is a substrate of cytochrome P450 3A4 (CYP3A4). Certain drugs which inhibit this metabolic pathway can raise the plasma levels of lovastatin and may increase the risk of myopathy. These include itraconazole, ketoconazole, posaconazole, voriconazole, the macrolide antibiotics erythromycin and clarithromycin, the ketolide antibiotic telithromycin, HIV protease inhibitors, boceprevir, telaprevir, the antidepressant nefazodone, or cobicistat-containing products. Combination of these drugs with lovastatin is contraindicated. If short-term treatment with strong CYP3A4 inhibitors is unavoidable, therapy with lovastatin should be suspended during the course of treatment (see CONTRAINDICATIONS; PRECAUTIONS, DRUG INTERACTIONS).\n\nGemfibrozil: The combined use of lovastatin with gemfibrozil should be avoided.\n\nOther lipid-lowering drugs (other fibrates or greater than or equal to 1 g/day of niacin): Caution should be used when prescribing other fibrates or lipid-lowering doses (greater than or equal to 1 g/day) of niacin with lovastatin, as these agents can cause myopathy when given alone. The benefit of further alterations in lipid levels by the combined use of lovastatin with other fibrates or niacin should be carefully weighed against the potential risks of these combinations." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "prevnar >65?", + "output": "CDC recommends PCV13 for use in infants and young children and adults 65 years or older. Older children and adults younger than 65 years old who are at increased risk for getting pneumococcal disease may also need a dose of PCV13." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how is cyanocobalamin adminitsered", + "output": "Cyanocobalamin Injection, USP is a sterile solution of cyanocobalamin for intramuscular or subcutaneous injection. Each mL contains 1000 mcg cyanocobalamin." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how dextroamphetamine works", + "output": "Dextroamphetamine is used as part of a treatment program to control symptoms of attention deficit hyperactivity disorder (ADHD; more difficulty focusing, controlling actions, and remaining still or quiet than other people who are the same age) in adults and children. Dextroamphetamine is also used to treat narcolepsy (a sleep disorder that causes excessive daytime sleepiness and sudden attacks of sleep). Dextroamphetamine is in a class of medications called central nervous system stimulants. It works by changing the amounts of certain natural substances in the brain." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is beta vulgaris", + "output": "Beetroot or beet juice\nBeets and beet juice are among the best food sources of nitrate. Beet juice might improve athletic performance because the body converts some of this nitrate to nitric oxide, which expands blood vessels. This blood vessel expansion increases blood flow and the delivery of oxygen and nutrients to exercising muscle. The expanded blood vessels also speed up the removal of waste products that cause muscle fatigue." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "if \"i'm\" allergic to penicillin can i take \"amoxicillin?\"", + "output": "A history of allergic reaction to any of the penicillins is a contraindication." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what milagrams olanzapine come in", + "output": "Olanzapine Tablets USP, 20 mg are white, film coated, oval, biconvex tablets with \u201cR\u201d 20\ndebossed on\u00a0one side and \u201c0168\u201d on other side." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how many milligrams of aceitomohen in a bottle of acetaminophen with codeine", + "output": "Acetaminophen and Codeine Phosphate Tablets 300 mg/30 mg are white, round, flat-faced, beveled edge, scored (bisect bar) tablets, debossed \"2064\" and \"V\" on one side and debossed \"3\" on the reverse side. They are supplied in bottles of 30, 50, 60, 90, 100, 120, 180, 500 and 1000." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what medications can you not take with grapefruit", + "output": "Here are examples of some types of drugs that grapefruit juice can cause problems with (interact):\n\nSome statin drugs to lower cholesterol, such as Zocor (simvastatin) and Lipitor (atorvastatin).\nSome drugs that treat high blood pressure, such as Procardia and Adalat CC (both nifedipine).\nSome organ-transplant rejection drugs, such as Sandimmune and Neoral (both cyclosporine).\nSome anti-anxiety drugs, such as buspirone.\nSome corticosteroids that treat Crohn\u2019s disease or ulcerative colitis, such as Entocort EC and Uceris (both budesonide).\nSome drugs that treat abnormal heart rhythms, such as Pacerone and Nexterone (both amiodarone).\nSome antihistamines, such as Allegra (fexofenadine)." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "nitrofurantoin generic for?", + "output": "Furadantin\u00ae Tablets\u00b6\nFuradantin\u00ae Oral Suspension\nFuralan\u00ae\u00b6\nMacrobid\u00ae\nMacrodantin\u00ae" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "mouth wash\" with salt water -how much salt to \"water?", + "output": "Rinse your mouth with salt water (one-half teaspoon or 3 grams of salt in 1 cup or 240 milliliters of water) or mouthwashes with hydrogen peroxide or Xylocaine to ease discomfort." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is vancomycin", + "output": "Vancomycin injection is used alone or in combination with other medications to treat certain serious infections such as endocarditis (infection of the heart lining and valves), peritonitis (inflammation of the lining of the abdomen), and infections of the lungs, skin, blood, and bones. Vancomycin injection is in a class of medications called glycopeptide antibiotics. It works by killing bacteria that cause infections.\n\nAntibiotics such as vancomycin injection will not work for colds, flu, or other viral infections. Taking or using antibiotics when they are not needed increases your risk of getting an infection later that resists antibiotic treatment." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "at what point do i no longer need cyanocobalamin injection?", + "output": "Cyanocobalamin comes as a solution (liquid) to be injected into a muscle or just under the skin. It is usually injected by a healthcare provider in an office or clinic. You will probably receive cyanocobalamin injection once a day for the first 6-7 days of your treatment. As your red blood cells return to normal, you will probably receive the medication every other day for 2 weeks, and then every 3-4 days for 2-3 weeks. After your anemia has been treated, you will probably receive the medication once a month to prevent your symptoms from coming back.\n\nCyanocobalamin injection will supply you with enough vitamin B12 only as long as you receive injections regularly. You may receive cyanocobalamin injections every month for the rest of your life. Keep all appointments to receive cyanocobalamin injections even if you feel well. If you stop receiving cyanocobalamin injections, your anemia may return and your nerves may be damaged." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "amiodarone for afibwhat are side effects", + "output": "Adverse reactions have been very common in virtually all series of patients treated with amiodarone for ventricular arrhythmias with relatively large doses of drug (400 mg/day and above), occurring in about three-fourths of all patients and causing discontinuation in 7 to 18%. The most serious reactions are pulmonary toxicity, exacerbation of arrhythmia, and rare serious liver injury (see \u201cWARNINGS\u201d), but other adverse effects constitute important problems. They are often reversible with dose reduction or cessation of amiodarone treatment. Most of the adverse effects appear to become more frequent with continued treatment beyond six months, although rates appear to remain relatively constant beyond one year. The time and dose relationships of adverse effects are under continued study.\n\nNeurologic problems are extremely common, occurring in 20 to 40% of patients and including malaise and fatigue, tremor and involuntary movements, poor coordination and gait, and peripheral neuropathy; they are rarely a reason to stop therapy and may respond to dose reductions or discontinuation (see \u201cPRECAUTIONS\u201d). There have been spontaneous reports of demyelinating polyneuropathy.\n\nGastrointestinal complaints, most commonly nausea, vomiting, constipation, and anorexia, occur in about 25% of patients but rarely require discontinuation of drug. These commonly occur during high-dose administration (i.e., loading dose) and usually respond to dose reduction or divided doses.\n\nOphthalmic abnormalities including optic neuropathy and/or optic neuritis, in some cases progressing to permanent blindness, papilledema, corneal degeneration, photosensitivity, eye discomfort, scotoma, lens opacities, and macular degeneration have been reported (see \u201cWARNINGS\u201d).\n\nAsymptomatic corneal microdeposits are present in virtually all adult patients who have been on drug for more than 6 months. Some patients develop eye symptoms of halos, photophobia, and dry eyes. Vision is rarely affected and drug discontinuation is rarely needed.\n\nDermatological adverse reactions occur in about 15% of patients, with photosensitivity being most common (about 10%). Sunscreen and protection from sun exposure may be helpful, and drug discontinuation is not usually necessary. Prolonged exposure to amiodarone occasionally results in a blue-gray pigmentation. This is slowly and occasionally incompletely reversible on discontinuation of drug but is of cosmetic importance only.\n\nCardiovascular adverse reactions, other than exacerbation of the arrhythmias, include the uncommon occurrence of congestive heart failure (3%) and bradycardia. Bradycardia usually responds to dosage reduction but may require a pacemaker for control. CHF rarely requires drug discontinuation. Cardiac conduction abnormalities occur infrequently and are reversible on discontinuation of drug." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "are you mentally \"i'll\" when you \"take fluoxetine?\"", + "output": "Fluoxetine (Prozac) is used to treat depression, obsessive-compulsive disorder (bothersome thoughts that won't go away and the need to perform certain actions over and over), some eating disorders, and panic attacks (sudden, unexpected attacks of extreme fear and worry about these attacks). Fluoxetine (Sarafem) is used to relieve the symptoms of premenstrual dysphoric disorder, including mood swings, irritability, bloating, and breast tenderness. It is also used along with olanzapine (Zyprexa) to treat depression that did not respond to other medications and episodes of depression in people with bipolar I disorder (manic-depressive disorder; a disease that causes episodes of depression, episodes of mania, and other abnormal moods)." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how to use lantus solostar insulin pen", + "output": "Important Administration Instructions\nAdminister LANTUS subcutaneously once daily at any time of day but at the same time every day.\nPrior to initiation of LANTUS, train patients on proper use and injection technique.\nPatient should follow the Instructions for Use to correctly administer LANTUS.\nAdminister LANTUS subcutaneously into the abdominal area, thigh, or deltoid, and rotate injection sites within the same region from one injection to the next to reduce the risk of lipodystrophy [see ADVERSE REACTIONS (6.1)].\nVisually inspect LANTUS vials and SoloStar prefilled pens for particulate matter and discoloration prior to administration. Only use if the solution is clear and colorless with no visible particles.\nRefrigerate unused (unopened) LANTUS vials and SoloStar\u00ae prefilled pens.\nDo not administer intravenously or via an insulin pump.\nDo not dilute or mix LANTUS with any other insulin or solution.\nThe SoloStar prefilled pen is for single patient use only" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what are the dosage strengths of sildenafil", + "output": "Sildenafil Tablets\n\nWhite, film-coated, round tablets engraved with SDF20 containing sildenafil citrate equivalent to 20 mg of sildenafil." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how long should i take cipro for a urinary tract infection \"?\"", + "output": "Urinary Tract Infections: 250\u2013500 mg every 12 hours for 7 to 14 days" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how to stop using estradiol patch", + "output": "Attempts to taper or discontinue the medication should be made at 3 to 6 month intervals.\n\nEstradiol transdermal system (twice-weekly) may be given continuously in patients who do not have an intact uterus. In those patients with an intact uterus, estradiol transdermal system (twice-weekly) may be given on a cyclic schedule (for example, 3 weeks on drug followed by 1 week off drug)." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how much penicillin to treat strep throat for adult", + "output": "The usual dosage recommendations for adults and children 12 years and over are as follows:\n\nStreptococcal Infections\nMild to moderately severe \u2013 of the upper respiratory tract and including scarlet fever and erysipelas: 125 to 250 mg (200,000 to 400,000 units) every 6 to 8 hours for 10 days." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what class is diazepam", + "output": "Diazepam is a benzodiazepine that exerts anxiolytic, sedative, muscle-relaxant, anticonvulsant and amnestic effects." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "is estradiol transdermal patch bio-identical estrogen?", + "output": "Estradiol transdermal system (twice-weekly) is an estrogen indicated for:\n\u2022Treatment of moderate to severe vasomotor symptoms due to menopause ( 1.1)\n\u2022Treatment of moderate to severe symptoms of vulvar and vaginal atrophy due to menopause" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how to reduce bisoprolol", + "output": "Cessation of Therapy\nIf withdrawal of bisoprolol fumarate and hydrochlorothiazide therapy is planned, it should be achieved gradually over a period of about 2 weeks." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what does prednisone do to the body", + "output": "Prednisone is in a class of medications called corticosteroids. It works to treat patients with low levels of corticosteroids by replacing steroids that are normally produced naturally by the body. It works to treat other conditions by reducing swelling and redness and by changing the way the immune system works." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what does prednisone do to the body", + "output": "Fluid and Electrolyte Disturbances:\n\nSodium retention.\n\nFluid retention.\n\nCongestive heart failure in susceptible patients.\n\nPotassium loss.\n\nHypokalemic alkalosis.\n\nHypertension.\nMusculoskeletal:\n\nMuscle weakness.\n\nSteroid myopathy.\n\nLoss of muscle mass.\n\nOsteoporosis.\n\nVertebral compression fractures.\n\nAseptic necrosis of femoral and humeral heads.\n\nPathologic fracture of long bones.\nGastrointestinal:\n\nPeptic ulcer with possible perforation and hemorrhage.\n\nPancreatitis.\n\nAbdominal distention.\n\nUlcerative esophagitis.\nDermatologic:\n\nImpaired wound healing.\n\nThin fragile skin.\n\nPetechiae and ecchymoses.\n\nFacial erythema.\n\nIncreased sweating.\n\nMay suppress reactions to skin tests.\nMetabolic:\n\nNegative nitrogen balance due to protein catabolism.\nNeurological:\n\nConvulsions\n\nIncreased intracranial pressure with papilledema (pseudo-tumor cerebri) usually after treatment.\n\nVertigo.\n\nHeadache.\nEndocrine:\n\nMenstrual irregularities.\n\nDevelopment of Cushingoid state.\n\nSuppression of growth in children.\n\nSecondary adrenocortical and pituitary unresponsiveness, particularly in times of stress, as in trauma, surgery or illness.\n\nDecreased carbohydrate tolerance.\n\nManifestations of latent diabetes mellitus.\n\nIncreased requirements for insulin or oral hypoglycemic agents in diabetics.\n\n Ophthalmic:\n\nPosterior subcapsular cataracts.\n\nIncreased intraocular pressure.\n\nGlaucoma.\n\nExophthalmos.\n\nAdditional Reactions:\n\nUrticaria and other allergic, anaphylactic or hypersensitivity reactions." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how to prescribe fluocinonide .05% gel", + "output": "Patients using topical corticosteroids should receive the following information and instructions:\n1. This medication is to be used as directed by the physician. It is for external use only. Avoid contact with the eyes.\n2. Patients should be advised not to use this medication for any disorder other than for which it was prescribed.\n3. The treated skin area should not be bandaged or otherwise covered or wrapped as to be occlusive unless directed by the physician.\n4. Patients should report any signs of local adverse reactions, especially under occlusive dressing.\n5. Parents of pediatric patients should be advised not to use tight-fitting diapers or plastic pants on a child being treated in the diaper area, as these garments may constitute occlusive dressings." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what to do with hydrogen peroxide poisoning", + "output": "Seek medical help right away. Do NOT make the person throw up unless poison control or a health care provider tells you to do so. If the chemical is on the skin or in the eyes, flush with lots of water for at least 15 minutes.\n\nBefore Calling Emergency\nHave this information ready:\n\nPerson's age, weight, and condition\nName of the product (ingredients and strength, if known)\nTime it was swallowed or got into eyes or on skin\nAmount swallowed, in eyes, or on skin" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how does amxacillin clavulanic acid work", + "output": "The combination of amoxicillin and clavulanic acid is used to treat certain infections caused by bacteria, including infections of the ears, lungs, sinus, skin, and urinary tract. Amoxicillin is in a class of medications called penicillin-like antibiotics. It works by stopping the growth of bacteria. Clavulanic acid is in a class of medications called beta-lactamase inhibitors. It works by preventing bacteria from destroying amoxicillin." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is the action of ezetimibe in my body", + "output": "Ezetimibe is in a class of medications called cholesterol-lowering medications. It works by preventing the absorption of cholesterol in the intestine." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "when is the best time of day to take propranolol", + "output": "The extended-release propranolol capsule (brand name: Inderal LA) usually is taken once a day. The extended-release capsule (Innopran XL, Inderal XL) is usually taken at bedtime and should consistently be taken either always with or always without food each time. Immediate-acting propranolol tablets or solution may be taken two, three, or four times a day. Take propranolol at around the same time(s) every day." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how long are you protected after taking the hep b vaccine", + "output": "Studies indicate that immunologic memory remains intact for at least 30 years among healthy vaccinated individuals who initiated hepatitis B vaccination >6 months of age. The vaccine confers long-term protection against clinical illness and chronic hepatitis B virus infection. Cellular immunity appears to persist even though antibody levels might become low or decline below detectable levels. Among vaccinated cohorts who initiated hepatitis B vaccination at birth, long-term follow-up studies are ongoing to determine the duration of vaccine-induced immunity" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how you use for paracetamol", + "output": "do not take more than directed (see OVERDOSE WARNING)\nadults and children 12 years and over \ntake 2 caplets every 6 hours while symptoms last\nswallow whole \u2013 do not crush, chew, or dissolve\ndo not take more than 6 caplets in 24 hours, unless directed by a doctor\ndo not use for more than 10 days unless directed by a doctor\nchildren under 12 years \nask a doctor" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how you use for paracetamol", + "output": "Acetaminophen" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "problems when stopping metformin, hair loss?", + "output": "Metformin is often used to treat type 2 diabetes and may help some women with PCOS symptoms. It is not approved by the FDA to treat PCOS symptoms. Metformin improves insulin's ability to lower your blood sugar and can lower both insulin and androgen levels. After a few months of use, metformin may help restart ovulation, but it usually has little effect on acne and extra hair on the face or body. Recent research shows that metformin may have other positive effects, including lowering body mass and improving cholesterol levels." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is diclofenac sodium topical gel used for", + "output": "Diclofenac topical gel (Voltaren) is used to relieve pain from osteoarthritis (arthritis caused by a breakdown of the lining of the joints) in certain joints such as those of the knees, ankles, feet, elbows, wrists, and hands. \nDiclofenac is also available as a 3% gel (Solaraze; generic) that is applied to the skin to treat actinic keratosis (flat, scaly growths on the skin caused by too much sun exposure)." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is rate for iv infusion cilastatin/imipenem", + "output": "Recommend that the maximum total daily dosage not exceed 4 g/day.\nAdminister 500 mg by intravenous infusion over 20 to 30 minutes.\nAdminister 1,000 mg by intravenous infusion over 40 to 60 minutes." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is a beta blocker", + "output": "Beta blockers, also known as beta-adrenergic blocking agents, are medications that reduce your blood pressure. Beta blockers work by blocking the effects of the hormone epinephrine, also known as adrenaline.\n\nWhen you take beta blockers, your heart beats more slowly and with less force, thereby reducing blood pressure. Beta blockers also help blood vessels open up to improve blood flow.\n\nSome beta blockers mainly affect your heart, while others affect both your heart and your blood vessels. Which one is best for you depends on your health and the condition being treated." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "marijuana is what schedule drug", + "output": "Cannabis , also known as marijuana, is a plant grown in many parts of the world which produces a resin containing compounds called cannabinoids. Some cannabinoids are psychoactive (acting on the brain and changing mood or consciousness) (see Question 1).\nThe use of Cannabis for medicinal purposes dates back to ancient times (see Question 3).\nBy federal law, the possession of Cannabis is illegal in the United States outside of approved research settings. However, a growing number of states, territories, and the District of Columbia have enacted laws to legalize medical marijuana (see Question 1).\nIn the United States, Cannabis is a controlled substance requiring special licensing for its use (see Question 1 and Question 3)." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what should i do when stopping taking oxycodone", + "output": "Discontinuation of Oxycodone HCl Tablets\nWhen a patient who has been taking oxycodone HCl tablets regularly and may be physically dependent no longer requires therapy with oxycodone HCl tablets, taper the dose gradually, by 25% to 50% every 2 to 4 days, while monitoring carefully for signs and symptoms of withdrawal. If the patient develops these signs or symptoms, raise the dose to the previous level and taper more slowly, either by increasing the interval between decreases, decreasing the amount of change in dose, or both. Do not abruptly discontinue oxycodone HCl tablets in a physically-dependent patient [see WARNINGS AND PRECAUTIONS (5.1), DRUG ABUSE AND DEPENDENCE (9.3)]." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how does cocaine i effect the nervous system", + "output": "Cocaine is an illegal stimulant drug that affects your central nervous system. Cocaine comes from the coca plant. When used, cocaine causes the brain to release higher than normal amounts of some chemicals. These produce a sense of euphoria, or a \"high.\"\n\nCocaine intoxication is a condition in which you're not only high from using the drug, but you also have body-wide symptoms that can make you ill and impaired." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "are you able to take guaifenesin if you have a heart \"transplant?\"", + "output": "Guaifenesin can be used in transplant recipients but should be used with caution in patients receiving kidney or lung transplants and in patients with renal impairment. Codeine combined with guaifenesin is another option for cough and can be used in most transplant patients although those with reduced renal function should be monitored carefully for adverse events." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how does marijuana get into a persons body", + "output": "Cannabinoids can be taken by mouth, inhaled, or sprayed under the tongue" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "can i took minocycline for acne when i have kidney stone", + "output": "The antianabolic action of the tetracyclines may cause an increase in blood urea nitrogen (BUN). While this is not a problem in those with normal renal function, in patients with significantly impaired function, higher serum levels of tetracycline may lead to azotemia, hyperphosphatemia, and acidosis. Under such conditions, monitoring of creatinine and BUN is recommended, and the total daily dosage should not exceed 200 mg in 24 hours (see DOSAGE AND ADMINISTRATION). If renal impairment exists, even usual oral or parenteral doses may lead to systemic accumulation of the drug and possible liver toxicity." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is amlodipine ?", + "output": "Amlodipine is used alone or in combination with other medications to treat high blood pressure and chest pain (angina). Amlodipine is in a class of medications called calcium channel blockers. It lowers blood pressure by relaxing the blood vessels so the heart does not have to pump as hard. It controls chest pain by increasing the supply of blood to the heart. If taken regularly, amlodipine controls chest pain, but it does not stop chest pain once it starts. Your doctor may prescribe a different medication to take when you have chest pain." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how do antibiotics kill bacteria", + "output": "Have you ever wondered how antibiotics kill invading bacteria, while leaving human cells alone? Although there are similarities between bacteria and human cells, there are many differences as well. Antibiotics work by affecting things that bacterial cells have but human cells don\u2019t.\n\nFor example, human cells do not have cell walls, while many types of bacteria do. The antibiotic penicillin works by keeping a bacterium from building a cell wall. Bacteria and human cells also differ in the structure of their cell membranes and the machinery they use to build proteins or copy DNA. Some antibiotics dissolve the membrane of just bacterial cells. Others affect protein-building or DNA-copying machinery that is specific to bacteria." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how is enoxaparin dispensed", + "output": "Enoxaparin Sodium Injection is available in two concentrations:\n100 mg/mL Concentration\n 30 and 40 mg prefilled syringes, and 60, 80, and 100 mg graduated prefilled syringes each contain 10 mg enoxaparin sodium per 0.1 mL Water for Injection.\n150 mg/mL Concentration\n 120 and 150 mg graduated prefilled syringes contain 15 mg enoxaparin sodium per 0.1 mL Water for Injection." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is the medication riva-clonazepam", + "output": "Clonazepam is used alone or in combination with other medications to control certain types of seizures. It is also used to relieve panic attacks (sudden, unexpected attacks of extreme fear and worry about these attacks). Clonazepam is in a class of medications called benzodiazepines. It works by decreasing abnormal electrical activity in the brain." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "when is the best time to take lotensin", + "output": "Benazepril comes as a tablet to take by mouth. It is usually taken once or twice a day with or without food. To help you remember to take benazepril, take it around the same time(s) every day." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "when is the best time to take lotensin", + "output": "The morning administration is preferable because it more effectively covers the whole 24 hours than an evening dose" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is ciprofloxacin", + "output": "Ciprofloxacin tablets are synthetic broad spectrum antimicrobial agents for oral administration." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "when is it ok to discontinue use of premarin crea m", + "output": "Use of estrogen-alone, or in combination with a progestin, should be with the lowest effective dose and for the shortest duration consistent with treatment goals and risks for the individual woman. Postmenopausal women should be re-evaluated periodically as clinically appropriate to determine if treatment is still necessary.\n\n2. 1 Treatment of Atrophic Vaginitis and Kraurosis Vulvae\nPREMARIN Vaginal Cream is administered intravaginally in a cyclic regimen (daily for 21 days and then off for 7 days). \n\n2. 2 Treatment of Moderate to Severe Dyspareunia, a Symptom of Vulvar and Vaginal Atrophy, due to Menopause\nPREMARIN Vaginal Cream (0.5 g) is administered intravaginally in a twice-weekly (for example, Monday and Thursday) continuous regimen or in a cyclic regimen of 21 days of therapy followed by 7 days off of therapy [see DOSAGE FORMS AND STRENGTHS (3)].\n\nAn increased risk of stroke and DVT has been reported with estrogen-alone therapy. An increased risk of PE, DVT, stroke and MI has been reported with estrogen plus progestin therapy. Should any of these occur or be suspected, estrogen with or without progestin therapy should be discontinued immediately. \n\nMost studies show no significant increased risk associated with use of estrogens for less than 1 year. The greatest risk appears to be associated with prolonged use, with increased risks of 15- to 24-fold for 5 to 10 years or more, and this risk has been shown to persist for at least 8 to 15 years after estrogen therapy is discontinued." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "if diclofenac is instilled in the wrong eye what happens", + "output": "Instill the missed dose as soon as you remember it. However, if it is almost time for the next dose, skip the missed dose and continue your regular dosing schedule. Do not instill extra eye drops to make up for a missed dose." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how other inject cortisone to the knee", + "output": "A steroid injection is a shot of medicine used to relieve a swollen or inflamed area that is often painful. It can be injected into a joint, tendon, or bursa.\n\nDescription\nYour health care provider inserts a small needle and injects medicine into the painful and inflamed area. Depending on the site, your provider may use an x-ray or ultrasound to see where to place the needle.\n\nFor this procedure:\n\nYou will lie on a table and the injection area will be cleaned.\nA numbing medicine may be applied to the injection site.\nYou may be given medicine to help you relax.\nSteroid injections can be given into a bursa, joint, or tendon." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "cbd from marijuana to treat what", + "output": "Cannabis and cannabinoids have been studied in the laboratory and the clinic for relief of pain, nausea and vomiting, anxiety, and loss of appetite (see Question 6 and Question 7).\nCannabis and cannabinoids may have benefits in treating the symptoms of cancer or the side effects of cancer therapies. There is growing interest in treating children for symptoms such as nausea with Cannabis and cannabinoids, although studies are limited (see Question 7).\nTwo cannabinoids (dronabinol and nabilone) are drugs approved by the U.S. Food and Drug Administration (FDA) for the prevention or treatment of chemotherapy -related nausea and vomiting (see Question 7 and Question 10)." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how long will benzonatate last on the shelf", + "output": "There have been very few studies to attempt to ascertain how long medications are effective after their expiration date having been stored in the unopened original stock pharmacy bottle. The pharmaceutical industry has not sponsored such a study due to the fact the expected results would severely hamper their sales. \n\n SLEP (http://www.ofcaems.org/ds-Stability_Profiles.pdf) is a US military study that evaluated 122 products over several years time for stability. The solid oral drugs (tablets, capsules) were tested over time for potency, impurities, water content, dissolution properties in liquid, and physical appearance by a FDA chemist. The results showed the following were uniformly stable nearly 5 years after the expiration date: Acetaminophen (Tylenol), Amoxicillin sodium tablets, Ampicillin, Benzonatate, Cephalexin (Keflex), Cimetadine (Tagamet), Ciprofloxacin (Cipro), codeine sulfate, doxycycline hyclate, enalapril maleate, erythromycin lactobionate, guaifenesin, mebendazole, naproxen (Alleve), oxacillin, potassium iodide, primaquine phosphate, pyridostigmine, sulfisoxazole, triamterene/hydrochlorothiazide." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "tretinoin medication treats what disorder", + "output": "Tretinoin is used to treat acute promyelocytic leukemia (APL; a type of cancer in which there are too many immature blood cells in the blood and bone marrow) in people who have not been helped by other types of chemotherapy or whose condition has improved but then worsened following treatment with other types of chemotherapy. Tretinoin is used to produce remission (a decrease or disappearance of signs and symptoms of cancer) of APL, but other medications must be used after treatment with tretinoin to prevent the cancer from returning. Tretinoin is in a class of medications called retinoids. It works by slowing or stopping the growth of cancer cells by causing immature blood cells to develop into normal blood cells." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "why are anticholinergic drugs useful for treating gastrointestinal spasms associated with ibs", + "output": "Dicyclomine relieves smooth muscle spasm of the gastrointestinal tract. Animal studies indicate that this action is achieved via a dual mechanism: (1) a specific anticholinergic effect (antimuscarinic) at the acetylcholine-receptor sites; and (2) a direct effect upon smooth muscle (musculotropic.)" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is clotrimazole betamethasone dipropionate cream", + "output": "What is clotrimazole and betamethasone dipropionate cream?\n\nClotrimazole and betamethasone dipropionate cream is a prescription medication used on the skin (topical) to treat fungal infections of the feet, groin, and body in people 17 years of age and older. Clotrimazole and betamethasone dipropionate cream is used for fungal infections that are inflamed and have symptoms of redness or itching." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is triamcinolone acetonide used for", + "output": "Topical corticosteroids are indicated for the relief of the inflammatory and pruritic manifestations of corticosteroid-responsive dermatoses." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is benzodiazepines", + "output": "Benzodiazepines (sometimes called \"benzos\") work to calm or sedate a person, by raising the level of the inhibitory neurotransmitter GABA in the brain. Common benzodiazepines include diazepam (Valium), alprazolam (Xanax), and clonazepam (Klonopin), among others." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "whats zithromax", + "output": "What is ZITHROMAX?\n\nZITHROMAX is a macrolide antibiotic prescription medicine used in adults 18 years or older to treat certain infections caused by certain germs called bacteria. These bacterial infections include:\n\nacute worsening of chronic bronchitis\nacute sinus infection\ncommunity-acquired pneumonia\ninfected throat or tonsils\nskin infections\ninfections of the urethra or cervix\ngenital ulcers in men\nZITHROMAX is also used in children to treat:\n\near infections\ncommunity-acquired pneumonia\ninfected throat or tonsils" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how long does vicodin stay in breast milk", + "output": "Following a 10 mg oral dose of hydrocodone administered to five adult male subjects, the mean peak concentration was 23.6 \u00b1 5.2 ng/mL. Maximum serum levels were achieved at 1.3 \u00b1 0.3 hours and the half-life was determined to be 3.8 \u00b1 0.3 hours.\n\nAcetaminophen is rapidly absorbed from the gastrointestinal tract and is distributed throughout most body tissues. A small fraction (10-25%) of acetaminophen is bound to plasma proteins. The plasma half-life is 1.25 to 3 hours." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how long can you be on clopidogrel \"&\" aspirin combined for", + "output": "The following are key points to remember about the updated guideline on duration of dual antiplatelet therapy (DAPT) in patients with coronary artery disease (CAD):\n\nThe scope of this focused update is limited to addressing recommendations on duration of DAPT (aspirin plus a P2Y12 inhibitor) in patients with coronary artery disease (CAD).\nIntensification of antiplatelet therapy, with the addition of a P2Y12 inhibitor to aspirin monotherapy, and prolongation of DAPT, necessitate a fundamental tradeoff between decreasing ischemic risk and increasing bleeding risk. Decisions regarding treatment with and duration of DAPT require a thoughtful assessment of the benefit/risk ratio, integration of study data, and patient preference.\nRecommendations in the document apply specifically to duration of P2Y12 inhibitor therapy in patients with CAD treated with DAPT. Aspirin therapy should almost always be continued indefinitely in patients with CAD.\nLower daily doses of aspirin, including in patients treated with DAPT, are associated with lower bleeding complications and comparable ischemic protection compared with higher doses of aspirin. The recommended daily dose of aspirin in patients treated with DAPT is 81 mg (range 75\u2013100 mg).\nIn patients with stable ischemic heart disease (SIHD) treated with DAPT after drug-eluting stent (DES) implantation, P2Y12 inhibitor therapy with clopidogrel should be given for at least 6 months (Class I). In patients with SIHD treated with DAPT after bare-metal stent (BMS) implantation, P2Y12 inhibitor therapy (clopidogrel) should be given for a minimum of 1 month (Class I).\nIn patients with SIHD treated with DAPT after BMS or DES implantation who have tolerated DAPT without a bleeding complication and who are not at high bleeding risk (e.g., prior bleeding on DAPT, coagulopathy, oral anticoagulant use), continuation of DAPT with clopidogrel for longer than 1 month in patients treated with BMS or longer than 6 months in patients treated with DES may be reasonable (Class IIb).\nIn patients with acute coronary syndrome (ACS) (non-ST elevation [NSTE]-ACS or ST elevation myocardial infarction [STEMI]) treated with DAPT after BMS or DES implantation, P2Y12 inhibitor therapy (clopidogrel, prasugrel, or ticagrelor) should be given for at least 12 months (Class I).\nIn patients with ACS (NSTE-ACS or STEMI) treated with coronary stent implantation who have tolerated DAPT without a bleeding complication and who are not at high bleeding risk (e.g., prior bleeding on DAPT, coagulopathy, oral anticoagulant use), continuation of DAPT (clopidogrel, prasugrel, or ticagrelor) for longer than 12 months may be reasonable (Class IIb). A new risk score (the \u201cDAPT score\u201d), derived from the Dual Antiplatelet Therapy study, may be useful for decisions about whether to continue (prolong or extend) DAPT in patients treated with coronary stent implantation.\nIn patients with ACS (NSTE-ACS or STEMI) treated with DAPT after coronary stent implantation and in patients with NSTE-ACS treated with medical therapy alone (without revascularization), it is reasonable to use ticagrelor in preference to clopidogrel for maintenance P2Y12 inhibitor therapy (Class IIa). Among those who are not at high risk for bleeding complications and who do not have a history of stroke or transient ischemic attack, it is reasonable to choose prasugrel over clopidogrel for maintenance P2Y12 inhibitor therapy (Class IIa).\nIn patients with ACS (NSTE-ACS or STEMI) being treated with DAPT who undergo coronary artery bypass grafting (CABG), P2Y12 inhibitor therapy should be resumed after CABG to complete 12 months of DAPT therapy after ACS (Class I).\nIn patients with STEMI treated with DAPT in conjunction with fibrinolytic therapy, P2Y12 inhibitor therapy (clopidogrel) should be continued for a minimum of 14 days and ideally at least 12 months (Class I).\nElective noncardiac surgery should be delayed 30 days after BMS implantation and optimally 6 months after DES implantation. In patients treated with DAPT after coronary stent implantation who must undergo surgical procedures that mandate the discontinuation of P2Y12 inhibitor therapy, it is recommended that aspirin be continued if possible and the P2Y12 platelet receptor inhibitor be restarted as soon as possible after surgery (Class I)." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "trospium can i stop taking it?", + "output": "Angioedema of the face, lips, tongue and/or larynx has been reported with trospium chloride. In one case, angioedema occurred after the first dose of trospium chloride. Angioedema associated with upper airway swelling may be life threatening. If involvement of the tongue, hypopharynx, or larynx occurs, trospium chloride should be promptly discontinued" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how long does chlordiazepoxide stay in \"system?\"", + "output": "It takes several hours for peak blood levels to be reached and the half-life of the drug is between 24 and 48 hours. After the drug is discontinued plasma levels decline slowly over a period of several days." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how much gravol to kill you", + "output": "Dimenhydrinate is a type of medicine called an antihistamine.\n\nDimenhydrinate overdose occurs when someone takes more than the normal or recommended amount of this medicine. This can be by accident or on purpose.\n\nThis article is for information only. DO NOT use it to treat or manage an actual overdose. If you or someone you are with has an overdose, call your local emergency number (such as 911), or your local poison center can be reached directly by calling the national toll-free Poison Help hotline (1-800-222-1222) from anywhere in the United States. \n\nPoisonous Ingredient\nDimenhydrinate can be harmful in large amounts.\n\nWhere Found\nDimenhydrinate is found in some allergy medicines. It is also in some medicines used to treat nausea, vomiting, and motion sickness.\n\nIt may be in medicines with these brand names:\n\nDramamine\nGravol\nMarmine\nNico-Vert\nTriptone\nDimenhydrinate may also be found in other medicines.\n\nSymptoms\nBelow are symptoms of a dimenhydrinate overdose in different parts of the body.\n\nBLADDER AND KIDNEYS\n\nInability to urinate\nEYES, EARS, NOSE, MOUTH, AND THROAT\n\nBlurred vision\nDry mouth\nEnlarged pupils\nVery dry eyes\nRinging in the ears\nHEART AND BLOOD VESSELS\n\nLow blood pressure\nRapid heartbeat\nNERVOUS SYSTEM\n\nAgitation\nConfusion\nSeizures\nDelirium\nDepression\nDrowsiness\nHallucinations (seeing or hearing things that aren't there)\nIncreased sleepiness\nNervousness\nTremor\nUnsteadiness\nSKIN\n\nDry, red skin\nSTOMACH AND INTESTINES\n\nNausea\nVomiting" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what are the side effects and long term consequences of using nicotine", + "output": "Nicotine use can have many different effects on the body. It can:\n\nDecrease the appetite -- Fear of weight gain makes some people unwilling to stop smoking.\nBoost mood, give people a sense of well-being, and possibly even relieve minor depression.\nIncrease activity in the intestines.\nCreate more saliva and phlegm.\nIncrease the heart rate by around 10 to 20 beats per minute.\nIncrease blood pressure by 5 to 10 mm Hg.\nPossibly cause sweating, nausea, and diarrhea.\nStimulate memory and alertness -- People who use tobacco often depend on it to help them accomplish certain tasks and perform well." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what are the side effects and long term consequences of using nicotine", + "output": "Tobacco and related chemicals can increase your risk of serious health problems such as cancer, lung disease, and heart attack." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how is nicotine taken", + "output": "Nicotine supplements come in many forms:\n\nGum\nInhalers\nLozenges\nNasal spray\nSkin patch\nAll of these work well if they are used correctly. People are more likely to use the gum and patches correctly than other forms." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "brinzolamide is brimodine?", + "output": "SIMBRINZA (brinzolamide/brimonidine tartrate ophthalmic suspension) 1%/0.2% is a fixed combination of a carbonic anhydrase inhibitor and an alpha 2 adrenergic receptor agonist indicated for the reduction of elevated intraocular pressure (IOP) in patients with open-angle glaucoma or ocular hypertension." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what does take drug with food mean?", + "output": "Some medicines need to be taken with or after food. Here are the 6 main reasons for this.\nTo reduce side effects of nausea or vomiting\nIt's better to take some medicines that can cause nausea or vomiting after a meal to reduce these side effects. Examples include allopurinol, bromocriptine and madopar.\nTo reduce side effects of stomach irritation, including indigestion, stomach inflammation or ulcers\nSome medicines can irritate the stomach, and taking them with food will reduce this effect. Things such as biscuits or a sandwich, or a glass of milk, are usually enough. Examples include:\naspirin\nnon-steroidal anti-inflammatory drugs (NSAIDs), such as diclofenac and ibuprofen\nsteroid medication (corticosteroids), such as prednisolone and dexamethasone\nTo treat problems such as heartburn, reflux or indigestion\nMedicines called antacids are taken to prevent heartburn, reflux and indigestion, which usually occur when acid is produced as food enters your stomach. Therefore, these medicines are most effective if taken immediately after, or during, a meal.\nTo ensure the medicine is not washed away\nPreparations such as mouthwashes, liquid nystatin, and miconazole gel for oral thrush or mouth ulcers must be used after meals. This is because eating food washes the medicine away too quickly.\nTo ensure the medicine is absorbed into the bloodstream properly\nSome medications require food in the stomach and gut for the body to absorb them properly, such as the HIV medicines ritonavir, saquinavir and nelfinavir.\nTo help the body process the meal\nMedicines for diabetes, if taken by mouth, should usually be taken around meal times to reduce blood sugar levels after eating and to avoid a very low blood sugar (hypoglycaemia).\nEnzyme supplements, which can be used to help people with chronic pancreatitis, should also be taken with food to help the body process the meal." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what would a normal dose be for valacyclovir", + "output": "Cold Sores (Herpes Labialis): The recommended dosage of valacyclovir tablets for treatment of cold sores is 2 grams twice daily for 1 day taken 12 hours apart. Therapy should be initiated at the earliest symptom of a cold sore (e.g., tingling, itching, or burning).\n\nGenital Herpes:\n\nInitial Episode: The recommended dosage of valacyclovir tablets for treatment of initial genital herpes is 1 gram twice daily for 10 days. Therapy was most effective when administered within 48 hours of the onset of signs and symptoms." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how many mgs of seroquel does one take for sleep", + "output": "The recommended initial dose, titration, dose range and maximum SEROQUEL dose for each approved indication is displayed in Table 1. After initial dosing, adjustments can be made upwards or downwards" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what does tasmar contain", + "output": "CTIVE INGREDIENT/ACTIVE MOIETY\nTolcapone (UNII: CIF6334OLY) \n\nINACTIVE INGREDIENTS\nLactose Monohydrate (UNII: EWQ57Q8I5X)\npovidone K30 (UNII: U725QWY32X)\nsodium starch glycolate type a potato (UNII: 5856J3G2A2)\ntalc (UNII: 7SEV7J4R1U)\nmagnesium stearate (UNII: 70097M6I30)\ntitanium dioxide (UNII: 15FIX9V2JP)\ntriacetin (UNII: XHX3C3X673)\nsodium lauryl sulfate (UNII: 368GB5141J)\nferric oxide yellow (UNII: EX438O2MRT)\nferric oxide red (UNII: 1K09F3G675)\nMICROCRYSTALLINE CELLULOSE (UNII: OP1R32D61U)\nANHYDROUS DIBASIC CALCIUM PHOSPHATE (UNII: L11K75P92J)\nETHYLCELLULOSE, UNSPECIFIED (UNII: 7Z8S9VYZ4B)" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is another drug similar to sulfonylureas", + "output": "Types of Insulin Secretagogues\nInsulin-releasing medicines\nSulfonylureas (Generic names): Glimepiride, Glipizide, Glyburide\nMeglitinides (Generic names): Repaglinide, Nateglinide" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how do botulinum toxin injections treat muscle conditions?", + "output": "Targeted injection of botulinum toxin into muscles with the most tome can help to selectively weaken these muscles to improve range of motion and function." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "heroin mixed with fentanyl what are the symptoms of an overdose", + "output": "Acute overdose with Fentanyl Citrate Injection can be manifested by respiratory depression, somnolence progressing to stupor or coma, skeletal muscle flaccidity, cold and clammy skin, constricted pupils, and, in some cases, pulmonary edema, bradycardia, hypotension, partial or complete airway obstruction, atypical snoring, and death." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "heroin mixed with fentanyl what are the symptoms of an overdose", + "output": "People use heroin to get high. But if they overdose on it, they get extremely sleepy or may become unconsciousness and stop breathing.\n\nBelow are symptoms of a heroin overdose in different parts of the body." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "heroin mixed with fentanyl what are the symptoms of an overdose", + "output": "However, most recent cases of fentanyl-related harm, overdose, and death in the U.S. are linked to illegally made fentanyl.2 It is sold through illegal drug markets for its heroin-like effect. It is often mixed with heroin and/or cocaine as a combination product\u2014with or without the user\u2019s knowledge\u2014to increase its euphoric effects." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "is pramipexole addictive?", + "output": "you should know that some people who took medications such as pramipexole to treat Parkinson's disease or restless legs syndrome developed gambling problems, an increased interest in shopping or sex, overeating problems, or other intense urges or behaviors that were compulsive or unusual for them. There is not enough information to tell whether the people developed these problems because they took the medication or for other reasons. Call your doctor if you develop intense urges or have difficulty controlling any of these behaviors. Tell your family members about these risks so that they can call the doctor even if you do not realize that your behavior has become a problem." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "can you take amoxicillin with hydrocodone ?", + "output": "There are no direct drug interactions between Norco (acetaminophen, hydrocodone), amoxicillin (Amoxil) and Adipex (phentermine). Take the Norco only as needed. This may cause drowsiness, be careful if you must be alert. Take the amoxicillin until finished." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how long will the cyanocobalamin stay good", + "output": "Store at room temperature between 59-86 degrees F (15-30 degrees C) away from light and moisture. Do not freeze. Do not store in the bathroom. Keep all medicines away from children and pets.Do not flush medications down the toilet or pour them into a drain unless instructed to do so. Properly discard this product when it is expired or no longer needed. Consult your pharmacist or local waste disposal company for more details about how to safely discard your product." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "entocort ec how prescribed", + "output": "2.1 Mild to Moderate Active Crohn\u2019s Disease\nThe recommended adult dosage for the treatment of mild to moderate active Crohn's disease involving the ileum and/or the ascending colon is 9 mg orally taken once daily in the morning for up to 8 weeks. Repeated 8 week courses of ENTOCORT EC can be given for recurring episodes of active disease.\n\n2.2 Maintenance of Clinical Remission of Mild to Moderate Crohn\u2019s Disease\nFollowing an 8 week course(s) of treatment for active disease and once the patient\u2019s symptoms are controlled (CDAI less than 150), ENTOCORT EC 6 mg orally is recommended once daily for maintenance of clinical remission up to 3 months. If symptom control is still maintained at 3 months an attempt to taper to complete cessation is recommended. Continued treatment with ENTOCORT EC 6 mg for more than 3 months has not been shown to provide substantial clinical benefit." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "celebrex caps 200 mg what is it for", + "output": "These doses can be given without regard to timing of meals.\n2.2 Osteoarthritis\nFor OA, the dosage is 200 mg per day administered as a single dose or as 100 mg twice daily.\n2.3 Rheumatoid Arthritis\nFor RA, the dosage is 100 to 200 mg twice daily.\n2.4 Juvenile Rheumatoid Arthritis\nFor JRA, the dosage for pediatric patients (age 2 years and older) is based on weight. For patients \u226510 kg to \u226425 kg the recommended dose is 50 mg twice daily. For patients >25 kg the recommended dose is 100 mg twice daily.\n2.5 Ankylosing Spondylitis\nFor AS, the dosage of CELEBREX is 200 mg daily in single (once per day) or divided (twice per day) doses. If no effect is observed after 6 weeks, a trial of 400 mg daily may be worthwhile. If no effect is observed after 6 weeks on 400 mg daily, a response is not likely and consideration should be given to alternate treatment options.\n2.6 Management of Acute Pain and Treatment of Primary Dysmenorrhea\nFor management of Acute Pain and Treatment of Primary Dysmenorrhea, the dosage is 400 mg initially, followed by an additional 200 mg dose if needed on the first day. On subsequent days, the recommended dose is 200 mg twice daily as needed." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how ph change with antibiotic", + "output": "Collins' team had already discovered that antibiotics that kill bacteria do so by triggering oxidative stress in the bacteria. They wondered whether antibiotics caused side effects by triggering oxidative stress in the mitochondria, a bacterium-like organelle that supplies human cells with energy." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what does vicodin look like", + "output": "Color: WHITE Score: 2 pieces Shape: OVAL Size: 14mm Imprint Code: VICODIN;HP;10;300" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how much is fish oil daily dose", + "output": "LC omega-3s are present in several dietary supplement formulations, including fish oil, krill oil, cod liver oil, and vegetarian products that contain algal oil. A typical fish oil supplement provides about 1,000 mg fish oil, containing 180 mg EPA and 120 mg DHA, but doses vary widely. Table 1 lists the current AIs for omega-3s in grams per day." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "meropenem injection ip what is the rate of injection", + "output": "The recommended dose of Meropenem for Injection, USP is 500 mg given every 8 hours for skin and skin structure infections and 1 gram given every 8 hours for intra-abdominal infections. When treating complicated skin and skin structure infections caused by P. aeruginosa, a dose of 1 gram every 8 hours is recommended. \n\nMeropenem for Injection, USP should be administered by intravenous infusion over approximately 15 minutes to 30 minutes. Doses of 1 gram may also be administered as an intravenous bolus injection (5 mL to 20 mL) over approximately 3 minutes to 5 minutes." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how does vitamin d help our bodies", + "output": "Vitamin D helps the body absorb calcium. Calcium and phosphate are two minerals that you must have for normal bone formation.\n\nIn childhood, your body uses these minerals to produce bones. If you do not get enough calcium, or if your body does not absorb enough calcium from your diet, bone production and bone tissues may suffer.\n\nVitamin D deficiency can lead to osteoporosis in adults or rickets in children." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is xifaxan used for", + "output": "XIFAXAN is indicated for the treatment of travelers\u2019 diarrhea (TD) caused by noninvasive strains of Escherichia coli in adults and pediatric patients 12 years of age and older.\nXIFAXAN is indicated for reduction in risk of overt hepatic encephalopathy (HE) recurrence in adults.\nXIFAXAN is indicated for the treatment of irritable bowel syndrome with diarrhea (IBS-D) in adults." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "why synthroid is interfered by calcium", + "output": "Calcium carbonate may form an insoluble chelate with levothyroxine, and ferrous sulfate likely forms a ferric-thyroxine complex. Administer SYNTHROID at least 4 hours apart from these agents." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what happens when you mix cymbalta with muscle relaxes", + "output": "CNS Acting Drugs \u2014 Given the primary CNS effects of CYMBALTA, it should be used with caution when it is taken in combination with or substituted for other centrally acting drugs, including those with a similar mechanism of action [see Warnings and Precautions (5.12) and Drug Interactions (7.16)]." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "when to start tamiflu", + "output": "TAMIFLU is indicated for the treatment of acute, uncomplicated illness due to influenza A and B infection in patients 2 weeks of age and older who have been symptomatic for no more than 48 hours.\n1.2 Prophylaxis of Influenza\nTAMIFLU is indicated for the prophylaxis of influenza A and B in patients 1 year and older." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "can i take vitamins with rasagiline?", + "output": "Results of a special tyramine challenge study indicate that rasagiline is selective for MAO-B at recommended doses and can be used without dietary tyramine restriction. However, certain foods may contain very high amounts (i.e., 150 mg or greater) of tyramine and could potentially cause a hypertensive reaction in individual patients taking rasagiline due to increased sensitivity to tyramine." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how to take clotrimazole", + "output": "Clotrimazole comes as a cream, lotion, powder, and solution to apply to the skin; lozenges (called troches) to dissolve in the mouth; and vaginal tablets and vaginal cream to be inserted into the vagina. Clotrimazole is usually used five times a day for 14 days for oral thrush, twice a day (in the morning and evening) for 2 to 8 weeks for skin infections, and once a day at bedtime for 3 or 7 days for vaginal infections. Follow the directions on the package or your prescription label carefully, and ask your doctor or pharmacist to explain any part you do not understand. Use clotrimazole exactly as directed. Do not use more or less of it or use it more often than prescribed by your doctor.\n\nTo use the topical cream, lotion, or solution, thoroughly clean the infected area, allow it to dry, and then gently rub the medication in until most of it disappears. Use just enough medication to cover the affected area. You should wash your hands after applying the medication.\n\nThe lozenges should be placed in the mouth and dissolved slowly over about 15 to 30 minutes. Do not chew or swallow the lozenges whole." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how to apply clonidine patch on chest", + "output": "Apply clonidine patches to clean, dry skin on a hairless area on the upper, outer arm or upper chest. Choose an area where it will not be rubbed by tight clothing. Do not apply patches to skin that has wrinkles or folds or to skin that is cut, scraped, irritated, scarred or recently shaved. You may bathe, swim, or shower while you are wearing a clonidine patch.\n\nIf the clonidine patch loosens while wearing it, apply the adhesive cover that comes with the patch. The adhesive cover will help to keep the clonidine patch on until it is time for the patch to be replaced. If the clonidine patch significantly loosens or falls off, replace it with a new one in a different area. Replace the new patch on your next scheduled patch change day." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "do patients get better medication deposition when using a spacer?", + "output": "In some cases, such as for children or older adults, using a spacer or valved holding chamber with an inhaler might make it easier to inhale the full dose. A spacer holds medication in a tube between the inhaler and your mouth after it's released. A valved holding chamber is a specialized spacer with a one-way valve to help regulate the flow of medication.\n\nReleasing the medication into the spacer allows you to inhale more slowly, increasing the amount that reaches your lungs. Spacers and holding chambers require a prescription.\n\nThere are inhalers with built-in spacers. Others can be used with a spacer that attaches to the inhaler." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what color is the clonazepam", + "output": "yellow" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how 9is cyanocobalamin adminitsered", + "output": "Cyanocobalamin comes as a solution (liquid) to be injected into a muscle or just under the skin. It is usually injected by a healthcare provider in an office or clinic. You will probably receive cyanocobalamin injection once a day for the first 6-7 days of your treatment. As your red blood cells return to normal, you will probably receive the medication every other day for 2 weeks, and then every 3-4 days for 2-3 weeks. After your anemia has been treated, you will probably receive the medication once a month to prevent your symptoms from coming back." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how to stop pregabalin lyrica", + "output": "When discontinuing LYRICA, taper gradually over a minimum of 1 week." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "i need to know how to use this medication ultibro", + "output": "The way to take this medicine: Inhalation\nStore below 25 degrees Celsius\nProtect from Moisture\nLifetime is 24 Months." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "howmuch aspirin in butalbital", + "output": "Butalbital 50 mg; Aspirin 325 mg; Caffeine 40 mg" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "shingles vaccine how often", + "output": "The recommended schedule for live shingles vaccine is a single dose for adults 60 years of age and older." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "show me omeprazole", + "output": "Color: BROWN; Shape: OVAL; Size: 12mm; Imprint Code: 20" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is u02 medicine", + "output": "imipramine pamoate, Hydrocodone Bitartrate and Acetaminophen" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what does magnesium do to your body", + "output": "Magnesium is a nutrient that the body needs to stay healthy. Magnesium is important for many processes in the body, including regulating muscle and nerve function, blood sugar levels, and blood pressure and making protein, bone, and DNA." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "shingles sq (zostavax) i have to take again ?", + "output": "Zostavax is approved by the Food and Drug Administration for people aged 50 years and older. However, CDC does not have a recommendation for routine use of Zostavax in people 50 through 59 years old. Protection from this shingles vaccine lasts about 5 years, so adults vaccinated before they are 60 years old might not be protected later in life when the risk for shingles and its complications are greatest. Adults 50 through 59 years who have questions about shingles vaccine should discuss the risks and benefits with a healthcare provider." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what size bottle does latanoprost ophthalmic come in", + "output": "Latanoprost ophthalmic solution is a sterile, clear, isotonic, buffered, preserved, colorless solution of latanoprost 0.005% (50 mcg/mL). It is supplied as a 2.5 mL solution in a 6 mL natural low density polyethylene bottle with a natural low density polyethylene dropper tip and a turquoise polyethylene screw cap." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how is bcg vaccine stored", + "output": "The intact vials of BCG VACCINE should be stored refrigerated at 2-8\u00b0C (36-46\u00b0F).\n\nThis agent contains live bacteria and should be protected from direct sunlight. The product should not be used after the expiration date printed on the label." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is shingrix (rzv) recombinant vaccine", + "output": "CDC recommends that healthy adults 50 years and older get two doses of the shingles vaccine called Shingrix (recombinant zoster vaccine), separated by 2 to 6 months, to prevent shingles and the complications from the disease. Your doctor or pharmacist can give you Shingrix as a shot in your upper arm.\n\nShingrix provides strong protection against shingles and PHN. Two doses of Shingrix is more than 90% effective at preventing shingles and PHN. Protection stays above 85% for at least the first four years after you get vaccinated. Shingrix is the preferred vaccine, over Zostavax\u00ae (zoster vaccine live), a shingles vaccine in use since 2006." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is the max dose of oral iron supplement for senior citizen", + "output": "Table 1 lists the current iron RDAs for nonvegetarians. The RDAs for vegetarians are 1.8 times higher than for people who eat meat. This is because heme iron from meat is more bioavailable than nonheme iron from plant-based foods, and meat, poultry, and seafood increase the absorption of nonheme iron [5].\n\nFor infants from birth to 6 months, the FNB established an AI for iron that is equivalent to the mean intake of iron in healthy, breastfed infants.\n\nTable 1: Recommended Dietary Allowances (RDAs) for Iron [5]\nAge\tMale\tFemale\tPregnancy\tLactation\nBirth to 6 months\t0.27 mg*\t0.27 mg*\t \t \n7\u201312 months\t11 mg\t11 mg\t \t \n1\u20133 years\t7 mg\t7 mg\t \t \n4\u20138 years\t10 mg\t10 mg\t \t \n9\u201313 years\t8 mg\t8 mg\t \t \n14\u201318 years\t11 mg\t15 mg\t27 mg\t10 mg\n19\u201350 years\t8 mg\t18 mg\t27 mg\t9 mg\n51+ years\t8 mg\t8 mg" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is a normal dosage of klonopin", + "output": "Seizure Disorders\nThe use of multiple anticonvulsants may result in an increase of CNS depressant adverse effects. This should be considered before adding Klonopin to an existing anticonvulsant regimen.\n\nAdults\n\nThe initial dose for adults with seizure disorders should not exceed 1.5 mg/day divided into three doses. Dosage may be increased in increments of 0.5 to 1 mg every 3 days until seizures are adequately controlled or until side effects preclude any further increase. Maintenance dosage must be individualized for each patient depending upon response. Maximum recommended daily dose is 20 mg." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how often can a prescription of fentanyl be called in", + "output": "Fentanyl comes as four different transmucosal products and several other types of products. The medication in each product is absorbed differently by the body, so one product cannot be substituted for any other fentanyl product. If you are switching from one product to another, your doctor will prescribe a dose that is best for you.\n\nA program has been set up for each fentanyl product to decrease the risk of using the medication. Your doctor will need to enroll in the program in order to prescribe fentanyl and you will need to have your prescription filled at a pharmacy that is enrolled in the program. As part of the program, your doctor will talk with you about the risks and benefits of using fentanyl and about how to safely use, store, and dispose of the medication. After you talk with your doctor, you will sign a form acknowledging that you understand the risks of using fentanyl and that you will follow your doctor's instructions to use the medication safely. Your doctor will give you more information about the program and how to get your medication and will answer any questions you have about the program and your treatment with fentanyl." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how long does stomach take to empty for fosamax", + "output": "Absorption\n\nRelative to an intravenous reference dose, the mean oral bioavailability of alendronate in women was 0.64% for doses ranging from 5 to 70 mg when administered after an overnight fast and two hours before a standardized breakfast. Oral bioavailability of the 10 mg tablet in men (0.59%) was similar to that in women when administered after an overnight fast and 2 hours before breakfast.\n\nFOSAMAX 70 mg oral solution and FOSAMAX 70 mg tablet are equally bioavailable.\n\nA study examining the effect of timing of a meal on the bioavailability of alendronate was performed in 49 postmenopausal women. Bioavailability was decreased (by approximately 40%) when 10 mg alendronate was administered either 0.5 or 1 hour before a standardized breakfast, when compared to dosing 2 hours before eating. In studies of treatment and prevention of osteoporosis, alendronate was effective when administered at least 30 minutes before breakfast.\n\nBioavailability was negligible whether alendronate was administered with or up to two hours after a standardized breakfast. Concomitant administration of alendronate with coffee or orange juice reduced bioavailability by approximately 60%." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how should i dilute ceftriaxone \"infection?\"", + "output": "Ceftriaxone has been shown to be compatible with Flagyl\u00ae*IV (metronidazole hydrochloride). The concentration should not exceed 5 to 7.5 mg/mL metronidazole hydrochloride with ceftriaxone 10 mg/mL as an admixture. The admixture is stable for 24 hours at room temperature only in 0.9% sodium chloride injection or 5% dextrose in water (D5W). No compatibility studies have been conducted with the Flagyl\u00ae*IV RTU\u00ae or using other diluents. Metronidazole at concentrations greater than 8 mg/mL will precipitate. Do not refrigerate the admixture as precipitation will occur." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "fluoxetine what mgs are available", + "output": "20 mg, Capsule is a Dark blue opaque cap and Light blue opaque body, imprinted with \u201c20\u201d on the cap and \u201cA106\u201d on the body.\n\n40 mg, Capsule is a Light blue opaque cap and Light blue opaque body, imprinted with \u201c40\u201d on the cap and \u201cA107\u201d on the body." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how long can i take ibuprofen", + "output": "It's safe to take ibuprofen regularly for many years if you need to as long as you don't take more than the recommended dosage.\nIf you need to take ibuprofen by mouth for a long time and you're at risk of getting a stomach ulcer, your doctor may prescribe a medicine to help protect your stomach." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how can i split a 3mg or 4mg waefin pill so i can get a 2.5mg pill", + "output": "Warfarin comes as a tablet to take by mouth. It is usually taken once a day with or without food. Take warfarin at around the same time every day. Follow the directions on your prescription label carefully, and ask your doctor or pharmacist to explain any part you do not understand. Take warfarin exactly as directed. Do not take more or less of it or take it more often than prescribed by your doctor. Call your doctor immediately if you take more than your prescribed dose of warfarin.\n\nYour doctor will probably start you on a low dose of warfarin and gradually increase or decrease your dose based on the results of your blood tests. Make sure you understand any new dosing instructions from your doctor." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "does doxycycline contain resin and shellac in it. ?", + "output": "INACTIVE INGREDIENTS:\nSILICON DIOXIDE \nSTARCH, CORN \nCROSCARMELLOSE SODIUM \nDOCUSATE SODIUM \nSODIUM BENZOATE \t \nMAGNESIUM STEARATE \t \nCELLULOSE, MICROCRYSTALLINE \nFD&C BLUE NO. 2 \nFD&C YELLOW NO. 6 \nHYPROMELLOSES \t \nPOLYETHYLENE GLYCOLS \nTITANIUM DIOXIDE" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "wht is a normal dose daily for ativan?", + "output": "Ativan (lorazepam) is administered orally. For optimal results, dose, frequency of administration, and duration of therapy should be individualized according to patient response. To facilitate this, 0.5 mg, 1 mg, and 2 mg tablets are available.\n\nThe usual range is 2 to 6 mg/day given in divided doses, the largest dose being taken before bedtime, but the daily dosage may vary from 1 to 10 mg/day.\n\nFor anxiety, most patients require an initial dose of 2 to 3 mg/day given two times a day or three times a day.\n\nFor insomnia due to anxiety or transient situational stress, a single daily dose of 2 to 4 mg may be given, usually at bedtime.\n\nFor elderly or debilitated patients, an initial dosage of 1 to 2 mg/day in divided doses is recommended, to be adjusted as needed and tolerated.\n\nThe dosage of Ativan (lorazepam) should be increased gradually when needed to help avoid adverse effects. When higher dosage is indicated, the evening dose should be increased before the daytime doses." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "ok to use expired lidocaine patches??", + "output": "A 2006 study of 122 drugs tested by the program showed that two-thirds of the expired medications were stable every time a lot was tested. Each of them had their expiration dates extended, on average, by more than four years, according to research published in the Journal of Pharmaceutical Sciences.\n\nSome that failed to hold their potency include the common asthma inhalant albuterol, the topical rash spray diphenhydramine, and a local anesthetic made from lidocaine and epinephrine, the study said" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how often is the tetanus shot \"given?\"", + "output": "Everyone needs tetanus vaccines throughout their lives. That means everyone needs to get vaccinated as babies, children, and adults.\n\nInfants and children birth through age 6\nYoung children need the DTaP vaccine as part of their routine vaccine schedule. Young children need a dose of the vaccine at:\n\n2 months\n4 months\n6 months\n15 through 18 months\n4 through 6 years\nIf your child has had a serious reaction to the whooping cough part of the DTaP vaccine, they may be able to get the DT vaccine instead. \nPreteens and teens ages 7 through 18\nOlder children need 1 booster shot of the Tdap vaccine at age 11 or 12 as part of their routine vaccine schedule.\nAdults age 19 and older\nAdults need 1 booster shot of the Td vaccine every 10 years as part of their routine vaccine schedule. If you get a deep cut or a burn, you may need the booster earlier \u2014 especially if the cut or burn is dirty.\n\nIf you missed the Tdap booster as a teen, you\u2019ll need to get a Tdap booster instead to make sure you have protection from whooping cough.\n\nPregnant women\nPregnant women need 1 booster shot of the Tdap vaccine during the third trimester of each pregnancy." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "why take simvastatin", + "output": "Simvastatin is used together with diet, weight-loss, and exercise to reduce the risk of heart attack and stroke and to decrease the chance that heart surgery will be needed in people who have heart disease or who are at risk of developing heart disease. Simvastatin is also used to decrease the amount of fatty substances such as low-density lipoprotein (LDL) cholesterol (''bad cholesterol'') and triglycerides in the blood and to increase the amount of high-density lipoprotein (HDL) cholesterol (''good cholesterol'') in the blood. Simvastatin may also be used to decrease the amount of cholesterol and other fatty substances in the blood in children and teenagers 10 to 17 years of age who have familial heterozygous hypercholesterolemia (an inherited condition in which cholesterol cannot be removed from the body normally). Simvastatin is in a class of medications called HMG-CoA reductase inhibitors (statins). It works by slowing the production of cholesterol in the body to decrease the amount of cholesterol that may build up on the walls of the arteries and block blood flow to the heart, brain, and other parts of the body." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is the medication thera tab used to treat?", + "output": "This medication is a multivitamin product used to treat or prevent vitamin deficiency due to poor diet, certain illnesses, or during pregnancy." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how should i stop taking heparin?", + "output": "Unlike warfarin, which requires a slow reduction, heparin treatment can be started and stopped quickly." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what spices can be used while on warfarin", + "output": "We found 58 different plants that may alter the blood haemostasis and anticoagulation with warfarin. The herbs that showed the greatest potential to interact with warfarin include garlic, ginger, ginkgo, St. John's wort, and ginseng, i.e. plants normally consumed as food and also used for therapeutic purposes. The interactions between drugs and herbs are varied because of the complex chemical matrix of plants. Mainly coumarins, quinones, xanthones, terpenes, lignans, and vitamin K showed significant influence on warfarin treatment. In general, these plants can potentiate the effect of warfarin by stimulating anticoagulation in multiple ways, and the clinical outcome associated with this interaction is the increase of bleeding risk." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how do steroids effect the digestive system", + "output": "teroid abuse can also be hepatotoxic, promoting disturbances such as biliary stasis, peliosis hepatis, and even hepatomas, which are all usually reversible upon discontinuation." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how do steroids effect the digestive system", + "output": "Corticosteroid use was associated with increased risk of gastrointestinal bleeding and perforation. The increased risk was statistically significant for hospitalised patients only. For patients in ambulatory care, the total occurrence of bleeding or perforation was very low, and the increased risk was not statistically significant." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "tylenol pm mg?", + "output": "Acetaminophen 500 mg; Diphenhydramine HCl 25 mg" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what should i do if i just started taking an antibiotic and i am experiencing diahreea", + "output": "Call your doctor right away if you have serious signs and symptoms of antibiotic-associated diarrhea. These signs and symptoms are common to a number of conditions, so your doctor might recommend tests to determine the cause." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "is there danger in stopping sertraline form \"days?\"", + "output": "Discontinuation of Treatment with Sertraline\n\nSymptoms associated with discontinuation of sertraline and other SSRIs and SNRIs, have been reported (see PRECAUTIONS). Patients should be monitored for these symptoms when discontinuing treatment. A gradual reduction in the dose rather than abrupt cessation is recommended whenever possible. If intolerable symptoms occur following a decrease in the dose or upon discontinuation of treatment, then resuming the previously prescribed dose may be considered. Subsequently, the physician may continue decreasing the dose but at a more gradual rate." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what time should take memantine", + "output": "Memantine comes as a tablet, a solution (liquid), and an extended-release (long-acting) capsule to take by mouth. The solution and tablet are usually taken once or twice a day with or without food. The capsule is taken once a day with or without food." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "trospium chloride in patients with neurogenic detrusor \"over activity:\" is dose titration of benefit to the \"patients?\"", + "output": "The recommended dose is 20 mg twice daily. Trospium chloride tablets should be dosed at least one hour before meals or given on an empty stomach. \n\nDosage modification is recommended in the following patient populations:\n\nFor patients with severe renal impairment (creatinine clearance less than 30 mL/min), the recommended dose is 20 mg once daily at bedtime [see WARNINGS AND PRECAUTIONS (5.5), USE IN SPECIFIC POPULATIONS (8.6), and CLINICAL PHARMACOLOGY (12.3)].\nIn geriatric patients greater than or equal to 75 years of age, dose may be titrated down to 20 mg once daily based upon tolerability [see USE IN SPECIFIC POPULATIONS (8.5)]." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is the purpose or desired effect of aspirin", + "output": "Prescription aspirin is used to relieve the symptoms of rheumatoid arthritis (arthritis caused by swelling of the lining of the joints), osteoarthritis (arthritis caused by breakdown of the lining of the joints), systemic lupus erythematosus (condition in which the immune system attacks the joints and organs and causes pain and swelling) and certain other rheumatologic conditions (conditions in which the immune system attacks parts of the body). Nonprescription aspirin is used to reduce fever and to relieve mild to moderate pain from headaches, menstrual periods, arthritis, colds, toothaches, and muscle aches. Nonprescription aspirin is also used to prevent heart attacks in people who have had a heart attack in the past or who have angina (chest pain that occurs when the heart does not get enough oxygen). Nonprescription aspirin is also used to reduce the risk of death in people who are experiencing or who have recently experienced a heart attack. Nonprescription aspirin is also used to prevent ischemic strokes (strokes that occur when a blood clot blocks the flow of blood to the brain) or mini-strokes (strokes that occur when the flow of blood to the brain is blocked for a short time) in people who have had this type of stroke or mini-stroke in the past. Aspirin will not prevent hemorrhagic strokes (strokes caused by bleeding in the brain). Aspirin is in a group of medications called salicylates. It works by stopping the production of certain natural substances that cause fever, pain, swelling, and blood clots." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "qvar 40mcg what is it doe", + "output": "QVAR\u00ae is indicated in the maintenance treatment of asthma as prophylactic therapy in patients 5 years of age and older.\n\nImportant Limitations of Use: QVAR is NOT indicated for the relief of acute bronchospasm." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what are the ingredients in cephalexin", + "output": "CEPHALEXIN ANHYDROUS 250 mg" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is the effect of eliquis and cialis", + "output": "liquis active compound is Apixaban. Apixaban prevents blood from forming clothes and is prescribed to reduce risk of systemic embolism associated with nonvalvular atrial fibrillation and stroke. There are no reports that suggest interaction when used together with Tadalafil. This does not mean that the side effects are not possible. Always consult a doctor before taking these medications together. Never stop using a medication prescribed by a doctor without its advice. It is important to tell the health care provider about all other medications in current use, including vitamin supplements and herbs. Patients should call doctor if they experience of the following symptoms, sign of potential toxicity such as dizziness, nausea, diarrhea, irregular heartbeat, visual disturbances in one or both eyes, pain or tightness in the chest or jaw, shortness of breath, prolonged erection for more than 4 hours." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "jalyn 0.5-0.4 mg capsule?", + "output": "1.1 Benign Prostatic Hyperplasia (BPH) Treatment\nJALYN (dutasteride and tamsulosin hydrochloride) capsules are indicated for the treatment of symptomatic BPH in men with an enlarged prostate.\n\n1.2 Limitations of Use\nDutasteride-containing products, including JALYN, are not approved for the prevention of prostate cancer." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "topiramate?", + "output": "Topiramate is used alone or with other medications to treat certain types of seizures including primary generalized tonic-clonic seizures (formerly known as a grand mal seizure; seizure that involves the entire body) and partial onset seizures (seizures that involve only one part of the brain). Topiramate is also used with other medications to control seizures in people who have Lennox-Gastaut syndrome (a disorder that causes seizures and developmental delays). Topiramate is also used to prevent migraine headaches but not to relieve the pain of migraine headaches when they occur. Topiramate is in a class of medications called anticonvulsants. It works by decreasing abnormal excitement in the brain." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "show spironolactone 30mg \"tab/accord\" healthcare", + "output": "Spironolactone oral tablets contain 25 mg, 50 mg, or 100 mg of the aldosterone antagonist spironolactone" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how long after steroids to see results", + "output": "You may have heard of anabolic steroids, which can have harmful effects. But there's another type of steroid - sometimes called a corticosteroid - that treats a variety of problems. These steroids are similar to hormones that your adrenal glands make to fight stress associated with illnesses and injuries. They reduce inflammation and affect the immune system." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "exercise restrictions with taking moxifloxacin?", + "output": "Fluoroquinolones, including Moxifloxacin Tablets, have been associated with an increased risk of tendinitis and tendon rupture in all ages [see Warnings and Precautions ( 5.1) and Adverse Reactions ( 6.2)] . This adverse reaction most frequently involves the Achilles tendon, and has also been reported with the rotator cuff (the shoulder), the hand, the biceps, the thumb, and other tendons. Tendinitis or tendon rupture can occur within hours or days of starting moxifloxacin or as long as several months after completion of therapy. Tendinitis and tendon rupture can occur bilaterally.\n\nThe risk of developing fluoroquinolone-associated tendinitis and tendon rupture is increased in patients over 60 years of age, in patients taking corticosteroid drugs, and in patients with kidney, heart or lung transplants. Other factors that may independently increase the risk of tendon rupture include strenuous physical activity, renal failure, and previous tendon disorders such as rheumatoid arthritis. Tendinitis and tendon rupture have also occurred in patients taking fluoroquinolones who do not have the above risk factors. Discontinue Moxifloxacin Tablets immediately if the patient experiences pain, swelling, inflammation or rupture of a tendon. Patients should be advised to rest at the first sign of tendinitis or tendon rupture, and to contact their healthcare provider regarding changing to a non-quinolone antimicrobial drug. Avoid fluoroquinolones, including Moxifloxacin Tablets, in patients who have a history of tendon disorders or who have experienced tendinitis or tendon rupture [see Adverse Reactions" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what are fat soluable vitamins.", + "output": "As is the case with all dietary supplements, the decision to use supplemental vitamins should not be taken lightly, says Vasilios Frankos, Ph.D., Director of FDA's Division of Dietary Supplement Programs.\n\"Vitamins are not dangerous unless you get too much of them,\" he says. \"More is not necessarily better with supplements, especially if you take fat-soluble vitamins.\u201d For some vitamins and minerals, the National Academy of Sciences has established upper limits of intake (ULs) that it recommends not be exceeded during any given day. (For more information, visit www.nap.edu/catalog.php?record_id=6432#toc\n\nAlso, the AAFP lists the following side effects that are sometimes associated with taking too much of a vitamin.\n\nFat-soluble Vitamins\n\nA (retinol, retinal, retinoic acid): Nausea, vomiting, headache, dizziness, blurred vision, clumsiness, birth defects, liver problems, possible risk of osteoporosis. You may be at greater risk of these effects if you drink high amounts of alcohol or you have liver problems, high cholesterol levels or don't get enough protein.\nD (calciferol): Nausea, vomiting, poor appetite, constipation, weakness, weight loss, confusion, heart rhythm problems, deposits of calcium and phosphate in soft tissues.\nIf you take blood thinners, talk to your doctor before taking vitamin E or vitamin K pills." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "vaccine when pregnant", + "output": "Vaccines help keep your pregnant patients and their\n \ngrowing families healthy." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "vit b12 tabet?", + "output": "Vitamin B12 is found in almost all multivitamins. Dietary supplements that contain only vitamin B12, or vitamin B12 with nutrients such as folic acid and other B vitamins, are also available. Check the Supplement Facts label to determine the amount of vitamin B12 provided.\n\nVitamin B12 is also available in sublingual forms (which are dissolved under the tongue). There is no evidence that sublingual forms are better absorbed than pills that are swallowed.\n\nA prescription form of vitamin B12 can be administered as a shot. This is usually used to treat vitamin B12 deficiency. Vitamin B12 is also available as a prescription medication in nasal gel form (for use in the nose)." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "pneumonia vaccine is good for how long?", + "output": "CDC recommends routine administration of pneumococcal conjugate vaccine (PCV13 or Prevnar13\u00ae) for all children younger than 2 years of age:\nGive PCV13 to infants as a series of 4 doses, one dose at each of these ages: 2 months, 4 months, 6 months, and 12 through 15 months.\nChildren who miss their shots or start the series later should still get the vaccine. The number of doses recommended and the intervals between doses will depend on the child\u2019s age when vaccination begins.\nCDC recommends pneumococcal vaccination (PCV13 or Prevnar13\u00ae, and PPSV23 or Pneumovax23\u00ae) for all adults 65 years or older:\nGive a dose of PCV13 to adults 65 years or older who have not previously received a dose. Then administer a dose of PPSV23 at least 1 year later.\nIf the patient already received one or more doses of PPSV23, give the dose of PCV13 at least 1 year after they received the most recent dose of PPSV23." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "pneumonia vaccine is good for how long?", + "output": "Do not use any pneumococcal vaccine beyond the expiration date printed on the label." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how often should adult take pneumonia vaccine", + "output": "CDC recommends pneumococcal vaccination (PCV13 or Prevnar13\u00ae, and PPSV23 or Pneumovax23\u00ae) for all adults 65 years or older:\nGive a dose of PCV13 to adults 65 years or older who have not previously received a dose. Then administer a dose of PPSV23 at least 1 year later.\nIf the patient already received one or more doses of PPSV23, give the dose of PCV13 at least 1 year after they received the most recent dose of PPSV23." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what mg. does meprobamate have?", + "output": "Meprobamate Tablets USP 200 mg are scored, round, white tablets imprinted 591-B supplied in bottles of 100 and 1000.\n\nMeprobamate Tablets USP 400 mg are scored, round, white tablets imprinted 591-A supplied in bottles of 100 and 1000." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what happens if voiting happens after taking a medication", + "output": "Of the 76 responses from the study hospital, 65 were suitable for analysis. Many respondents reported encountering vomiting after administration of oral medications on a weekly (25 [38%]) or monthly (24 [37%]) basis. Most of the respondents reported that they would follow a general rule to redose if vomiting occurred within 30 min (39 [60%]) or 15 min (21 [32%]) after initial ingestion. When respondents were asked to rate the importance of 8 factors potentially affecting the decision to redose, more than half indicated that time after dose ingestion (59 [91%]), medication type (45 [69%]), patient status (39 [60%]), and visibility of medication in the vomitus (36 [55%]) were very important. Of the 53 respondents to the survey of health care professionals at other institutions, 16 (30%) indicated that their pediatric hospital or ward had a guideline on redosing in cases of vomiting after administration of oral medications. Most respondents (12/13 [92%]) stated that the guideline took into account the interval between initial ingestion and vomiting." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "influenza when received", + "output": "You should get a flu vaccine before flu begins spreading in your community. It takes about two weeks after vaccination for antibodies that protect against flu to develop in the body. CDC recommends that people get a flu vaccine by the end of October. Getting vaccinated later, however, can still be beneficial and vaccination should continue to be offered throughout the flu season, even into January or later.\n\nChildren who need two doses of vaccine to be protected should start the vaccination process sooner, because the two doses must be given at least four weeks apart." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "prevnar >65what is this vaccine used for?", + "output": "The pneumococcal conjugate vaccine (PCV13 or Prevnar 13\u00ae) provides protection against the 13 serotypes responsible for most severe illness. The vaccine can also help prevent some ear infections. CDC recommends administering PCV13 as a four-dose series at 2, 4, 6, and 12 through 15 months of life. Research shows that this vaccine is very effective at preventing infection resulting from the serotypes contained in the vaccine. PCV13 should also be administered to all adults 65 years or older and to some adults 19 through 64 years of age with conditions that put them at increased risk for pneumococcal disease." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is clotrimazole and betamethasone dipropionage cream", + "output": "Clotrimazole and betamethasone dipropionate cream is a combination of an azole antifungal and corticosteroid and is indicated for the topical treatment of symptomatic inflammatory tinea pedis, tinea cruris, and tinea corporis due to Epidermophyton floccosum, Trichophyton mentagrophytes, and Trichophyton rubrum in patients 17 years and older." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "levodopa carbidopa what will these drugs do to me if i take alcohol", + "output": "Alcohol can make the side effects from levodopa and carbidopa worse." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how often do you need a zoster vaccine?", + "output": "People 60 years of age or older should get shingles vaccine (Zostavax). They should get the vaccine whether or not they recall having had chickenpox, which is caused by the same virus as shingles. Studies show that more than 99% of Americans aged 40 and older have had chickenpox, even if they don\u2019t remember getting the disease. There is no maximum age for getting shingles vaccine.\n\nA new shingles vaccine called Shingrix was licensed by the U.S. Food and Drug Administration (FDA) in 2017. CDC recommends that healthy adults 50 years and older get two doses of Shingrix, 2 to 6 months apart. Shingrix provides strong protection against shingles and PHN. Shingrix is the preferred vaccine, over Zostavax.\n\nEven if you have had shingles, you can still receive shingles vaccine to help prevent future occurrences of the disease. There is no specific length of time you must wait after having shingles before receiving shingles vaccine, but generally you should make sure the shingles rash has disappeared before getting vaccinated. The decision on when to get vaccinated should be made with your healthcare provider." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "do prescription antacids help prevent reocurrence of arts?", + "output": "Antacids help to treat heartburn (indigestion). They work by neutralizing the stomach acid that causes heartburn.\n\nYou can buy many antacids without a prescription. Liquid forms work faster, but you may like tablets because they are easy to use.\n\nAll antacids work equally well, but they can cause different side effects. If you use antacids often and have problems with side effects, talk with your health care provider." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how long can you take a steroid for arthritis", + "output": "The length of time that patients will remain on steroid treatment will vary between patients (and rheumatologists). Some patients may only be given low-dose oral steroids for the first few months following diagnosis, while others may stay on steroids for longer. There is evidence to suggest that patients can experience a continued reduction in the progression of the disease from steroids for 1 to 2 years, but this will not be appropriate for everyone, so the decision will be made on an individual basis. These patients can also get symptom improvement for a year or two as a kind of 'beneficial side effect'." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how long does marijuana stay in your system", + "output": "Marijuana, also known as cannabis or weed, is usually detectable in bodily fluids for 1 to 30 days after last use. As with other drugs, it may be detectable in hair for several months.\n\nMarijuana detection windows depend on how much you smoke or ingest, as well as how often. In general, higher doses and more frequent use are associated with longer detection times.\n\nFor daily users, cannabis may be detectable for several months after last use. The longest-reported detection times are more than 90 days." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is the expiration time for fluorouracil topical cream", + "output": "The recommended shelf life of Efudix cream is 60 months.\n\nShelf life after first opening the immediate packaging: 90 days for the 20g and 40g tubes." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is the difference between atorvastatin and lipitor", + "output": "LIPITOR \u00ae (atorvastatin calcium) tablets, for oral use" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what medications could cause excessive hair growth", + "output": "The following medications can cause hirsutism:\nAnabolic steroids\nTestosterone\nGlucocorticoids\nCyclosporine (Sandimmune\u00ae)\nMinoxidil (Loniten\u00ae, Rogaine\u00ae)\nDanazol (Danocrine\u00ae)\nPhenytoin (Dilantin\u00ae)" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is formoterol", + "output": "Formoterol is an ADRENERGIC BETA-2 RECEPTOR AGONIST with a prolonged duration of action. It is used to manage ASTHMA and in the treatment of CHRONIC OBSTRUCTIVE PULMONARY DISEASE." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what painkillers can i take when taking rivaroxaban", + "output": "You can take paracetamol while you're taking rivaroxaban.\nDo not take aspirin and ibuprofen while you're taking rivaroxaban unless a doctor has said it's OK to. They increase the chance of bleeding." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how long should wait to take another medicine after i take azithromycin", + "output": "if you are taking antacids containing aluminum hydroxide or magnesium hydroxide (Maalox, Mylanta, Tums, others), you will need to allow some time to pass between when you take a dose of these antacids and when you take a dose of azithromycin tablets or liquid. Ask your doctor or pharmacist how many hours before or after you take azithromycin you may take these medications. The extended-release suspension may be taken at any time with antacids." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what time of day to take aripiprazole", + "output": "Aripiprazole comes as a tablet, a solution (liquid), and an orally disintegrating tablet (tablet that dissolves quickly in the mouth) to take by mouth. It is usually taken once a day with or without food. Take aripiprazole at around the same time every day." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what types of steroids shots are there", + "output": "Steroids are often injected directly into joints to treat conditions such as rheumatoid arthritis, gout or other inflammatory diseases. Steroids can also be injected into inflamed bursae (bursitis), or around inflamed tendons (tendinitis) near the shoulder, elbow, hip, knee, hand or wrist." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what are some side effects nicoderm", + "output": "Nicotine skin patches may cause side effects. Tell your doctor if any of these symptoms are severe or do not go away:\n\ndizziness\nheadache\nnausea\nvomiting\ndiarrhea\nredness or swelling at the patch site\nIf you experience any of the following symptoms, call your doctor immediately:\n\nsevere rash or swelling\nseizures\nabnormal heartbeat or rhythm\ndifficulty breathing" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "warfarin and cabbage?", + "output": "Some foods can change the way warfarin works in your body. Make sure you check with your provider before making any big changes in your diet.\n\nYou do not have to avoid these foods, but try to eat or drink only small amounts of them. In the least, DO NOT change much of these foods and products you eat day-to-day or week-to-week:\n\nMayonnaise and some oils, such as canola, olive, and soybean oils\nBroccoli, Brussels sprouts, and raw green cabbage\nEndive, lettuce, spinach, parsley, watercress, garlic, and scallions (green onions)\nKale, collard greens, mustard greens, and turnip greens\nCranberry juice and green tea\nFish oil supplements, herbs used in herbal teas" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "can a patient stop using enalapril if the condition \"stabilize?\"", + "output": "Enalapril controls high blood pressure and heart failure but does not cure them. Continue to take enalapril even if you feel well. Do not stop taking enalapril without talking to your doctor." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "rosuvastatin calcium what are the side effects", + "output": "Rosuvastatin may cause side effects. Tell your doctor if any of these symptoms are severe or do not go away:\n\nconstipation\nstomach pain\ndizziness\ndifficulty falling asleep or staying asleep\ndepression\njoint pain\nheadache\nmemory loss or forgetfulness\nconfusion\nSome side effects can be serious. If you experience any of the following symptoms, call your doctor immediately or get emergency medical help:\n\n:\n\nmuscle pain, tenderness, or weakness\nlack of energy\nfever\nchest pain\nyellowing of the skin or eyes\ndark colored urine\npain in the upper right part of the abdomen\nnausea\nextreme tiredness\nweakness\nunusual bleeding or bruising\nloss of appetite\nflu-like symptoms\nrash\nhives\nitching\ndifficulty breathing or swallowing\nswelling of the face, throat, tongue, lips, eyes, hands, feet, ankles, or lower legs\nhoarseness\nRosuvastatin may cause other side effects. Call your doctor if you have any unusual problems while taking this medication." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is the protocol for adding insulin for type2 diabetics", + "output": "Why do I need to take insulin?\nAll people who have type 1 diabetes and some people who have type 2 diabetes need to take insulin to help control their blood sugar levels. The goal of taking insulin is to keep your blood sugar level in a normal range as much as possible. Keeping blood sugar in check helps you stay healthy. Insulin can\u2019t be taken by mouth. It is usually taken by injection (a shot). It can also be taken by using an insulin pen or an insulin pump.\n\nHow often will I need to take insulin?\nYou and your doctor will develop a schedule that is right for you. Most people who have diabetes and take insulin need at least 2 insulin shots a day for good blood sugar control. Some people need 3 or 4 shots a day." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is the dosage of levofloxacin tablets for bronchitis please", + "output": "Dosage of Levofloxacin Tablets in Adult Patients with Creatinine Clearance \u2265 50 mL/minute\nThe usual dose of levofloxacin tablets are 250 mg or 500 mg administered orally every 24 hours, as indicated by infection and described in Table 1." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is insuline and glucagon", + "output": "Glucagon is a peptide hormone, produced by alpha cells of the pancreas. It works to raise the concentration of glucose and fatty acids in the bloodstream, and is considered to be the main catabolic hormone of the body.[3] It is also used as a medication to treat a number of health conditions. Its effect is opposite to that of insulin, which lowers the extracellular glucose.[4]\nThe pancreas releases glucagon when the concentration of insulin (and indirectly glucose) in the bloodstream falls too low. Glucagon causes the liver to convert stored glycogen into glucose, which is released into the bloodstream.[5] High blood-glucose levels, on the other hand, stimulate the release of insulin. Insulin allows glucose to be taken up and used by insulin-dependent tissues. Thus, glucagon and insulin are part of a feedback system that keeps blood glucose levels stable. Glucagon increases energy expenditure and is elevated under conditions of stress.[6] Glucagon belongs to the secretin family of hormones." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "when to take loratadine", + "output": "Hay fever typically worsens at night and feels most severe in the morning, when levels of symptom-triggering histamine are highest. Once-daily antihistamines, such as Claritin, reach their peak eight to 12 hours after you take them, so using them at dinnertime means better control of morning symptoms. (Take twice-a-day antihistamines in the morning and evening.)" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "where is tetracycline metabolized?", + "output": "The majority of first-generation tetracyclines are not metabolized (though 5 % of tetracycline is metabolized to a less active metabolite). Instead, they are most often eliminated by renal excretion. Second-generation tetracyclines are 3 to 5 times more lipophilic, which enhances their tissue penetration. Doxycycline, the most common member of this group, features more than 80 % bioavailability. Bile concentration of doxycycline is 10 to 25 times higher as compared with its serum concentration. High concentrations of doxycycline are found also in kidneys, liver and bowel. Primarily, doxycycline is excreted in bile to feces. Part of doxycycline is inactivated in the liver and 40 % of it is excreted by kidneys in urine." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how to stop taking atorvastatin", + "output": "You may think that once your cholesterol goes down, you can stop taking statin medication. But if the drug helped lower your cholesterol, you'll likely need to stay on it for the long term. If you stop taking it, your cholesterol levels will probably go back up.\n\nThere is one exception: If you make significant changes to your diet or lose a lot of weight, you may be able to lower and control your cholesterol without medication. However, don't make any changes to your medications without talking to your doctor first." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "can you take ultram with ibuprofen?", + "output": "The maximum recommended dose is 400 mg per day, so if using it alone does not provide adequate relief, other medications can be used with Ultram (tramadol) to help manage the pain. For instance, if there is throbbing pain from tight muscles, a muscle relaxant, such as Flexeril (cyclobenzaprine) or Zanaflex (tizanidine) may be beneficial. NSAIDs (non steroidal anti-inflammatory drugs), such as Aleve (naproxen) or Motrin/Advil (ibuprofen) can be added to help reduce pain caused from swelling." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "is herceptin a chemo drug??", + "output": "For over a decade, the monoclonal antibody trastuzumab has been the cornerstone of adjuvant treatment for HER2-positive early breast cancer (EBC) [1, 2]. Based on results from four large randomized trials [3\u20136], combined treatment with trastuzumab and chemotherapy (either as primary systemic or adjuvant treatment) is considered the standard of care in patients with this biologically aggressive subtype of breast cancer." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "bupropion hcl 300mg is good for what?", + "output": "Bupropion hydrochloride extended-release tablets (XL) are indicated for the treatment of major depressive disorder (MDD), as defined by the Diagnostic and Statistical Manual (DSM). || Bupropion hydrochloride extended-release tablets (XL) are indicated for the prevention of seasonal major depressive episodes in patients with a diagnosis of seasonal affective disorder (SAD)." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "td vaccine (90714)what is a tad vaccine", + "output": "Td vaccine can protect adolescents and adults from tetanus and diphtheria. Td is usually given as a booster dose every 10 years but it can also be given earlier after a severe and dirty wound or burn.\n\nAnother vaccine, called Tdap, which protects against pertussis in addition to tetanus and diphtheria, is sometimes recommended instead of Td vaccine." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what size syringe to use for testosterone inject", + "output": "The suggested dosage for testosterone cypionate injection varies depending on the age, sex, and diagnosis of the individual patient. Dosage is adjusted according to the patient\u2019s response and the appearance of adverse reactions.\n\nVarious dosage regimens have been used to induce pubertal changes in hypogonadal males; some experts have advocated lower dosages initially, gradually increasing the dose as puberty progresses, with or without a decrease to maintenance levels. Other experts emphasize that higher dosages are needed to induce pubertal changes and lower dosages can be used for maintenance after puberty. The chronological and skeletal ages must be taken into consideration, both in determining the initial dose and in adjusting the dose.\n\nFor replacement in the hypogonadal male, 50 to 400 mg should be administered every two to four weeks." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how much weight gain with carvedilol", + "output": "Newer beta blockers, such as carvedilol (Coreg), don't usually cause weight gain as a side effect. Weight may rise in the first weeks of taking the beta blocker and then generally stabilizes." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "is dicyclomine good for heartburn?", + "output": "Normally when you swallow, the muscles in the esophagus move in waves to push food down into your stomach. Just after the food enters the stomach, a band of muscle (the lower esophageal sphincter, or LES) closes off the esophagus. If the muscle does not close tightly enough or gets weak over time, stomach contents can back up into the esophagus, causing heartburn and other symptoms. || Some medicines can also weaken the LES. Among them are: || Anticholinergic drugs\n\nBenztropine (Cogentin)\nDicyclomine (Bentyl)\nHyoscyamine (Levsin)\nIsopropamide\nScopolamine" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what are iron injections", + "output": "Iron sucrose injection is used treat iron-deficiency anemia (a lower than normal number of red blood cells due to too little iron) in people with chronic kidney disease (damage to the kidneys which may worsen over time and may cause the kidneys to stop working). Iron sucrose injection is in a class of medications called iron replacement products. It works by replenishing iron stores so that the body can make more red blood cells." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how much iron should an anemic take per day", + "output": "The amount of iron needed to treat patients with iron deficiency is higher than the amount found in most daily multivitamin supplements. The amount of iron prescribed by your doctor will be in milligrams (mg) of elemental iron. Most people with iron deficiency need 150-200 mg per day of elemental iron (2 to 5 mg of iron per kilogram of body weight per day). Ask your doctor how many milligrams of iron you should be taking per day. If you take vitamins, bring them to your doctor's visit to be sure." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is in lidocaine", + "output": "LIDOCAINE HYDROCHLORIDE ANHYDROUS\t10 mg in 1 mL\nINACTIVE INGREDIENTS\nSODIUM CHLORIDE \t7 mg in 1 mL\nSODIUM HYDROXIDE \nHYDROCHLORIC ACID" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "when taking plavix and xarelto blood thinners is it safe to take dilaudid for pain", + "output": "Tell your doctor and pharmacist if you are taking anagrelide (Agrylin); aspirin and other nonsteroidal anti-inflammatory drugs (NSAIDs) such as ibuprofen (Advil, Motrin, others), indomethacin (Indocin, Tivorbex), ketoprofen, and naproxen (Aleve, Anaprox, others); cilostazol (Pletal); clopidogrel (Plavix); dipyridamole (Persantine); eptifibatide (Integrilin); heparin; prasugrel (Effient); ticagrelor (Brilinta); ticlopidine; tirofiban (Aggrastat), and warfarin (Coumadin, Jantoven). If you experience any of the following symptoms, call your doctor immediately: back pain, muscle weakness, numbness or tingling (especially in your legs), loss of control of your bowels or bladder, or inability to move your legs." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "is erythromycin ophthalmic ointment good for inflamed eyelids?", + "output": "For the treatment of superficial ocular infections involving the conjunctiva and/or cornea caused by organisms susceptible to erythromycin." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how should i dilute ceftriaxone injection?", + "output": "Ceftriaxone has been shown to be compatible with Flagyl\u00ae*IV (metronidazole hydrochloride). The concentration should not exceed 5 to 7.5 mg/mL metronidazole hydrochloride with ceftriaxone 10 mg/mL as an admixture. The admixture is stable for 24 hours at room temperature only in 0.9% sodium chloride injection or 5% dextrose in water (D5W). No compatibility studies have been conducted with the Flagyl\u00ae*IV RTU\u00ae or using other diluents. Metronidazole at concentrations greater than 8 mg/mL will precipitate. Do not refrigerate the admixture as precipitation will occur.\n\nVancomycin and fluconazole are physically incompatible with ceftriaxone in admixtures. When either of these drugs is to be administered concomitantly with ceftriaxone by intermittent intravenous infusion, it is recommended that they be given sequentially, with thorough flushing of the intravenous lines (with one of the compatible fluids) between the administrations.\n\nDo not use diluents containing calcium, such as Ringer\u2019s solution or Hartmann\u2019s solution, to reconstitute ceftriaxone for injection. Particulate formation can result.\n\nCeftriaxone solutions should not be physically mixed with or piggybacked into solutions containing other antimicrobial drugs or into diluent solutions other than those listed above, due to possible incompatibility (see WARNINGS)." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "symptoms from taking multiple doses of lasix 40 mg per dayproblems with taking lasix 40mg twice daily ?", + "output": "Furosemide is a strong diuretic ('water pill') and may cause dehydration and electrolyte imbalance. It is important that you take it exactly as told by your doctor. If you experience any of the following symptoms, call your doctor immediately: decreased urination; dry mouth; thirst; nausea; vomiting; weakness; drowsiness; confusion; muscle pain or cramps; or rapid or pounding heartbeats." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how long for allergic reaction after using nivolumab", + "output": "n patients receiving OPDIVO as a single agent, immune-mediated pneumonitis occurred in 3.1% (61/1994) of patients. The median time to onset of immune-mediated pneumonitis was 3.5 months (range: 1 day to 22.3 months). Immune-mediated pneumonitis led to permanent discontinuation of OPDIVO in 1.1%, and withholding of OPDIVO in 1.3% of patients. Approximately 89% of patients with pneumonitis received high-dose corticosteroids (at least 40 mg prednisone equivalents per day) for a median duration of 26 days (range: 1 day to 6 months). Complete resolution of symptoms following corticosteroid taper occurred in 67% of patients. Approximately 8% of patients had recurrence of pneumonitis after re-initiation of OPDIVO." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "where does fluorouracil come from", + "output": "Fluorouracil is a nucleoside metabolic inhibitor that interferes with the synthesis of deoxyribonucleic acid (DNA) and to a lesser extent inhibits the formation of ribonucleic acid (RNA); these affect rapidly growing cells and may lead to cell death." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "where does fluorouracil come from", + "output": "dailymed list of manufacturers" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "chlorpheniramine how long in system", + "output": "Chlorpheniramine has a serum half-life of approximately 20 hours in adults, and elimination from the body is primarily by metabolism to monodesmethyl and didesmethyl compounds. The half-life is increased in the presence of renal dysfunction and decreased in children. The exact mechanism of the presystemic first-pass elimination and the effects of dose levels on the process presently are unclear. Biopharmaceutical and pharmacokinetic studies after single or multiple doses in humans reveal wide interindividual variations in pharmacokinetics. Age, dialysis, urinary pH and flow influence the elimination kinetics of chlorpheniramine." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how long will 6 mgs of suboxone block opiates", + "output": "Comparisons of buprenorphine with full agonists such as methadone and hydromorphone suggest that sublingual buprenorphine produces typical opioid agonist effects which are limited by a ceiling effect.\n\nIn non-dependent subjects, acute sublingual doses of SUBOXONE tablets produced opioid agonist effects, which reached a maximum between doses of 8 mg and 16mg of SUBUTEX. The effects of 16mg SUBOXONE were similar to those produced by 16mg SUBUTEX (buprenorphine alone).\n\nOpioid agonist ceiling effects were also observed in a double-blind, parallel group, dose ranging comparison of single doses of buprenorphine sublingual solution (1, 2, 4, 8, 16, or 32 mg), placebo, and a full agonist control at various doses. The treatments were given in ascending dose order at intervals of at least one week to 16 opioid-experienced, non-dependent subjects. Both drugs produced typical opioid agonist effects. For all the measures for which the drugs produced an effect, buprenorphine produced a dose-related response but, in each case, there was a dose that produced no further effect. In contrast, the highest dose of the full agonist control always produced the greatest effects. Agonist objective rating scores remained elevated for the higher doses of buprenorphine (8-32 mg) longer than for the lower doses and did not return to baseline until 48 hours after drug administrations. The onset of effects appeared more rapidly with buprenorphine than with the full agonist control, with most doses nearing peak effect after 100 minutes for buprenorphine compared to 150 minutes for the full agonist control." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is marijuana?", + "output": "Marijuana is a green, brown, or gray mix of dried, crumbled parts from the marijuana plant. It can be rolled up and smoked like a cigarette or cigar or smoked in a pipe. Sometimes people mix it in food or inhale it using a vaporizer.\n\nMarijuana can cause problems with memory, learning, and behavior. Smoking it can cause some of the same coughing and breathing problems as smoking cigarettes. Some people get addicted to marijuana after using it for a while. It is more likely to happen if they use marijuana every day, or started using it when they were teenagers.\n\nSome states have approved \"medical marijuana\" to ease symptoms of various health problems. The U.S. Food and Drug Administration (FDA) has not approved the marijuana plant as a medicine. However, there have been scientific studies of cannabinoids, the chemicals in marijuana. This has led to two FDA-approved medicines. They contain THC, the active ingredient in marijuana. They treat nausea caused by chemotherapy and increase appetite in patients who have severe weight loss from HIV/AIDS. Scientists are doing more research with marijuana and its ingredients to treat many diseases and conditions." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how is marijuana used", + "output": "Marijuana is best known as a drug that people smoke or eat to get high. It is derived from the plant Cannabis sativa. Possession of marijuana is illegal under federal law. Medical marijuana refers to using marijuana to treat certain medical conditions. In the United States, about half of the states have legalized marijuana for medical use." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how is tocilizumab administered", + "output": "Tocilizumab injection comes as a solution (liquid) to be injected intravenously (into a vein) in your arm by a doctor or nurse in a medical office or hospital outpatient clinic or as a prefilled syringe to inject subcutaneously (under the skin) by yourself at home. When tocilizumab is given intravenously to treat rheumatoid arthritis or polyarticular juvenile idiopathic arthritis, it is usually given once every 4 weeks. When tocilizumab is given intravenously to treat systemic juvenile idiopathic arthritis, it is usually given once every 2 weeks. When tocilizumab is given intravenously to treat cytokine release syndrome, it is usually given once, but up to 3 additional doses may be given at least 8 hours apart. It will take about 1 hour for you to receive your dose of tocilizumab injection intravenously. When tocilizumab is given subcutaneously to treat rheumatoid arthritis or giant cell arteritis, it is usually given once weekly or once every other week.\n\nYou will receive your first subcutaneous dose of tocilizumab injection in your doctor's office. If you will be injecting tocilizumab injection subcutaneously by yourself at home or having a friend or relative inject the medication for you, your doctor will show you or the person who will be injecting the medication how to inject it. You and the person who will be injecting the medication should also read the written instructions for use that come with the medication.\n\nThirty minutes before you are ready to inject tocilizumab injection, you will need to remove the medication from the refrigerator, take it out of its carton, and allow it to reach room temperature. When removing a prefilled syringe from the box, be careful not to touch the trigger fingers on the syringe. Do not try to warm the medication by heating it in a microwave, placing it in warm water, or through any other method.\n\nDo not remove the cap from the prefilled syringe while the medication is warming. You should remove the cap no more than 5 minutes before you inject the medication. Do not replace the cap after you remove it. Do not use the syringe if you drop it on the floor.\n\nCheck the prefilled syringe to be sure that the expiration date printed on the package has not passed, Holding the syringe with the covered needle pointing down, look closely at the liquid in the syringe. The liquid should be clear or pale yellow and should not be cloudy or discolored or contain lumps or particles. Call your pharmacist if there are any problems with the package or the syringe and do not inject the medication.\n\nYou may inject tocilizumab injection on the front of the thighs or anywhere on your stomach except your navel (belly button) and the area 2 inches around it. If another person is injecting your medication, the outer area of the upper arms also may be used. Do not inject the medication into skin that is tender, bruised, red, hard, or not intact, or that has scars, moles, or bruises. Choose a different spot each time you inject the medication, at least 1 inch away from a spot that you have used before. If the full dose is not injected, call your doctor or pharmacist.\n\nDo not reuse tocilizumab prefilled syringes and do not recap the syringes after use. Discard any used syringes in a puncture-resistant container and ask your pharmacist how to throw away the container." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is diclofenac ointment used for", + "output": "Diclofenac topical gel (Voltaren) is used to relieve pain from osteoarthritis (arthritis caused by a breakdown of the lining of the joints) in certain joints such as those of the knees, ankles, feet, elbows, wrists, and hands. Diclofenac topical liquid (Pennsaid) is used to relieve osteoarthritis pain in the knees. Diclofenac is in a class of medications called nonsteroidal anti-inflammatory drugs (NSAIDs). It works by stopping the body's production of a substance that causes pain.\n\nDiclofenac is also available as a 3% gel (Solaraze; generic) that is applied to the skin to treat actinic keratosis (flat, scaly growths on the skin caused by too much sun exposure). This monograph only gives information about diclofenac gel (Voltaren) and liquid (Pennsaid) for osteoarthritis. If you are using diclofenac gel (Solaraze, generic) for actinic keratosis, read the monograph entitled diclofenac topical (actinic keratosis)." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "cephalexin is for what sexual diseases", + "output": "Cephalexin is used to treat certain infections caused by bacteria such as pneumonia and other respiratory tract infections; and infections of the bone, skin, ears, , genital, and urinary tract. Cephalexin is in a class of medications called cephalosporin antibiotics. It works by killing bacteria.\n\nAntibiotics such as cephalexin will not work for colds, flu, or other viral infections. Using antibiotics when they are not needed increases your risk of getting an infection later that resists antibiotic treatment." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is terfenadine", + "output": "Terfenadine is a selective histamine H1-receptor antagonist devoid of central nervous system depressant activity. The drug was used for ALLERGY but withdrawn due to causing LONG QT SYNDROME." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is bisolvon", + "output": "Bromhexine hydrochloride is a hydrochloride resulting from the reaction of equimolar amounts of bromhexine and hydrogen chloride. It is used as a mucolytic for the treatment of respiratory disorders associated with productive cough (i.e. a cough characterised by the production of sputum). It has a role as a mucolytic. It contains a bromhexine(1+)." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "is it safe for a 72 year old to stop taking premarin?", + "output": "Use of estrogen-alone, or in combination with a progestin, should be with the lowest effective dose and for the shortest duration consistent with treatment goals and risks for the individual woman. Postmenopausal women should be re-evaluated periodically as clinically appropriate to determine if treatment is still necessary." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what are the side effects of taking the two medication amlodipine metoprolol together", + "output": "There were six AEs reported in five patients. Peripheral edema 2.97% (3/101) was the most common AE, which was reported in three patients and was related to the study medication, probably to the amlodipine component. All these patients had hemoglobin (Hb) less than 12 g/dL at baseline (one patient had Hb of 11.6 g/dL at baseline, which was 12.1 at end of study and two had 11.7 g/dL which was 11.3 and 12.9 respectively at the end of study). Of these three, one patient had severe peripheral edema and was withdrawn from the study. The patient was followed-up and after a week time peripheral edema was resolved. Peripheral edema of mild and moderate degree was seen in one patient each. In these two patients, edema was resolved and improved respectively. Vertigo, lumbar spondylosis and eosinophilia (considered unlikely due to the study drug), were seen in one patient each and were mild in intensity. Though there were statistically significant changes in sodium, chloride, which showed decrease and blood urea, fasting blood sugar, which were increased, but these were clinically insignificant. Details of laboratory tests are shown in Table 6. The other AEs were of mild severity and not related to the study medication. Table 7 summarizes the AEs." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how soon does losartan affect blood pressure", + "output": "The effect of losartan is substantially present within one week but in some studies the maximal effect occurred in 3 to 6 weeks. In long-term follow-up studies (without placebo control) the effect of losartan appeared to be maintained for up to a year." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how do steroids effect the respiratory system", + "output": "Several efforts have been made to show the beneficial effects of anabolic agents in humans. In malnourished patients suffering from chronic obstructive pulmonary disease (COPD) nandrolone decanoate was beneficial in regaining respiratory muscle strength.74Recent data showed an improvement in expiratory and inspiratory muscle strength following treatment with oxandrolone in patients with tetraplegia.75 This increase in muscle strength was attributed to the observed increase in diaphragm muscle mass and resulted in an increased vital capacity. Basin and co-workers showed a beneficial effect of a high dose of testosterone on fat free body mass, muscle size, and peripheral muscle strength in normal men.76 During the 1970s and 1980s several studies were performed to investigate the additional effects of anabolic steroids on a training programme in healthy athletes. The results of these studies varied from no additional effect on muscle force production and no improvement in aerobic capacity77 78 to a small but significant increase in muscle force." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "why am i so cold taking bystolic b p med", + "output": "Feeling cold is found among people who take Bystolic, especially for people who are female, 60+ old , have been taking the drug for < 1 month, also take medication Nexium, and have Depression. This study is created by eHealthMe based on reports of 11,671 people who have side effects when taking Bystolic from FDA, and is updated regularly." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "pneumococcal vaccine how often", + "output": "CDC recommends routine administration of pneumococcal conjugate vaccine (PCV13 or Prevnar13\u00ae) for all children younger than 2 years of age:\n\nGive PCV13 to infants as a series of 4 doses, one dose at each of these ages: 2 months, 4 months, 6 months, and 12 through 15 months.\nChildren who miss their shots or start the series later should still get the vaccine. The number of doses recommended and the intervals between doses will depend on the child\u2019s age when vaccination begins.\nImmunization Schedules\n\n HCP adult and child schedules\nView current schedules for children, teens, and adults.\n\nCDC recommends pneumococcal vaccination (PCV13 or Prevnar13\u00ae, and PPSV23 or Pneumovax23\u00ae) for all adults 65 years or older:\n\nGive a dose of PCV13 to adults 65 years or older who have not previously received a dose. Then administer a dose of PPSV23 at least 1 year later.\nIf the patient already received one or more doses of PPSV23, give the dose of PCV13 at least 1 year after they received the most recent dose of PPSV23." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "is it alright to use fluticasone when using oxygen", + "output": "Pharmacological therapy can influence morbidity and mortality in severe chronic obstructive pulmonary disease (COPD). Long-term domiciliary oxygen therapy (LTOT) improves survival in COPD with chronic hypoxaemia. Oral steroid medication has been associated with improved survival in men and increased mortality in women, while inhaled steroid medication has been associated with a reduction in the exacerbation rate. We have analysed the relationships between pharmacological therapy including oxygen therapy, sex, performance status and need for hospitalization and mortality in 403 patients with COPD (201 men) after their registration in a national oxygen register for LTOT. The mean value of days spent in hospital per year was 44. An increased need of hospital care was independently predicted by a poor performance status, high age and, in women, orally administered steroid medication. Hospital admissions were significantly longer in the terminal stage of COPD among women receiving oral steroid medication. Increased mortality was predicted by a poor performance status and, in women, oral steroid treatment. Predictors of morbidity and mortality during LTOT were found to coincide. The increased mortality in women receiving oral steroid medication was found to be associated with an increased need of hospital care due to longer hospital stays during the terminal stage of the disease. When analysing effects and side-effects of steroid medication in COPD, the possibility of sex-related differences should be considered." + } + ] + } +] \ No newline at end of file diff --git a/xtuner/MedQA2019.xlsx b/xtuner/MedQA2019.xlsx new file mode 100644 index 000000000..8eedf27c1 Binary files /dev/null and b/xtuner/MedQA2019.xlsx differ diff --git a/xtuner/README.md b/xtuner/README.md new file mode 100644 index 000000000..d2b91f51a --- /dev/null +++ b/xtuner/README.md @@ -0,0 +1,758 @@ + + +> 怎么说呢,祝大家炼丹愉快吧~ 😙 + +## 1 概述 + +### 1.1 XTuner + +一个大语言模型微调工具箱。*由* *MMRazor* *和* *MMDeploy* *联合开发。* + +### 1.2 支持的开源LLM (2023.11.01) + +- **[InternLM](https://huggingface.co/internlm/internlm-7b)** ✅ +- [Llama,Llama2](https://huggingface.co/meta-llama) +- [ChatGLM2](https://huggingface.co/THUDM/chatglm2-6b),[ChatGLM3](https://huggingface.co/THUDM/chatglm3-6b-base) +- [Qwen](https://huggingface.co/Qwen/Qwen-7B) +- [Baichuan](https://huggingface.co/baichuan-inc/Baichuan-7B),[Baichuan2](https://huggingface.co/baichuan-inc/Baichuan2-7B-Base) +- ...... +- [Zephyr](https://huggingface.co/HuggingFaceH4/zephyr-7b-beta) + +### 1.3 特色 + +- 🤓 **傻瓜化:** 以 配置文件 的形式封装了大部分微调场景,**0基础的非专业人员也能一键开始微调**。 +- 🍃 **轻量级:** 对于 7B 参数量的LLM,**微调所需的最小显存仅为 8GB** : **消费级显卡✅,colab✅** + +### 1.4 微调原理 + +> 想象一下,你有一个超大的玩具,现在你想改造这个超大的玩具。但是,**对整个玩具进行全面的改动会非常昂贵**。 + +※ 因此,你找到了一种叫 **LoRA** 的方法:**只对玩具中的某些零件进行改动,而不是对整个玩具进行全面改动**。 + +※ 而 **QLoRA** 是 LoRA 的一种改进:如果你手里只有一把生锈的螺丝刀,也能改造你的玩具。 + +- **Full** : 😳 → 🚲 +- **[LoRA](http://arxiv.org/abs/2106.09685)** : 😳 → 🛵 +- **[QLoRA](http://arxiv.org/abs/2305.14314)** : 😳 → 🏍 + + + + +## 2 快速上手 + +### 2.1 平台 + +Ubuntu + Anaconda + CUDA/CUDNN + 8GB nvidia显卡 + +### 2.2 安装 + +```bash +# 如果你是在 InternStudio 平台,则从本地 clone 一个已有 pytorch 2.0.1 的环境: +/root/share/install_conda_env_internlm_base.sh xtuner0.1.9 +# 如果你是在其他平台: +conda create --name xtuner0.1.9 python=3.10 -y + +# 激活环境 +conda activate xtuner0.1.9 +# 进入家目录 (~的意思是 “当前用户的home路径”) +cd ~ +# 创建版本文件夹并进入,以跟随本教程 +mkdir xtuner019 && cd xtuner019 + + +# 拉取 0.1.9 的版本源码 +git clone -b v0.1.9 https://github.com/InternLM/xtuner +# 无法访问github的用户请从 gitee 拉取: +# git clone -b v0.1.9 https://gitee.com/Internlm/xtuner + +# 进入源码目录 +cd xtuner + +# 从源码安装 XTuner +pip install -e '.[all]' +``` + +安装完后,就开始搞搞准备工作了。(准备在 oasst1 数据集上微调 internlm-7b-chat) + +```bash +# 创建一个微调 oasst1 数据集的工作路径,进入 +mkdir ~/ft-oasst1 && cd ~/ft-oasst1 +``` + +### 2.3 微调 + +#### 2.3.1 准备配置文件 + +XTuner 提供多个开箱即用的配置文件,用户可以通过下列命令查看: + +```Bash +# 列出所有内置配置 +xtuner list-cfg +``` +> 假如显示bash: xtuner: command not found的话可以考虑在终端输入 export PATH=$PATH:'/root/.local/bin' + + + +拷贝一个配置文件到当前目录: +`# xtuner copy-cfg ${CONFIG_NAME} ${SAVE_PATH}` + +在本案例中即:(注意最后有个英文句号,代表复制到当前路径) +```Bash +cd ~/ft-oasst1 +xtuner copy-cfg internlm_chat_7b_qlora_oasst1_e3 . +``` + +配置文件名的解释: + +> xtuner copy-cfg internlm_chat_7b_qlora_oasst1_e3 . + +| 模型名 | internlm_chat_7b | +| -------- | ---------------- | +| 使用算法 | qlora | +| 数据集 | oasst1 | +| 把数据集跑几次 | 跑3次:e3 (epoch 3 ) | + +*无 chat比如 `internlm-7b` 代表是基座(base)模型 + + +#### 2.3.2 模型下载 + +> 由于下载模型很慢,用教学平台的同学可以直接复制模型。 + +```Bash +ln -s /share/temp/model_repos/internlm-chat-7b ~/ft-oasst1/ +``` +以上是通过软链的方式,将模型文件挂载到家目录下,优势是: +1. 节省拷贝时间,无需等待 +2. 节省用户开发机存储空间 +> 当然,也可以用 `cp -r /share/temp/model_repos/internlm-chat-7b ~/ft-oasst1/` 进行数据拷贝。 + +> 以下是自己下载模型的步骤。 + +不用 xtuner 默认的`从 huggingface 拉取模型`,而是提前从 ~~OpenXLab~~ ModelScope 下载模型到本地 + +```Bash +# 创建一个目录,放模型文件,防止散落一地 +mkdir ~/ft-oasst1/internlm-chat-7b + +# 装一下拉取模型文件要用的库 +pip install modelscope + +# 从 modelscope 下载下载模型文件 +cd ~/ft-oasst1 +apt install git git-lfs -y +git lfs install +git lfs clone https://modelscope.cn/Shanghai_AI_Laboratory/internlm-chat-7b.git -b v1.0.3 +``` + +#### 2.3.3 数据集下载 +> https://huggingface.co/datasets/timdettmers/openassistant-guanaco/tree/main + +由于 huggingface 网络问题,咱们已经给大家提前下载好了,复制到正确位置即可: + +```bash +cd ~/ft-oasst1 +# ...-guanaco 后面有个空格和英文句号啊 +cp -r /root/share/temp/datasets/openassistant-guanaco . +``` + +此时,当前路径的文件应该长这样: + +```bash +|-- internlm-chat-7b +| |-- README.md +| |-- config.json +| |-- configuration.json +| |-- configuration_internlm.py +| |-- generation_config.json +| |-- modeling_internlm.py +| |-- pytorch_model-00001-of-00008.bin +| |-- pytorch_model-00002-of-00008.bin +| |-- pytorch_model-00003-of-00008.bin +| |-- pytorch_model-00004-of-00008.bin +| |-- pytorch_model-00005-of-00008.bin +| |-- pytorch_model-00006-of-00008.bin +| |-- pytorch_model-00007-of-00008.bin +| |-- pytorch_model-00008-of-00008.bin +| |-- pytorch_model.bin.index.json +| |-- special_tokens_map.json +| |-- tokenization_internlm.py +| |-- tokenizer.model +| `-- tokenizer_config.json +|-- internlm_chat_7b_qlora_oasst1_e3_copy.py +`-- openassistant-guanaco + |-- openassistant_best_replies_eval.jsonl + `-- openassistant_best_replies_train.jsonl +``` + +#### 2.3.4 修改配置文件 + +修改其中的模型和数据集为 本地路径 + +```bash +cd ~/ft-oasst1 +vim internlm_chat_7b_qlora_oasst1_e3_copy.py +``` +> 在vim界面完成修改后,请输入:wq退出。假如认为改错了可以用:q!退出且不保存。当然我们也可以考虑打开python文件直接修改,但注意修改完后需要按下Ctrl+S进行保存。 + +减号代表要删除的行,加号代表要增加的行。 +```diff +# 修改模型为本地路径 +- pretrained_model_name_or_path = 'internlm/internlm-chat-7b' ++ pretrained_model_name_or_path = './internlm-chat-7b' + +# 修改训练数据集为本地路径 +- data_path = 'timdettmers/openassistant-guanaco' ++ data_path = './openassistant-guanaco' +``` + +**常用超参** + +| 参数名 | 解释 | +| ------------------- | ------------------------------------------------------ | +| **data_path** | 数据路径或 HuggingFace 仓库名 | +| max_length | 单条数据最大 Token 数,超过则截断 | +| pack_to_max_length | 是否将多条短数据拼接到 max_length,提高 GPU 利用率 | +| accumulative_counts | 梯度累积,每多少次 backward 更新一次参数 | +| evaluation_inputs | 训练过程中,会根据给定的问题进行推理,便于观测训练状态 | +| evaluation_freq | Evaluation 的评测间隔 iter 数 | +| ...... | ...... | + +> 如果想把显卡的现存吃满,充分利用显卡资源,可以将 `max_length` 和 `batch_size` 这两个参数调大。 + +#### 2.3.5 开始微调 + +**训练:** + +xtuner train ${CONFIG_NAME_OR_PATH} + +**也可以增加 deepspeed 进行训练加速:** + +xtuner train ${CONFIG_NAME_OR_PATH} --deepspeed deepspeed_zero2 + + +例如,我们可以利用 QLoRA 算法在 oasst1 数据集上微调 InternLM-7B: + +```Bash +# 单卡 +## 用刚才改好的config文件训练 +xtuner train ./internlm_chat_7b_qlora_oasst1_e3_copy.py + +# 多卡 +NPROC_PER_NODE=${GPU_NUM} xtuner train ./internlm_chat_7b_qlora_oasst1_e3_copy.py + +# 若要开启 deepspeed 加速,增加 --deepspeed deepspeed_zero2 即可 +``` + +> 微调得到的 PTH 模型文件和其他杂七杂八的文件都默认在当前的 `./work_dirs` 中。 + +跑完训练后,当前路径应该长这样: +```Bash +|-- internlm-chat-7b +|-- internlm_chat_7b_qlora_oasst1_e3_copy.py +|-- openassistant-guanaco +| |-- openassistant_best_replies_eval.jsonl +| `-- openassistant_best_replies_train.jsonl +`-- work_dirs + `-- internlm_chat_7b_qlora_oasst1_e3_copy + |-- 20231101_152923 + | |-- 20231101_152923.log + | `-- vis_data + | |-- 20231101_152923.json + | |-- config.py + | `-- scalars.json + |-- epoch_1.pth + |-- epoch_2.pth + |-- epoch_3.pth + |-- internlm_chat_7b_qlora_oasst1_e3_copy.py + `-- last_checkpoint +``` + +#### 2.3.6 将得到的 PTH 模型转换为 HuggingFace 模型,**即:生成 Adapter 文件夹** + +`xtuner convert pth_to_hf ${CONFIG_NAME_OR_PATH} ${PTH_file_dir} ${SAVE_PATH}` + +在本示例中,为: +```bash +mkdir hf +export MKL_SERVICE_FORCE_INTEL=1 +export MKL_THREADING_LAYER=GNU +xtuner convert pth_to_hf ./internlm_chat_7b_qlora_oasst1_e3_copy.py ./work_dirs/internlm_chat_7b_qlora_oasst1_e3_copy/epoch_1.pth ./hf +``` +此时,路径中应该长这样: + +```Bash +|-- internlm-chat-7b +|-- internlm_chat_7b_qlora_oasst1_e3_copy.py +|-- openassistant-guanaco +| |-- openassistant_best_replies_eval.jsonl +| `-- openassistant_best_replies_train.jsonl +|-- hf +| |-- README.md +| |-- adapter_config.json +| |-- adapter_model.bin +| `-- xtuner_config.py +`-- work_dirs + `-- internlm_chat_7b_qlora_oasst1_e3_copy + |-- 20231101_152923 + | |-- 20231101_152923.log + | `-- vis_data + | |-- 20231101_152923.json + | |-- config.py + | `-- scalars.json + |-- epoch_1.pth + |-- epoch_2.pth + |-- epoch_3.pth + |-- internlm_chat_7b_qlora_oasst1_e3_copy.py + `-- last_checkpoint +``` + +**此时,hf 文件夹即为我们平时所理解的所谓 “LoRA 模型文件”** + +> 可以简单理解:LoRA 模型文件 = Adapter + + + +### 2.4 部署与测试 + +#### 2.4.1 将 HuggingFace adapter 合并到大语言模型: + +```Bash +xtuner convert merge ./internlm-chat-7b ./hf ./merged --max-shard-size 2GB +# xtuner convert merge \ +# ${NAME_OR_PATH_TO_LLM} \ +# ${NAME_OR_PATH_TO_ADAPTER} \ +# ${SAVE_PATH} \ +# --max-shard-size 2GB +``` + +#### 2.4.2 与合并后的模型对话: +```Bash +# 加载 Adapter 模型对话(Float 16) +xtuner chat ./merged --prompt-template internlm_chat + +# 4 bit 量化加载 +# xtuner chat ./merged --bits 4 --prompt-template internlm_chat +``` + +#### 2.4.3 Demo + +- 修改 `cli_demo.py` 中的模型路径 +```diff +- model_name_or_path = "/root/model/Shanghai_AI_Laboratory/internlm-chat-7b" ++ model_name_or_path = "merged" +``` +- 运行 `cli_demo.py` 以目测微调效果 +```bash +python ./cli_demo.py +``` + +**效果:** + +| 微调前 | 微调后 | +| --- | --- | +|  |  | + +**`xtuner chat`** **的启动参数** + +| 启动参数 | 干哈滴 | +| --------------------- | ------------------------------------------------------------ | +| **--prompt-template** | 指定对话模板 | +| --system | 指定SYSTEM文本 | +| --system-template | 指定SYSTEM模板 | +| -**-bits** | LLM位数 | +| --bot-name | bot名称 | +| --with-plugins | 指定要使用的插件 | +| **--no-streamer** | 是否启用流式传输 | +| **--lagent** | 是否使用lagent | +| --command-stop-word | 命令停止词 | +| --answer-stop-word | 回答停止词 | +| --offload-folder | 存放模型权重的文件夹(或者已经卸载模型权重的文件夹) | +| --max-new-tokens | 生成文本中允许的最大 `token` 数量 | +| **--temperature** | 温度值 | +| --top-k | 保留用于顶k筛选的最高概率词汇标记数 | +| --top-p | 如果设置为小于1的浮点数,仅保留概率相加高于 `top_p` 的最小一组最有可能的标记 | +| --seed | 用于可重现文本生成的随机种子 | + + + +## 3 自定义微调 +> 以 **[Medication QA](https://github.com/abachaa/Medication_QA_MedInfo2019)** **数据集**为例 + +### 3.1 概述 + +#### 3.1.1 **场景需求** + + 基于 InternLM-chat-7B 模型,用 MedQA 数据集进行微调,将其往`医学问答`领域对齐。 + +#### 3.1.2 **真实数据预览** + +| 问题 | 答案 | +| ---------------------------------------------------------- | ------------------------------------------------------------ | +| What are ketorolac eye drops?(什么是酮咯酸滴眼液?) | Ophthalmic ketorolac is used to treat itchy eyes caused by allergies. It also is used to treat swelling and redness (inflammation) that can occur after cataract surgery. Ketorolac is in a class of medications called nonsteroidal anti-inflammatory drugs (NSAIDs). It works by stopping the release of substances that cause allergy symptoms and inflammation. | +| What medicines raise blood sugar? (什么药物会升高血糖?) | Some medicines for conditions other than diabetes can raise your blood sugar level. This is a concern when you have diabetes. Make sure every doctor you see knows about all of the medicines, vitamins, or herbal supplements you take. This means anything you take with or without a prescription. Examples include: Barbiturates. Thiazide diuretics. Corticosteroids. Birth control pills (oral contraceptives) and progesterone. Catecholamines. Decongestants that contain beta-adrenergic agents, such as pseudoephedrine. The B vitamin niacin. The risk of high blood sugar from niacin lowers after you have taken it for a few months. The antipsychotic medicine olanzapine (Zyprexa). | + +### 3.2 数据准备 + +> **以** **[Medication QA](https://github.com/abachaa/Medication_QA_MedInfo2019)** **数据集为例** + +**原格式:(.xlsx)** + + + +| **问题** | 药物类型 | 问题类型 | **回答** | 主题 | URL | +| -------- | -------- | -------- | -------- | ---- | ---- | +| aaa | bbb | ccc | ddd | eee | fff | + +#### 3.2.1 将数据转为 XTuner 的数据格式 + +**目标格式:(.jsonL)** + +```JSON +[{ + "conversation":[ + { + "system": "xxx", + "input": "xxx", + "output": "xxx" + } + ] +}, +{ + "conversation":[ + { + "system": "xxx", + "input": "xxx", + "output": "xxx" + } + ] +}] +``` + +🧠通过 python 脚本:将 `.xlsx` 中的 问题 和 回答 两列 提取出来,再放入 `.jsonL` 文件的每个 conversation 的 input 和 output 中。 + +> 这一步的 python 脚本可以请 ChatGPT 来完成。 + +```text +Write a python file for me. using openpyxl. input file name is MedQA2019.xlsx +Step1: The input file is .xlsx. Exact the column A and column D in the sheet named "DrugQA" . +Step2: Put each value in column A into each "input" of each "conversation". Put each value in column D into each "output" of each "conversation". +Step3: The output file is .jsonL. It looks like: +[{ + "conversation":[ + { + "system": "xxx", + "input": "xxx", + "output": "xxx" + } + ] +}, +{ + "conversation":[ + { + "system": "xxx", + "input": "xxx", + "output": "xxx" + } + ] +}] +Step4: All "system" value changes to "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions." +``` + +> ChatGPT 生成的 python 代码见本仓库的 [xlsx2jsonl.py](./xlsx2jsonl.py) + + +执行 python 脚本,获得格式化后的数据集: +```bash +python xlsx2jsonl.py +``` + +**格式化后的数据集长这样:** + + +此时,当然也可以对数据进行训练集和测试集的分割,同样可以让 ChatGPT 写 python 代码。当然如果你没有严格的科研需求、不在乎“训练集泄露”的问题,也可以不做训练集与测试集的分割。 + +#### 3.2.2 划分训练集和测试集 + +```text +my .jsonL file looks like: +[{ + "conversation":[ + { + "system": "xxx", + "input": "xxx", + "output": "xxx" + } + ] +}, +{ + "conversation":[ + { + "system": "xxx", + "input": "xxx", + "output": "xxx" + } + ] +}] +Step1, read the .jsonL file. +Step2, count the amount of the "conversation" elements. +Step3, randomly split all "conversation" elements by 7:3. Targeted structure is same as the input. +Step4, save the 7/10 part as train.jsonl. save the 3/10 part as test.jsonl +``` +生成的python代码见 [split2train_and_test.py](./split2train_and_test.py) + + +### 3.3 开始自定义微调 + +此时,我们重新建一个文件夹来玩“微调自定义数据集” +```bash +mkdir ~/ft-medqa && cd ~/ft-medqa +``` + +把前面下载好的internlm-chat-7b模型文件夹拷贝过来。 + +```bash +cp -r ~/ft-oasst1/internlm-chat-7b . +``` +别忘了把自定义数据集,即几个 `.jsonL`,也传到服务器上。 + +```bash +git clone https://github.com/InternLM/tutorial +``` + +```bash +cp ~/tutorial/xtuner/MedQA2019-structured-train.jsonl . +``` + + + +#### 3.3.1 准备配置文件 +```bash +# 复制配置文件到当前目录 +xtuner copy-cfg internlm_chat_7b_qlora_oasst1_e3 . +# 改个文件名 +mv internlm_chat_7b_qlora_oasst1_e3_copy.py internlm_chat_7b_qlora_medqa2019_e3.py + +# 修改配置文件内容 +vim internlm_chat_7b_qlora_medqa2019_e3.py +``` + +减号代表要删除的行,加号代表要增加的行。 +```diff +# 修改import部分 +- from xtuner.dataset.map_fns import oasst1_map_fn, template_map_fn_factory ++ from xtuner.dataset.map_fns import template_map_fn_factory + +# 修改模型为本地路径 +- pretrained_model_name_or_path = 'internlm/internlm-chat-7b' ++ pretrained_model_name_or_path = './internlm-chat-7b' + +# 修改训练数据为 MedQA2019-structured-train.jsonl 路径 +- data_path = 'timdettmers/openassistant-guanaco' ++ data_path = 'MedQA2019-structured-train.jsonl' + +# 修改 train_dataset 对象 +train_dataset = dict( + type=process_hf_dataset, +- dataset=dict(type=load_dataset, path=data_path), ++ dataset=dict(type=load_dataset, path='json', data_files=dict(train=data_path)), + tokenizer=tokenizer, + max_length=max_length, +- dataset_map_fn=alpaca_map_fn, ++ dataset_map_fn=None, + template_map_fn=dict( + type=template_map_fn_factory, template=prompt_template), + remove_unused_columns=True, + shuffle_before_pack=True, + pack_to_max_length=pack_to_max_length) +``` +#### 3.3.2 **XTuner!启动!** + + + +```bash +xtuner train internlm_chat_7b_qlora_medqa2019_e3.py --deepspeed deepspeed_zero2 +``` + +#### 3.3.3 pth 转 huggingface + +同前述,这里不赘述了。[将得到的-pth-模型转换为-huggingface-模型即生成adapter文件夹](#236-将得到的-pth-模型转换为-huggingface-模型即生成adapter文件夹) + +#### 3.3.4 部署与测试 + +同前述。[部署与测试](#24-部署与测试) + + +## 4【补充】用 MS-Agent 数据集 赋予 LLM 以 Agent 能力 +### 4.1 概述 + +MSAgent 数据集每条样本包含一个对话列表(conversations),其里面包含了 system、user、assistant 三种字段。其中: + +- system: 表示给模型前置的人设输入,其中有告诉模型如何调用插件以及生成请求 + +- user: 表示用户的输入 prompt,分为两种,通用生成的prompt和调用插件需求的 prompt + +- assistant: 为模型的回复。其中会包括插件调用代码和执行代码,调用代码是要 LLM 生成的,而执行代码是调用服务来生成结果的 + +一条调用网页搜索插件查询“上海明天天气”的数据样本示例如下图所示: + + +### 4.2 微调步骤 + +#### 4.2.1 准备工作 +> xtuner 是从国内的 ModelScope 平台下载 MS-Agent 数据集,因此不用提前手动下载数据集文件。 + +```bash +# 准备工作 +mkdir ~/ft-msagent && cd ~/ft-msagent +cp -r ~/ft-oasst1/internlm-chat-7b . + +# 查看配置文件 +xtuner list-cfg | grep msagent + +# 复制配置文件到当前目录 +xtuner copy-cfg internlm_7b_qlora_msagent_react_e3_gpu8 . + +# 修改配置文件中的模型为本地路径 +vim ./internlm_7b_qlora_msagent_react_e3_gpu8_copy.py +``` + +```diff +- pretrained_model_name_or_path = 'internlm/internlm-chat-7b' ++ pretrained_model_name_or_path = './internlm-chat-7b' +``` + +#### 4.2.2 开始微调 +```Bash +xtuner train ./internlm_7b_qlora_msagent_react_e3_gpu8_copy.py --deepspeed deepspeed_zero2 +``` + +### 4.3 直接使用 + +> 由于 msagent 的训练非常费时,大家如果想尽快把这个教程跟完,可以直接从 modelScope 拉取咱们已经微调好了的 Adapter。如下演示。 + +#### 4.3.1 下载 Adapter +```Bash +cd ~/ft-msagent +apt install git git-lfs +git lfs install +git lfs clone https://www.modelscope.cn/xtuner/internlm-7b-qlora-msagent-react.git +``` + +OK,现在目录应该长这样: +- internlm_7b_qlora_msagent_react_e3_gpu8_copy.py +- internlm-7b-qlora-msagent-react +- internlm-chat-7b +- work_dir(可有可无) + +有了这个在 msagent 上训练得到的Adapter,模型现在已经有 agent 能力了!就可以加 --lagent 以调用来自 lagent 的代理功能了! + +#### 4.3.2 添加 serper 环境变量 + +> **开始 chat 之前,还要加个 serper 的环境变量:** +> +> 去 serper.dev 免费注册一个账号,生成自己的 api key。这个东西是用来给 lagent 去获取 google 搜索的结果的。等于是 serper.dev 帮你去访问 google,而不是从你自己本地去访问 google 了。 + + + +添加 serper api key 到环境变量: + +```bash +export SERPER_API_KEY=abcdefg +``` + +#### 4.3.3 xtuner + agent,启动! + +```bash +xtuner chat ./internlm-chat-7b --adapter internlm-7b-qlora-msagent-react --lagent +``` + + +#### 4.3.4 报错处理 + +xtuner chat 增加 --lagent 参数后,报错 ```TypeError: transfomers.modelsauto.auto factory. BaseAutoModelClass.from pretrained() got multiple values for keyword argument "trust remote code"``` + +注释掉已安装包中的代码: + +```bash +vim /root/xtuner019/xtuner/xtuner/tools/chat.py +``` + + + + + + + + +## 5 其他已知问题和解决方案: +https://docs.qq.com/doc/DY1d2ZVFlbXlrUERj + + +小作业助教老师会在社群中公布。 +Have fun! + + + +## 6 注意事项 + +本教程使用 xtuner 0.1.9 版本 +若需要跟着本教程一步一步完成,建议严格遵循本教程的步骤! + + + +若出现莫名其妙报错,请尝试更换为以下包的版本:(如果有报错再检查,没报错不用看) +``` +torch 2.1.1 +transformers 4.34.0 +transformers-stream-generator 0.0.4 +``` +```bash +pip install torch==2.1.1 +pip install transformers==4.34.0 +pip install transformers-stream-generator=0.0.4 +``` +CUDA 相关:(如果有报错再检查,没报错不用看) +``` +NVIDIA-SMI 535.54.03 +Driver Version: 535.54.03 +CUDA Version: 12.2 + +nvidia-cuda-cupti-cu12 12.1.105 +nvidia-cuda-nvrtc-cu12 12.1.105 +nvidia-cuda-runtime-cu12 12.1.105 +``` + +## 7 作业 + +**基础作业:** + +构建数据集,使用 XTuner 微调 InternLM-Chat-7B 模型, 让模型学习到它是你的智能小助手,效果如下图所示,本作业训练出来的模型的输出需要**将不要葱姜蒜大佬**替换成自己名字或昵称! + +**微调前**(回答比较官方) + + + +**微调后**(对自己的身份有了清晰的认知) + + +作业参考答案:https://github.com/InternLM/tutorial/blob/main/xtuner/self.md + +**进阶作业:** + +- 将训练好的Adapter模型权重上传到 OpenXLab、Hugging Face 或者 MoelScope 任一一平台。 +- 将训练好后的模型应用部署到 OpenXLab 平台,参考部署文档请访问:https://aicarrier.feishu.cn/docx/MQH6dygcKolG37x0ekcc4oZhnCe + +**整体实训营项目:** + +时间周期:即日起致课程结束 + +即日开始可以在班级群中随机组队完成一个大作业项目,一些可提供的选题如下: + +- 人情世故大模型:一个帮助用户撰写新年祝福文案的人情事故大模型 +- 中小学数学大模型:一个拥有一定数学解题能力的大模型 +- 心理大模型:一个治愈的心理大模型 +- 工具调用类项目:结合 Lagent 构建数据集训练 InternLM 模型,支持对 MMYOLO 等工具的调用 + +其他基于书生·浦语工具链的小项目都在范围内,欢迎大家充分发挥想象力。 + diff --git a/xtuner/cli_demo.py b/xtuner/cli_demo.py new file mode 100644 index 000000000..16bad4fed --- /dev/null +++ b/xtuner/cli_demo.py @@ -0,0 +1,27 @@ +import torch +from transformers import AutoTokenizer, AutoModelForCausalLM + + +model_name_or_path = "/root/model/Shanghai_AI_Laboratory/internlm-chat-7b" + +tokenizer = AutoTokenizer.from_pretrained(model_name_or_path, trust_remote_code=True) +model = AutoModelForCausalLM.from_pretrained(model_name_or_path, trust_remote_code=True, torch_dtype=torch.bfloat16, device_map='auto') +model = model.eval() + +system_prompt = """You are an AI assistant whose name is InternLM (书生·浦语). +- InternLM (书生·浦语) is a conversational language model that is developed by Shanghai AI Laboratory (上海人工智能实验室). It is designed to be helpful, honest, and harmless. +- InternLM (书生·浦语) can understand and communicate fluently in the language chosen by the user such as English and 中文. +""" + +messages = [(system_prompt, '')] + +print("=============Welcome to InternLM chatbot, type 'exit' to exit.=============") + +while True: + input_text = input("User >>> ") + input_text.replace(' ', '') + if input_text == "exit": + break + response, history = model.chat(tokenizer, input_text, history=messages) + messages.append((input_text, response)) + print(f"robot >>> {response}") \ No newline at end of file diff --git a/xtuner/imgs/afterFT.png b/xtuner/imgs/afterFT.png new file mode 100644 index 000000000..716b132d5 Binary files /dev/null and b/xtuner/imgs/afterFT.png differ diff --git a/xtuner/imgs/after_train.png b/xtuner/imgs/after_train.png new file mode 100644 index 000000000..2a9c70ea3 Binary files /dev/null and b/xtuner/imgs/after_train.png differ diff --git a/xtuner/imgs/beforeFT.png b/xtuner/imgs/beforeFT.png new file mode 100644 index 000000000..678551fb6 Binary files /dev/null and b/xtuner/imgs/beforeFT.png differ diff --git a/xtuner/imgs/bugfix1.png b/xtuner/imgs/bugfix1.png new file mode 100644 index 000000000..ca5e7b475 Binary files /dev/null and b/xtuner/imgs/bugfix1.png differ diff --git a/xtuner/imgs/bugfix2.png b/xtuner/imgs/bugfix2.png new file mode 100644 index 000000000..7e2ae0e84 Binary files /dev/null and b/xtuner/imgs/bugfix2.png differ diff --git a/xtuner/imgs/cat_fly.png b/xtuner/imgs/cat_fly.png new file mode 100644 index 000000000..f20f94d26 Binary files /dev/null and b/xtuner/imgs/cat_fly.png differ diff --git a/xtuner/imgs/cfgs.png b/xtuner/imgs/cfgs.png new file mode 100644 index 000000000..3ec9c82dc Binary files /dev/null and b/xtuner/imgs/cfgs.png differ diff --git a/xtuner/imgs/code_config_1.png b/xtuner/imgs/code_config_1.png new file mode 100644 index 000000000..44d1e9304 Binary files /dev/null and b/xtuner/imgs/code_config_1.png differ diff --git a/xtuner/imgs/dataProcessed.png b/xtuner/imgs/dataProcessed.png new file mode 100644 index 000000000..879a51419 Binary files /dev/null and b/xtuner/imgs/dataProcessed.png differ diff --git a/xtuner/imgs/head.png b/xtuner/imgs/head.png new file mode 100644 index 000000000..e09cc243a Binary files /dev/null and b/xtuner/imgs/head.png differ diff --git a/xtuner/imgs/head2.png b/xtuner/imgs/head2.png new file mode 100644 index 000000000..6ea963aae Binary files /dev/null and b/xtuner/imgs/head2.png differ diff --git a/xtuner/imgs/medqa2019samples.png b/xtuner/imgs/medqa2019samples.png new file mode 100644 index 000000000..d6ef3ba1f Binary files /dev/null and b/xtuner/imgs/medqa2019samples.png differ diff --git a/xtuner/imgs/msagent_data.png b/xtuner/imgs/msagent_data.png new file mode 100644 index 000000000..ae56cf87f Binary files /dev/null and b/xtuner/imgs/msagent_data.png differ diff --git a/xtuner/imgs/serper.png b/xtuner/imgs/serper.png new file mode 100644 index 000000000..e2acf5040 Binary files /dev/null and b/xtuner/imgs/serper.png differ diff --git a/xtuner/imgs/web_show_1.png b/xtuner/imgs/web_show_1.png new file mode 100644 index 000000000..b6732dcc1 Binary files /dev/null and b/xtuner/imgs/web_show_1.png differ diff --git a/xtuner/imgs/web_show_2.png b/xtuner/imgs/web_show_2.png new file mode 100644 index 000000000..9bb82ca94 Binary files /dev/null and b/xtuner/imgs/web_show_2.png differ diff --git a/xtuner/imgs/xtuner_config_1.png b/xtuner/imgs/xtuner_config_1.png new file mode 100644 index 000000000..937d3676b Binary files /dev/null and b/xtuner/imgs/xtuner_config_1.png differ diff --git a/xtuner/imgs/xtuner_config_2.png b/xtuner/imgs/xtuner_config_2.png new file mode 100644 index 000000000..bb2408250 Binary files /dev/null and b/xtuner/imgs/xtuner_config_2.png differ diff --git a/xtuner/imgs/ysqd.png b/xtuner/imgs/ysqd.png new file mode 100644 index 000000000..a40eaccf3 Binary files /dev/null and b/xtuner/imgs/ysqd.png differ diff --git a/xtuner/internlm_chat_7b_qlora_oasst1_e3_copy.py b/xtuner/internlm_chat_7b_qlora_oasst1_e3_copy.py new file mode 100644 index 000000000..f2e8bf04b --- /dev/null +++ b/xtuner/internlm_chat_7b_qlora_oasst1_e3_copy.py @@ -0,0 +1,180 @@ +# Copyright (c) OpenMMLab. All rights reserved. +import torch +from bitsandbytes.optim import PagedAdamW32bit +from datasets import load_dataset +from mmengine.dataset import DefaultSampler +from mmengine.hooks import (CheckpointHook, DistSamplerSeedHook, IterTimerHook, + LoggerHook, ParamSchedulerHook) +from mmengine.optim import AmpOptimWrapper, CosineAnnealingLR +from peft import LoraConfig +from transformers import (AutoModelForCausalLM, AutoTokenizer, + BitsAndBytesConfig) + +from xtuner.dataset import process_hf_dataset +from xtuner.dataset.collate_fns import default_collate_fn +from xtuner.dataset.map_fns import oasst1_map_fn, template_map_fn_factory +from xtuner.engine import DatasetInfoHook, EvaluateChatHook +from xtuner.model import SupervisedFinetune +from xtuner.utils import PROMPT_TEMPLATE + +####################################################################### +# PART 1 Settings # +####################################################################### +# Model +pretrained_model_name_or_path = '/root/personal_assistant/model/Shanghai_AI_Laboratory/internlm-chat-7b' + +# Data +data_path = '/root/personal_assistant/data/personal_assistant.json' +prompt_template = PROMPT_TEMPLATE.internlm_chat +max_length = 512 +pack_to_max_length = True + +# Scheduler & Optimizer +batch_size = 2 # per_device +accumulative_counts = 16 +dataloader_num_workers = 0 +max_epochs = 3 +optim_type = PagedAdamW32bit +lr = 2e-4 +betas = (0.9, 0.999) +weight_decay = 0 +max_norm = 1 # grad clip + +# Evaluate the generation performance during the training +evaluation_freq = 90 +SYSTEM = '' +evaluation_inputs = [ '请介绍一下你自己', '请做一下自我介绍' ] + +####################################################################### +# PART 2 Model & Tokenizer # +####################################################################### +tokenizer = dict( + type=AutoTokenizer.from_pretrained, + pretrained_model_name_or_path=pretrained_model_name_or_path, + trust_remote_code=True, + padding_side='right') + +model = dict( + type=SupervisedFinetune, + llm=dict( + type=AutoModelForCausalLM.from_pretrained, + pretrained_model_name_or_path=pretrained_model_name_or_path, + trust_remote_code=True, + torch_dtype=torch.float16, + quantization_config=dict( + type=BitsAndBytesConfig, + load_in_4bit=True, + load_in_8bit=False, + llm_int8_threshold=6.0, + llm_int8_has_fp16_weight=False, + bnb_4bit_compute_dtype=torch.float16, + bnb_4bit_use_double_quant=True, + bnb_4bit_quant_type='nf4')), + lora=dict( + type=LoraConfig, + r=64, + lora_alpha=16, + lora_dropout=0.1, + bias='none', + task_type='CAUSAL_LM')) + +####################################################################### +# PART 3 Dataset & Dataloader # +####################################################################### +train_dataset = dict( + type=process_hf_dataset, + dataset=dict(type=load_dataset, path='json', data_files=dict(train=data_path)), + tokenizer=tokenizer, + max_length=max_length, + dataset_map_fn=None, + template_map_fn=dict( + type=template_map_fn_factory, template=prompt_template), + remove_unused_columns=True, + shuffle_before_pack=True, + pack_to_max_length=pack_to_max_length) + +train_dataloader = dict( + batch_size=batch_size, + num_workers=dataloader_num_workers, + dataset=train_dataset, + sampler=dict(type=DefaultSampler, shuffle=True), + collate_fn=dict(type=default_collate_fn)) + +####################################################################### +# PART 4 Scheduler & Optimizer # +####################################################################### +# optimizer +optim_wrapper = dict( + type=AmpOptimWrapper, + optimizer=dict( + type=optim_type, lr=lr, betas=betas, weight_decay=weight_decay), + clip_grad=dict(max_norm=max_norm, error_if_nonfinite=False), + accumulative_counts=accumulative_counts, + loss_scale='dynamic', + dtype='float16') + +# learning policy +# More information: https://github.com/open-mmlab/mmengine/blob/main/docs/en/tutorials/param_scheduler.md # noqa: E501 +param_scheduler = dict( + type=CosineAnnealingLR, + eta_min=0.0, + by_epoch=True, + T_max=max_epochs, + convert_to_iter_based=True) + +# train, val, test setting +train_cfg = dict(by_epoch=True, max_epochs=max_epochs, val_interval=1) + +####################################################################### +# PART 5 Runtime # +####################################################################### +# Log the dialogue periodically during the training process, optional +custom_hooks = [ + dict(type=DatasetInfoHook, tokenizer=tokenizer), + dict( + type=EvaluateChatHook, + tokenizer=tokenizer, + every_n_iters=evaluation_freq, + evaluation_inputs=evaluation_inputs, + system=SYSTEM, + prompt_template=prompt_template) +] + +# configure default hooks +default_hooks = dict( + # record the time of every iteration. + timer=dict(type=IterTimerHook), + # print log every 100 iterations. + logger=dict(type=LoggerHook, interval=10), + # enable the parameter scheduler. + param_scheduler=dict(type=ParamSchedulerHook), + # save checkpoint per epoch. + checkpoint=dict(type=CheckpointHook, interval=1), + # set sampler seed in distributed evrionment. + sampler_seed=dict(type=DistSamplerSeedHook), +) + +# configure environment +env_cfg = dict( + # whether to enable cudnn benchmark + cudnn_benchmark=False, + # set multi process parameters + mp_cfg=dict(mp_start_method='fork', opencv_num_threads=0), + # set distributed parameters + dist_cfg=dict(backend='nccl'), +) + +# set visualizer +visualizer = None + +# set log level +log_level = 'INFO' + +# load from which checkpoint +load_from = None + +# whether to resume training from the loaded checkpoint +resume = False + +# Defaults to use random seed and disable `deterministic` +randomness = dict(seed=None, deterministic=False) diff --git a/xtuner/self.md b/xtuner/self.md new file mode 100644 index 000000000..da3e7b96d --- /dev/null +++ b/xtuner/self.md @@ -0,0 +1,269 @@ +# XTuner InternLM-Chat 个人小助手认知微调实践 + + +## 1.概述 +目标:通过微调,帮助模型~~认清~~了解对自己身份~~弟位~~ + +方式:使用XTuner进行微调 + +**微调前**(回答比较官方) + + +**微调后**(对自己的身份~~弟位~~有了清晰的认知) + +## 2.实操 + +### 2.1微调环境准备 + +```bash +# InternStudio 平台中,从本地 clone 一个已有 pytorch 2.0.1 的环境(后续均在该环境执行,若为其他环境可作为参考) +# 进入环境后首先 bash +# 进入环境后首先 bash +# 进入环境后首先 bash +bash +conda create --name personal_assistant --clone=/root/share/conda_envs/internlm-base +# 如果在其他平台: +# conda create --name personal_assistant python=3.10 -y + +# 激活环境 +conda activate personal_assistant +# 进入家目录 (~的意思是 “当前用户的home路径”) +cd ~ +# 创建版本文件夹并进入,以跟随本教程 +# personal_assistant用于存放本教程所使用的东西 +mkdir /root/personal_assistant && cd /root/personal_assistant +mkdir /root/personal_assistant/xtuner019 && cd /root/personal_assistant/xtuner019 + +# 拉取 0.1.9 的版本源码 +git clone -b v0.1.9 https://github.com/InternLM/xtuner +# 无法访问github的用户请从 gitee 拉取: +# git clone -b v0.1.9 https://gitee.com/Internlm/xtuner + +# 进入源码目录 +cd xtuner + +# 从源码安装 XTuner +pip install -e '.[all]' +``` + +### 2.2数据准备 + +创建`data`文件夹用于存放用于训练的数据集 + +```bash +mkdir -p /root/personal_assistant/data && cd /root/personal_assistant/data +``` + +在`data`目录下创建一个json文件`personal_assistant.json`作为本次微调所使用的数据集。json中内容可参考下方(复制粘贴n次做数据增广,数据量小无法有效微调,下面仅用于展示格式,下面也有生成脚本) + +其中`conversation`表示一次对话的内容,`input`为输入,即用户会问的问题,`output`为输出,即想要模型回答的答案。 + +```json +[ + { + "conversation": [ + { + "input": "请介绍一下你自己", + "output": "我是不要葱姜蒜大佬的小助手,内在是上海AI实验室书生·浦语的7B大模型哦" + } + ] + }, + { + "conversation": [ + { + "input": "请做一下自我介绍", + "output": "我是不要葱姜蒜大佬的小助手,内在是上海AI实验室书生·浦语的7B大模型哦" + } + ] + } +] +``` + +以下是一个python脚本,用于生成数据集。在`data`目录下新建一个generate_data.py文件,将以下代码复制进去,然后运行该脚本即可生成数据集。 + +```python +import json + +# 输入你的名字 +name = 'Shengshenlan' +# 重复次数 +n = 10000 + +data = [ + { + "conversation": [ + { + "input": "请做一下自我介绍", + "output": "我是{}的小助手,内在是上海AI实验室书生·浦语的7B大模型哦".format(name) + } + ] + } +] + +for i in range(n): + data.append(data[0]) + +with open('personal_assistant.json', 'w', encoding='utf-8') as f: + json.dump(data, f, ensure_ascii=False, indent=4) + +``` + +### 2.3配置准备 + +下载模型`InternLM-chat-7B` + +[InternStudio](https://studio.intern-ai.org.cn/) 平台的 `share` 目录下已经为我们准备了全系列的 `InternLM` 模型,可以使用如下命令复制`internlm-chat-7b`: + +```bash +mkdir -p /root/personal_assistant/model/Shanghai_AI_Laboratory +cp -r /root/share/temp/model_repos/internlm-chat-7b /root/personal_assistant/model/Shanghai_AI_Laboratory +``` + +XTuner 提供多个开箱即用的配置文件,用户可以通过下列命令查看: + +```bash +# 列出所有内置配置 +xtuner list-cfg +``` + + + +```bash +#创建用于存放配置的文件夹config并进入 +mkdir /root/personal_assistant/config && cd /root/personal_assistant/config +``` + +拷贝一个配置文件到当前目录:`xtuner copy-cfg ${CONFIG_NAME} ${SAVE_PATH}` +在本例中:(注意最后有个英文句号,代表复制到当前路径) + +```bash +xtuner copy-cfg internlm_chat_7b_qlora_oasst1_e3 . +``` + +修改拷贝后的文件internlm_chat_7b_qlora_oasst1_e3_copy.py,修改下述位置: +(这是一份修改好的文件[internlm_chat_7b_qlora_oasst1_e3_copy.py](./internlm_chat_7b_qlora_oasst1_e3_copy.py)) + +>红框为配置文件中PART 1需要修改的内容 + + +>红框为配置文件中PART 3需要修改的内容 + +```bash +# PART 1 中 +# 预训练模型存放的位置 +pretrained_model_name_or_path = '/root/personal_assistant/model/Shanghai_AI_Laboratory/internlm-chat-7b' + +# 微调数据存放的位置 +data_path = '/root/personal_assistant/data/personal_assistant.json' + +# 训练中最大的文本长度 +max_length = 512 + +# 每一批训练样本的大小 +batch_size = 2 + +# 最大训练轮数 +max_epochs = 3 + +# 验证的频率 +evaluation_freq = 90 + +# 用于评估输出内容的问题(用于评估的问题尽量与数据集的question保持一致) +evaluation_inputs = [ '请介绍一下你自己', '请做一下自我介绍' ] + + +# PART 3 中 +dataset=dict(type=load_dataset, path='json', data_files=dict(train=data_path)) +dataset_map_fn=None +``` + + +### 2.4微调启动 + +用`xtuner train`命令启动训练、 + +```bash +xtuner train /root/personal_assistant/config/internlm_chat_7b_qlora_oasst1_e3_copy.py +``` + +>会在训练完成后,输出用于验证的Sample output +### 2.5微调后参数转换/合并 + +训练后的pth格式参数转Hugging Face格式 + +```bash +# 创建用于存放Hugging Face格式参数的hf文件夹 +mkdir /root/personal_assistant/config/work_dirs/hf + +export MKL_SERVICE_FORCE_INTEL=1 + +# 配置文件存放的位置 +export CONFIG_NAME_OR_PATH=/root/personal_assistant/config/internlm_chat_7b_qlora_oasst1_e3_copy.py + +# 模型训练后得到的pth格式参数存放的位置 +export PTH=/root/personal_assistant/config/work_dirs/internlm_chat_7b_qlora_oasst1_e3_copy/epoch_3.pth + +# pth文件转换为Hugging Face格式后参数存放的位置 +export SAVE_PATH=/root/personal_assistant/config/work_dirs/hf + +# 执行参数转换 +xtuner convert pth_to_hf $CONFIG_NAME_OR_PATH $PTH $SAVE_PATH +``` + +Merge模型参数 +```bash +export MKL_SERVICE_FORCE_INTEL=1 +export MKL_THREADING_LAYER='GNU' + +# 原始模型参数存放的位置 +export NAME_OR_PATH_TO_LLM=/root/personal_assistant/model/Shanghai_AI_Laboratory/internlm-chat-7b + +# Hugging Face格式参数存放的位置 +export NAME_OR_PATH_TO_ADAPTER=/root/personal_assistant/config/work_dirs/hf + +# 最终Merge后的参数存放的位置 +mkdir /root/personal_assistant/config/work_dirs/hf_merge +export SAVE_PATH=/root/personal_assistant/config/work_dirs/hf_merge + +# 执行参数Merge +xtuner convert merge \ + $NAME_OR_PATH_TO_LLM \ + $NAME_OR_PATH_TO_ADAPTER \ + $SAVE_PATH \ + --max-shard-size 2GB +``` + +### 2.6网页DEMO + +安装网页Demo所需依赖 + +```bash +pip install streamlit==1.24.0 +``` + +下载[InternLM](https://github.com/InternLM/InternLM)项目代码(欢迎Star) + +```bash +# 创建code文件夹用于存放InternLM项目代码 +mkdir /root/personal_assistant/code && cd /root/personal_assistant/code +git clone https://github.com/InternLM/InternLM.git +``` + +将 `/root/code/InternLM/web_demo.py` 中 29 行和 33 行的模型路径更换为Merge后存放参数的路径 `/root/personal_assistant/config/work_dirs/hf_merge` + + +运行 `/root/personal_assistant/code/InternLM` 目录下的 `web_demo.py` 文件,输入以下命令后,[**查看本教程5.2配置本地端口后**](https://github.com/InternLM/tutorial/blob/main/helloworld/hello_world.md#52-%E9%85%8D%E7%BD%AE%E6%9C%AC%E5%9C%B0%E7%AB%AF%E5%8F%A3),将端口映射到本地。在本地浏览器输入 `http://127.0.0.1:6006` 即可。 + +``` +streamlit run /root/personal_assistant/code/InternLM/web_demo.py --server.address 127.0.0.1 --server.port 6006 +``` + +注意:要在浏览器打开 `http://127.0.0.1:6006` 页面后,模型才会加载。 +在加载完模型之后,就可以与微调后的 InternLM-Chat-7B 进行对话了 + +## 3.效果 +微调前 + + +微调后 + diff --git a/xtuner/split2train_and_test.py b/xtuner/split2train_and_test.py new file mode 100644 index 000000000..12f39ba80 --- /dev/null +++ b/xtuner/split2train_and_test.py @@ -0,0 +1,35 @@ +import json +import random + +def split_conversations(input_file, train_output_file, test_output_file): + # Read the input JSONL file + with open(input_file, 'r', encoding='utf-8') as jsonl_file: + data = json.load(jsonl_file) + + # Count the number of conversation elements + num_conversations = len(data) + + # Shuffle the data randomly + random.shuffle(data) + random.shuffle(data) + random.shuffle(data) + + # Calculate the split points for train and test + split_point = int(num_conversations * 0.7) + + # Split the data into train and test + train_data = data[:split_point] + test_data = data[split_point:] + + # Write the train data to a new JSONL file + with open(train_output_file, 'w', encoding='utf-8') as train_jsonl_file: + json.dump(train_data, train_jsonl_file, indent=4) + + # Write the test data to a new JSONL file + with open(test_output_file, 'w', encoding='utf-8') as test_jsonl_file: + json.dump(test_data, test_jsonl_file, indent=4) + + print(f"Split complete. Train data written to {train_output_file}, Test data written to {test_output_file}") + +# Replace 'input.jsonl', 'train.jsonl', and 'test.jsonl' with your actual file names +split_conversations('MedQA2019-structured.jsonl', 'MedQA2019-structured-train.jsonl', 'MedQA2019-structured-test.jsonl') diff --git a/xtuner/xlsx2jsonl.py b/xtuner/xlsx2jsonl.py new file mode 100644 index 000000000..56bd834fa --- /dev/null +++ b/xtuner/xlsx2jsonl.py @@ -0,0 +1,35 @@ +import openpyxl +import json + +def process_excel_to_json(input_file, output_file): + # Load the workbook + wb = openpyxl.load_workbook(input_file) + + # Select the "DrugQA" sheet + sheet = wb["DrugQA"] + + # Initialize the output data structure + output_data = [] + + # Iterate through each row in column A and D + for row in sheet.iter_rows(min_row=2, max_col=4, values_only=True): + system_value = "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions." + + # Create the conversation dictionary + conversation = { + "system": system_value, + "input": row[0], + "output": row[3] + } + + # Append the conversation to the output data + output_data.append({"conversation": [conversation]}) + + # Write the output data to a JSON file + with open(output_file, 'w', encoding='utf-8') as json_file: + json.dump(output_data, json_file, indent=4) + + print(f"Conversion complete. Output written to {output_file}") + +# Replace 'MedQA2019.xlsx' and 'output.jsonl' with your actual input and output file names +process_excel_to_json('MedQA2019.xlsx', 'output.jsonl')