From 9db82e94216784e522be7a1d1aba0f93c316bfa2 Mon Sep 17 00:00:00 2001 From: Shreya Shankar Date: Thu, 12 Sep 2024 18:29:39 -0700 Subject: [PATCH] Add mkdocs --- README.md | 4 +- docetl/__init__.py | 1 + docetl/builder.py | 2 +- docetl/cli.py | 10 + docetl/operations/resolve.py | 17 +- docetl/operations/utils.py | 162 +++++-- docs/advanced/custom-operators.md | 0 docs/advanced/extending-agents.md | 0 docs/advanced/performance-tuning.md | 0 docs/api-reference/docetl.md | 0 docs/api-reference/operations.md | 0 docs/api-reference/optimizers.md | 0 docs/community.md | 0 docs/concepts/interface.md | 0 docs/concepts/operators.md | 157 +++++++ docs/concepts/optimization.md | 138 ++++++ docs/concepts/pipelines.md | 60 +++ docs/examples/annotating-legal-documents.md | 0 .../examples/characterizing-troll-behavior.md | 0 docs/examples/mining-product-reviews.md | 0 docs/execution/defining-pipelines.md | 0 docs/execution/optimizing-pipelines.md | 0 docs/execution/running-pipelines.md | 0 docs/index.md | 30 ++ docs/installation.md | 66 +++ docs/operators/equijoin.md | 0 docs/operators/filter.md | 0 docs/operators/gather.md | 0 docs/operators/map.md | 189 ++++++++ docs/operators/reduce.md | 200 +++++++++ docs/operators/resolve.md | 113 +++++ docs/operators/split.md | 189 ++++++++ docs/tutorial.md | 215 +++++++++ mkdocs.yml | 123 +++++ poetry.lock | 424 +++++++++++++++++- pyproject.toml | 6 + tests/test_synth_gather.py | 2 + vercel.json | 7 + workloads/medical/extracted_medical_info.json | 174 +++---- workloads/medical/map.yaml | 16 +- 40 files changed, 2149 insertions(+), 156 deletions(-) create mode 100644 docs/advanced/custom-operators.md create mode 100644 docs/advanced/extending-agents.md create mode 100644 docs/advanced/performance-tuning.md create mode 100644 docs/api-reference/docetl.md create mode 100644 docs/api-reference/operations.md create mode 100644 docs/api-reference/optimizers.md create mode 100644 docs/community.md create mode 100644 docs/concepts/interface.md create mode 100644 docs/concepts/operators.md create mode 100644 docs/concepts/optimization.md create mode 100644 docs/concepts/pipelines.md create mode 100644 docs/examples/annotating-legal-documents.md create mode 100644 docs/examples/characterizing-troll-behavior.md create mode 100644 docs/examples/mining-product-reviews.md create mode 100644 docs/execution/defining-pipelines.md create mode 100644 docs/execution/optimizing-pipelines.md create mode 100644 docs/execution/running-pipelines.md create mode 100644 docs/index.md create mode 100644 docs/installation.md create mode 100644 docs/operators/equijoin.md create mode 100644 docs/operators/filter.md create mode 100644 docs/operators/gather.md create mode 100644 docs/operators/map.md create mode 100644 docs/operators/reduce.md create mode 100644 docs/operators/resolve.md create mode 100644 docs/operators/split.md create mode 100644 docs/tutorial.md create mode 100644 mkdocs.yml create mode 100644 vercel.json diff --git a/README.md b/README.md index df2aab53..e4fe76c2 100644 --- a/README.md +++ b/README.md @@ -480,7 +480,7 @@ Example of a reduce operation with value sampling: enabled: true method: cluster sample_size: 50 - embedding_model: text-embedding-ada-002 + embedding_model: text-embedding-3-small embedding_keys: - name - price @@ -609,7 +609,7 @@ Example: blocking_keys: - record blocking_threshold: 0.8 - embedding_model: text-embedding-ada-002 + embedding_model: text-embedding-3-small resolution_model: gpt-4o-mini comparison_model: gpt-4o-mini ``` diff --git a/docetl/__init__.py b/docetl/__init__.py index e69de29b..3dc1f76b 100644 --- a/docetl/__init__.py +++ b/docetl/__init__.py @@ -0,0 +1 @@ +__version__ = "0.1.0" diff --git a/docetl/builder.py b/docetl/builder.py index e4062076..ed282da1 100644 --- a/docetl/builder.py +++ b/docetl/builder.py @@ -709,7 +709,7 @@ def _optimize_step( ) if ( - not op_object.get("optimize", True) + not op_object.get("optimize", False) # Default don't optimize or op_object.get("type") not in SUPPORTED_OPS ): # If optimize is False or operation type is not supported, just use the operation without optimization diff --git a/docetl/cli.py b/docetl/cli.py index b04b3ea5..49ce3122 100644 --- a/docetl/cli.py +++ b/docetl/cli.py @@ -73,5 +73,15 @@ def clear_cache(): cc() +@app.command() +def version(): + """ + Display the current version of DocETL. + """ + import docetl + + typer.echo(f"DocETL version: {docetl.__version__}") + + if __name__ == "__main__": app() diff --git a/docetl/operations/resolve.py b/docetl/operations/resolve.py index 9b427e1d..dfdbb078 100644 --- a/docetl/operations/resolve.py +++ b/docetl/operations/resolve.py @@ -6,6 +6,8 @@ from typing import Any, Dict, List, Tuple import random +import numpy as np + import jinja2 from jinja2 import Template from docetl.utils import completion_cost @@ -291,17 +293,16 @@ def meets_blocking_conditions(pair): else float("inf") ) if remaining_comparisons > 0 and blocking_threshold is not None: + # Compute cosine similarity for all pairs at once + all_embeddings = np.array([embeddings[i] for i in range(len(input_data))]) + similarity_matrix = cosine_similarity(all_embeddings) + cosine_pairs = [] for i, j in all_pairs: if (i, j) not in blocked_pairs and find_cluster(i) != find_cluster(j): - try: - similarity = cosine_similarity( - [embeddings[i]], [embeddings[j]] - )[0][0] - if similarity >= blocking_threshold: - cosine_pairs.append((i, j, similarity)) - except Exception as e: - self.console.log(f"Error comparing pair {i} and {j}: {e}") + similarity = similarity_matrix[i, j] + if similarity >= blocking_threshold: + cosine_pairs.append((i, j, similarity)) if remaining_comparisons != float("inf"): cosine_pairs.sort(key=lambda x: x[2], reverse=True) diff --git a/docetl/operations/utils.py b/docetl/operations/utils.py index 8876a842..d5f63926 100644 --- a/docetl/operations/utils.py +++ b/docetl/operations/utils.py @@ -6,6 +6,7 @@ import threading from concurrent.futures import as_completed from typing import Any, Callable, Dict, Iterable, List, Optional, Tuple, Union +from openai import OpenAI from dotenv import load_dotenv from frozendict import frozendict @@ -17,6 +18,7 @@ from diskcache import Cache import tiktoken from rich import print as rprint +from pydantic import BaseModel, create_model from docetl.utils import count_tokens @@ -28,6 +30,8 @@ LLM_CACHE_DIR = os.path.join(DOCETL_HOME_DIR, "llm_cache") cache = Cache(LLM_CACHE_DIR) +client = OpenAI() + def freezeargs(func): """ @@ -150,6 +154,49 @@ def clear_cache(console: Console = Console()): console.log(f"[bold red]Error clearing cache: {str(e)}[/bold red]") +def create_dynamic_model(schema: Dict[str, Any], model_name: str = "DynamicModel"): + fields = {} + + def process_schema(s: Dict[str, Any], prefix: str = "") -> None: + for key, value in s.items(): + field_name = f"{prefix}__{key}" if prefix else key + if isinstance(value, dict): + process_schema(value, field_name) + else: + fields[field_name] = parse_type(value, field_name) + + def parse_type(type_str: str, field_name: str) -> tuple: + type_str = type_str.strip().lower() + if type_str in ["str", "text", "string", "varchar"]: + return (str, ...) + elif type_str in ["int", "integer"]: + return (int, ...) + elif type_str in ["float", "decimal", "number"]: + return (float, ...) + elif type_str in ["bool", "boolean"]: + return (bool, ...) + elif type_str.startswith("list["): + inner_type = type_str[5:-1].strip() + item_type = parse_type(inner_type, f"{field_name}_item")[0] + return (List[item_type], ...) + elif type_str == "list": + return (List[Any], ...) + elif type_str.startswith("{") and type_str.endswith("}"): + subfields = {} + for item in type_str[1:-1].split(","): + sub_key, sub_type = item.strip().split(":") + subfields[sub_key.strip()] = parse_type( + sub_type.strip(), f"{field_name}_{sub_key}" + ) + SubModel = create_model(f"{model_name}_{field_name}", **subfields) + return (SubModel, ...) + else: + return (Any, ...) + + process_schema(schema) + return create_model(model_name, **fields) + + def convert_val(value: Any) -> Dict[str, Any]: """ Convert a string representation of a type to a dictionary representation. @@ -419,19 +466,20 @@ def call_llm_with_cache( parameters["required"] = list(props.keys()) parameters["additionalProperties"] = False - tools = [ - { - "type": "function", - "function": { - "name": "write_output", - "description": "Write processing output to a database", - "strict": True, - "parameters": parameters, - "additionalProperties": False, - }, - } - ] - tool_choice = {"type": "function", "function": {"name": "write_output"}} + response_format = { + "type": "json_schema", + "json_schema": { + "name": "write_output", + "description": "Write task output to a database", + "strict": True, + "schema": parameters, + # "additionalProperties": False, + }, + } + + tools = [] + # tool_choice = {"type": "function", "function": {"name": "write_output"}} + tool_choice = "auto" else: tools = json.loads(tools) @@ -439,8 +487,9 @@ def call_llm_with_cache( "required" if any(tool.get("required", False) for tool in tools) else "auto" ) tools = [{"type": "function", "function": tool["function"]} for tool in tools] + response_format = None - system_prompt = f"You are a helpful assistant, intelligently processing data. This is a {op_type} operation." + system_prompt = f"You are a helpful assistant, intelligently processing data. This is a {op_type} operation. You will perform the task on the user-provided data and write the output to a database." if scratchpad: system_prompt += f"\n\nYou are incrementally processing data across multiple batches. Your task is to {op_type} the data. Consider what intermediate state you need to maintain between batches to accomplish this task effectively.\n\nYour current scratchpad contains: {scratchpad}\n\nAs you process each batch, update your scratchpad with information crucial for processing subsequent batches. This may include partial results, counters, or any other relevant data that doesn't fit into {output_schema.keys()}. For example, if you're counting occurrences, track items that have appeared once.\n\nKeep your scratchpad concise (~500 chars) and use a format you can easily parse in future batches. You may use bullet points, key-value pairs, or any other clear structure." messages = json.loads(messages) @@ -448,18 +497,31 @@ def call_llm_with_cache( # Truncate messages if they exceed the model's context length messages = truncate_messages(messages, model) - response = completion( - model=model, - messages=[ - { - "role": "system", - "content": system_prompt, - }, - ] - + messages, - tools=tools, - tool_choice=tool_choice, - ) + if response_format is None: + response = completion( + model=model, + messages=[ + { + "role": "system", + "content": system_prompt, + }, + ] + + messages, + tools=tools, + tool_choice=tool_choice, + ) + else: + response = completion( + model=model, + messages=[ + { + "role": "system", + "content": system_prompt, + }, + ] + + messages, + response_format=response_format, + ) return response @@ -612,22 +674,20 @@ def call_llm_with_gleaning( messages.append({"role": "user", "content": improvement_prompt}) # Call LLM for improvement + # TODO: support gleaning and tools response = completion( model=model, messages=truncate_messages(messages, model), - tools=[ - { - "type": "function", - "function": { - "name": "write_output", - "description": "Write processing output to a database", - "strict": True, - "parameters": parameters, - "additionalProperties": False, - }, - } - ], - tool_choice={"type": "function", "function": {"name": "write_output"}}, + response_format={ + "type": "json_schema", + "json_schema": { + "name": "write_output", + "description": "Write processing output to a database", + "strict": True, + "schema": parameters, + # "additionalProperties": False, + }, + }, ) # Update messages with the new response @@ -682,16 +742,20 @@ def parse_llm_response( results.append(function_args) return results else: - # Default behavior for write_output function - tool_calls = response.choices[0].message.tool_calls - outputs = [] - for tool_call in tool_calls: - if tool_call.function.name == "write_output": - try: - outputs.append(json.loads(tool_call.function.arguments)) - except json.JSONDecodeError: - return [{}] - return outputs + if "tool_calls" in response.choices[0].message: + # Default behavior for write_output function + tool_calls = response.choices[0].message.tool_calls + outputs = [] + for tool_call in tool_calls: + if tool_call.function.name == "write_output": + try: + outputs.append(json.loads(tool_call.function.arguments)) + except json.JSONDecodeError: + return [{}] + return outputs + + else: + return [json.loads(response.choices[0].message.content)] # message = response.choices[0].message # return [json.loads(message.content)] diff --git a/docs/advanced/custom-operators.md b/docs/advanced/custom-operators.md new file mode 100644 index 00000000..e69de29b diff --git a/docs/advanced/extending-agents.md b/docs/advanced/extending-agents.md new file mode 100644 index 00000000..e69de29b diff --git a/docs/advanced/performance-tuning.md b/docs/advanced/performance-tuning.md new file mode 100644 index 00000000..e69de29b diff --git a/docs/api-reference/docetl.md b/docs/api-reference/docetl.md new file mode 100644 index 00000000..e69de29b diff --git a/docs/api-reference/operations.md b/docs/api-reference/operations.md new file mode 100644 index 00000000..e69de29b diff --git a/docs/api-reference/optimizers.md b/docs/api-reference/optimizers.md new file mode 100644 index 00000000..e69de29b diff --git a/docs/community.md b/docs/community.md new file mode 100644 index 00000000..e69de29b diff --git a/docs/concepts/interface.md b/docs/concepts/interface.md new file mode 100644 index 00000000..e69de29b diff --git a/docs/concepts/operators.md b/docs/concepts/operators.md new file mode 100644 index 00000000..d4d4d90b --- /dev/null +++ b/docs/concepts/operators.md @@ -0,0 +1,157 @@ +# Operators + +Operators in docetl are powerful tools designed for processing unstructured data. They form the building blocks of data processing pipelines, allowing you to transform, analyze, and manipulate datasets efficiently. + +## Overview + +- Datasets contain documents, where a document is an object in the JSON list, with fields and values. +- docetl provides several operators, each tailored for specific unstructured data processing tasks. +- By default, operations are parallelized on your data using multithreading for improved performance. + +## Common Attributes + +All operators share some common attributes: + +- `name`: A unique identifier for the operator. +- `type`: Specifies the type of operation (e.g., "map", "reduce", "filter"). + +LLM-based operators have additional attributes: + +- `prompt`: A Jinja2 template that defines the instruction for the language model. +- `output`: Specifies the schema for the output from the LLM call. +- `model` (optional): Allows specifying a different model from the pipeline default. + +Example: + +```yaml +- name: extract_insights + type: map + model: gpt-4o + prompt: | + Analyze the following user interaction log: + {{ input.log }} + + Extract 2-3 main insights from this log, each being 1-2 words, to help inform future product development. Consider any difficulties or pain points the user may have had. Also provide 1-2 supporting actions for each insight. + Return the results as a list of dictionaries, each containing 'insight' and 'supporting_actions' keys. + output: + schema: + insights: "list[{insight: string, supporting_actions: list[string]}]" +``` + +## Input and Output + +Prompts can reference any fields in the data, including: + +- Original fields from the input data. +- Fields synthesized by previous operations in the pipeline. + +For map operations, you can only reference `input`, but in reduce operations, you can reference `inputs` (since it's a list of inputs). + +Example: + +```yaml +prompt: | + Summarize the user behavior insights for the country: {{ inputs[0].country }} + + Insights and supporting actions: + {% for item in inputs %} + - Insight: {{ item.insight }} + Supporting actions: + {% for action in item.supporting_actions %} + - {{ action }} + {% endfor %} + {% endfor %} +``` + +!!! question "What happens if the input is too long?" + + When the input data exceeds the token limit of the LLM, docetl automatically truncates tokens from the middle of the data to make it fit in the prompt. This approach preserves the beginning and end of the input, which often contain crucial context. + + A warning is displayed whenever truncation occurs, alerting you to potential loss of information: + + ``` + WARNING: Input exceeded token limit. Truncated 500 tokens from the middle of the input. + ``` + + If you frequently encounter this warning, consider using docetl's optimizer or breaking down your input yourself into smaller chunks to handle large inputs more effectively. + +## Output Schema + +The `output` attribute defines the structure of the LLM's response. It supports various data types: + +- `string` (or `str`, `text`, `varchar`): For text data +- `integer` (or `int`): For whole numbers +- `number` (or `float`, `decimal`): For decimal numbers +- `boolean` (or `bool`): For true/false values +- `list`: For arrays or sequences of items +- Complex types: Use compact notation for nested structures + +Example: + +```yaml +output: + schema: + insights: "list[{insight: string, supporting_actions: string}]" + detailed_summary: string +``` + +!!! tip "Keep Output Types Simple" + + It's recommended to keep output types as simple as possible. Complex nested structures may be difficult for the LLM to consistently produce, potentially leading to parsing errors. The structured output feature works best with straightforward schemas. If you need complex data structures, consider breaking them down into multiple simpler operations. + + For example, instead of: + ```yaml + output: + schema: + insights: "list[{insight: string, supporting_actions: list[{action: string, priority: integer}]}]" + ``` + + Consider: + ```yaml + output: + schema: + insights: "list[{insight: string, supporting_actions: string}]" + ``` + + And then use a separate operation to further process the supporting actions if needed. + +## Validation + +Validation is a first-class citizen in docetl, ensuring the quality and correctness of processed data. + +### Basic Validation + +LLM-based operators can include a `validate` field, which accepts a list of Python statements: + +```yaml +validate: + - len(output["insights"]) >= 2 + - all(len(insight["supporting_actions"]) >= 1 for insight in output["insights"]) +``` + +Access variables using dictionary syntax: `input["field"]` or `output["field"]`. + +The `num_retries_on_validate_failure` attribute specifies how many times to retry the LLM if any validation statements fail. + +### Advanced Validation: Gleaning + +Gleaning is an advanced validation technique that uses LLM-based validators to refine outputs iteratively. + +To enable gleaning, specify: + +- `validation_prompt`: Instructions for the LLM to evaluate and improve the output. +- `num_rounds`: The maximum number of refinement iterations. + +Example: + +```yaml +gleaning: + num_rounds: 1 + validation_prompt: | + Evaluate the extraction for completeness and relevance: + 1. Are all key user behaviors and pain points from the log addressed in the insights? + 2. Are the supporting actions practical and relevant to the insights? + 3. Is there any important information missing or any irrelevant information included? +``` + +This approach allows for _context-aware_ validation and refinement of LLM outputs. Note that it is expensive, since it at least doubles the number of LLM calls required for each operator. diff --git a/docs/concepts/optimization.md b/docs/concepts/optimization.md new file mode 100644 index 00000000..a111c70a --- /dev/null +++ b/docs/concepts/optimization.md @@ -0,0 +1,138 @@ +# Optimization + +In the world of data processing and analysis, finding the optimal pipeline for your task can be challenging. You might wonder: + +!!! question "Questions" + + - Will a single LLM call suffice for your task? + - Do you need to decompose your task or data further for better results? + +To address these questions and improve your pipeline's performance, docetl provides a powerful optimization feature. + +## The docetl Optimizer + +The docetl optimizer is designed to decompose operators (and sequences of operators) into their own subpipelines, potentially leading to higher accuracy. + +!!! example + + A map operation attempting to perform multiple tasks can be decomposed into separate map operations, ultimately improving overall accuracy. For example, consider a map operation on student survey responses that tries to: + + 1. Extract actionable suggestions for course improvement + 2. Identify potential interdisciplinary connections + + This could be optimized into two separate map operations: + + - Suggestion Extraction: + Focus solely on identifying concrete, actionable suggestions for improving the course. + + ```yaml + prompt: | + From this student survey response, extract any specific, actionable suggestions + for improving the course. If no suggestions are present, output 'No suggestions found.': + '{{ input.response }}' + ``` + + - Interdisciplinary Connection Analysis: + Analyze the response for mentions of concepts or ideas that could connect to other disciplines or courses. + + ```yaml + prompt: | + Identify any concepts or ideas in this student survey response that could have + interdisciplinary connections. For each connection, specify the related discipline or course: + '{{ input.response }}' + ``` + + By breaking these tasks into separate operations, each LLM call can focus on a specific aspect of the analysis. This specialization might lead to more accurate results, depending on the LLM, data, and nature of the task! + +### How It Works + +The docetl optimizer operates using the following mechanism: + +1. **Generation and Evaluation Agents**: These agents generate different plans for the pipeline according to predefined rewrite rules. Evaluation agents then compare plans and outputs to determine the best approach. + +2. **Operator Rewriting**: The optimizer looks through operators in your pipeline where you've set optimize: true, and attempts to rewrite them using predefined rules. + +3. **Output**: After optimization, docetl outputs a new YAML file representing the optimized pipeline. + +### Using the Optimizer + +You can invoke the optimizer using the following command: + +```bash +docetl build your_pipeline.yaml +``` + +This command will save the optimized pipeline to `your_pipeline_opt.yaml`. + +### Automatic Entity Resolution + +If you have a map-reduce pipeline where you're reducing on keys generated by the map call, you should consider using the optimizer. The optimizer can automatically synthesize a resolve operation for you, improving the efficiency and accuracy of your pipeline. + +## Example: Optimizing a Theme Extraction Pipeline + +Let's consider an example pipeline that extracts themes from student survey responses and then summarizes the responses for each theme. + +!!! example "Original Pipeline" + + Here's a simplified version of the pipeline focusing on the reduce operation: + + ```yaml + - name: summarize_themes + type: reduce + reduce_key: theme + prompt: | + Summarize the responses for the theme: {{ reduce_key }} + + Responses: + {% for item in inputs %} + - {{ item.response }} + {% endfor %} + + Provide a summary of the main points expressed about this theme. + output: + schema: + summary: string + ``` + +??? example "Optimized Pipeline" + + After optimization, the pipeline might include a resolve operation before the reduce: + + ```yaml + - name: resolve_themes + type: resolve + blocking_keys: + - theme + blocking_threshold: 0.8 + comparison_prompt: | + Compare the following two themes: + Theme 1: {{ input1.theme }} + Theme 2: {{ input2.theme }} + Are these themes similar enough to be merged? + resolution_prompt: | + Merge the following similar themes into a single, concise theme: + {% for theme in inputs %} + - {{ theme.theme }} + {% endfor %} + output: + schema: + theme: string + + - name: summarize_themes + type: reduce + reduce_key: theme + prompt: | + Summarize the responses for the theme: {{ reduce_key }} + + Responses: + {% for item in inputs %} + - {{ item.response }} + {% endfor %} + + Provide a summary of the main points expressed about this theme. + output: + schema: + summary: string + ``` + +This optimized version ensures that similar themes are merged before the summarization step, potentially leading to more coherent and accurate summaries. diff --git a/docs/concepts/pipelines.md b/docs/concepts/pipelines.md new file mode 100644 index 00000000..d03012db --- /dev/null +++ b/docs/concepts/pipelines.md @@ -0,0 +1,60 @@ +# Pipelines + +Pipelines in docetl are the core structures that define the flow of data processing. They orchestrate the application of operators to datasets, creating a seamless workflow for complex document processing tasks. + +## Components of a Pipeline + +A pipeline in docetl consists of three main components: + +1. **Default Model**: The language model to use for the pipeline. +2. **Datasets**: The input data sources for your pipeline. +3. **Operators**: The processing steps that transform your data. +4. **Pipeline Specification**: The sequence of steps and the output configuration. + +### Default Model + +You can set the default model for a pipeline in the YAML configuration file. If no model is specified at the operation level, the default model will be used. + +```yaml +default_model: gpt-4o-mini +``` + +### Datasets + +Datasets define the input data for your pipeline. They are collections of documents, where each document is an object in a JSON list. Datasets are typically specified in the YAML configuration file, indicating the type and path of the data source. For example: + +```yaml +datasets: + user_logs: + type: file + path: "user_logs.json" +``` + +### Operators + +Operators are the building blocks of your pipeline, defining the transformations and analyses to be performed on your data. They are detailed in the [Operators](/concepts/operators.md) documentation. Operators can include map, reduce, filter, and other types of operations. + +### Pipeline Specification + +The pipeline specification outlines the sequence of steps to be executed and the final output configuration. It typically includes: + +- Steps: The sequence of operations to be applied to the data. +- Output: The configuration for the final output of the pipeline. + +For example: + +```yaml +pipeline: + steps: + - name: analyze_user_logs + input: user_logs + operations: + - extract_insights + - unnest_insights + - summarize_by_country + output: + type: file + path: "country_summaries.json" +``` + +For a practical example of how these components come together, refer to the [Tutorial](tutorial.md), which demonstrates a complete pipeline for analyzing user behavior data. diff --git a/docs/examples/annotating-legal-documents.md b/docs/examples/annotating-legal-documents.md new file mode 100644 index 00000000..e69de29b diff --git a/docs/examples/characterizing-troll-behavior.md b/docs/examples/characterizing-troll-behavior.md new file mode 100644 index 00000000..e69de29b diff --git a/docs/examples/mining-product-reviews.md b/docs/examples/mining-product-reviews.md new file mode 100644 index 00000000..e69de29b diff --git a/docs/execution/defining-pipelines.md b/docs/execution/defining-pipelines.md new file mode 100644 index 00000000..e69de29b diff --git a/docs/execution/optimizing-pipelines.md b/docs/execution/optimizing-pipelines.md new file mode 100644 index 00000000..e69de29b diff --git a/docs/execution/running-pipelines.md b/docs/execution/running-pipelines.md new file mode 100644 index 00000000..e69de29b diff --git a/docs/index.md b/docs/index.md new file mode 100644 index 00000000..ebe0d757 --- /dev/null +++ b/docs/index.md @@ -0,0 +1,30 @@ +# docetl: A System for Complex Document Processing + +docetl is a powerful tool for creating and executing data processing pipelines, especially suited for complex document processing tasks. It offers a low-code, declarative YAML interface to define complex data operations on complex data. + +## Features + +- **Rich Suite of Operators**: Tailored for complex data processing, including specialized operators like "resolve" for entity resolution and "gather" for maintaining context when splitting documents. +- **Low-Code Interface**: Define your pipeline and prompts easily using YAML. You have 100% control over the prompts. +- **Flexible Processing**: Handle various document types and processing tasks across domains like law, medicine, and social sciences. +- **Optional Optimization**: Improve pipeline accuracy with agent-based rewriting and assessment if desired. + +## Getting Started + +To get started with docetl: + +1. Install the package (see [installation](installation.md) for detailed instructions) +2. Define your pipeline in a YAML file +3. Run your pipeline using the docetl command-line interface + +## Why Should I Use docetl? + +docetl is the ideal choice when you're looking to **maximize correctness and output quality** for complex tasks over a collection of documents or unstructured datasets. You should consider using docetl if: + +- You want to perform semantic processing on a collection of data +- You have complex tasks that you want to represent via map-reduce (e.g., map over your documents, then group by the result of your map call & reduce) +- You're unsure how to best express your task to maximize LLM accuracy +- You're working with long documents that don't fit into a single prompt or are too lengthy for effective LLM reasoning +- You have validation criteria and want tasks to automatically retry when the validation fails + +docetl is particularly well-suited for complex document processing tasks. It excels in analyzing large corpora of legal documents, processing extensive medical records, conducting in-depth social science research, and investigating complex datasets in journalism. These scenarios benefit greatly from docetl's ability to handle intricate data processing workflows efficiently and accurately. diff --git a/docs/installation.md b/docs/installation.md new file mode 100644 index 00000000..dbc06dc1 --- /dev/null +++ b/docs/installation.md @@ -0,0 +1,66 @@ +# Installation + +DocETL can be easily installed using pip, Python's package installer, or from source. Follow these steps to get DocETL up and running on your system: + +## Prerequisites + +Before installing DocETL, ensure you have Python 3.10 or later installed on your system. You can check your Python version by running: + +```bash +python --version +``` + +## Installation via pip + +1. Install DocETL using pip: + +```bash +pip install docetl +``` + +This command will install DocETL along with its dependencies as specified in the pyproject.toml file. + +## Installation from Source + +To install DocETL from source, follow these steps: + +1. Clone the repository: + +```bash +git clone https://github.com/shreyashankar/docetl.git +cd docetl +``` + +2. Install Poetry (if not already installed): + +```bash +pip install poetry +``` + +3. Install the project dependencies and DocETL: + +```bash +poetry install +``` + +This will create a virtual environment and install all the required dependencies. + +## Verifying the Installation + +To verify that DocETL has been installed correctly, you can run the following command in your terminal: + +```bash +docetl version +``` + +If the installation was successful, this command will display the version of DocETL installed on your system. + +## Troubleshooting + +If you encounter any issues during installation, please ensure that: + +- Your Python version is 3.10 or later +- You have the latest version of pip installed +- Your system meets all the requirements specified in the pyproject.toml file + +For further assistance, please refer to the project's GitHub repository or reach out to the community for support. diff --git a/docs/operators/equijoin.md b/docs/operators/equijoin.md new file mode 100644 index 00000000..e69de29b diff --git a/docs/operators/filter.md b/docs/operators/filter.md new file mode 100644 index 00000000..e69de29b diff --git a/docs/operators/gather.md b/docs/operators/gather.md new file mode 100644 index 00000000..e69de29b diff --git a/docs/operators/map.md b/docs/operators/map.md new file mode 100644 index 00000000..5914d73d --- /dev/null +++ b/docs/operators/map.md @@ -0,0 +1,189 @@ +# Map Operation + +The Map operation in docetl is a powerful tool for transforming and analyzing data at scale. It applies a specified transformation to each item in your input data, allowing for complex processing and insight extraction from large, unstructured documents. + +## 🚀 Example: Analyzing Long-Form News Articles + +Let's see a practical example of using the Map operation to analyze long-form news articles, extracting key information and generating insights. + +```yaml +- name: analyze_news_article + type: map + prompt: | + Analyze the following news article: + "{{ input.article }}" + + Provide the following information: + 1. Main topic (1-3 words) + 2. Summary (2-3 sentences) + 3. Key entities mentioned (list up to 5, with brief descriptions) + 4. Sentiment towards the main topic (positive, negative, or neutral) + 5. Potential biases or slants in reporting (if any) + 6. Relevant categories (e.g., politics, technology, environment; list up to 3) + 7. Credibility score (1-10, where 10 is highly credible) + + output: + schema: + main_topic: string + summary: string + key_entities: list[object] + sentiment: string + biases: list[string] + categories: list[string] + credibility_score: integer + + model: gpt-4-turbo + validate: + - len(output["main_topic"].split()) <= 3 + - len(output["key_entities"]) <= 5 + - output["sentiment"] in ["positive", "negative", "neutral"] + - len(output["categories"]) <= 3 + - 1 <= output["credibility_score"] <= 10 + num_retries_on_validate_failure: 2 +``` + +This Map operation processes long-form news articles to extract valuable insights: + +1. Identifies the main topic of the article. +2. Generates a concise summary. +3. Extracts key entities (people, organizations, locations) mentioned in the article. +4. Analyzes the overall sentiment towards the main topic. +5. Identifies potential biases or slants in the reporting. +6. Categorizes the article into relevant topics. +7. Assigns a credibility score based on the content and sources. + +The operation includes validation to ensure the output meets our expectations and will retry up to 2 times if validation fails. + +??? example "Sample Input and Output" + + Input: + ```json + [ + { + "article": "In a groundbreaking move, the European Union announced yesterday a comprehensive plan to transition all member states to 100% renewable energy by 2050. The ambitious proposal, dubbed 'Green Europe 2050', aims to completely phase out fossil fuels and nuclear power across the continent. + + European Commission President Ursula von der Leyen stated, 'This is not just about fighting climate change; it's about securing Europe's energy independence and economic future.' The plan includes massive investments in solar, wind, and hydroelectric power, as well as significant funding for research into new energy storage technologies. + + However, the proposal has faced criticism from several quarters. Some Eastern European countries, particularly Poland and Hungary, argue that the timeline is too aggressive and could damage their economies, which are still heavily reliant on coal. Industry groups have also expressed concern about the potential for job losses in the fossil fuel sector. + + Environmental groups have largely praised the initiative, with Greenpeace calling it 'a beacon of hope in the fight against climate change.' However, some activists argue that the 2050 target is not soon enough, given the urgency of the climate crisis. + + The plan also includes provisions for a 'just transition,' with billions of euros allocated to retraining workers and supporting regions that will be most affected by the shift away from fossil fuels. Additionally, it proposes stricter energy efficiency standards for buildings and appliances, and significant investments in public transportation and electric vehicle infrastructure. + + Experts are divided on the feasibility of the plan. Dr. Maria Schmidt, an energy policy researcher at the University of Berlin, says, 'While ambitious, this plan is achievable with the right political will and technological advancements.' However, Dr. John Smith from the London School of Economics warns, 'The costs and logistical challenges of such a rapid transition should not be underestimated.' + + As the proposal moves forward for debate in the European Parliament, it's clear that 'Green Europe 2050' will be a defining issue for the continent in the coming years, with far-reaching implications for Europe's economy, environment, and global leadership in climate action." + } + ] + ``` + + Output: + ```json + [ + { + "main_topic": "EU Renewable Energy", + "summary": "The European Union has announced a plan called 'Green Europe 2050' to transition all member states to 100% renewable energy by 2050. The ambitious proposal aims to phase out fossil fuels and nuclear power, invest in renewable energy sources, and includes provisions for a 'just transition' to support affected workers and regions.", + "key_entities": [ + { + "name": "European Union", + "description": "Political and economic union of 27 member states" + }, + { + "name": "Ursula von der Leyen", + "description": "European Commission President" + }, + { + "name": "Poland", + "description": "Eastern European country critical of the plan" + }, + { + "name": "Hungary", + "description": "Eastern European country critical of the plan" + }, + { + "name": "Greenpeace", + "description": "Environmental organization supporting the initiative" + } + ], + "sentiment": "positive", + "biases": [ + "Slight bias towards environmental concerns over economic impacts", + "More emphasis on supportive voices than critical ones" + ], + "categories": [ + "Environment", + "Politics", + "Economy" + ], + "credibility_score": 8 + } + ] + ``` + +This example demonstrates how the Map operation can transform long, unstructured news articles into structured, actionable insights. These insights can be used for various purposes such as trend analysis, policy impact assessment, and public opinion monitoring. + +## Required Parameters + +- `name`: A unique name for the operation. +- `type`: Must be set to "map". +- `prompt`: The prompt template to use for the transformation. Access input variables with `input.keyname`. +- `output`: Schema definition for the output from the LLM. + +## Optional Parameters + +| Parameter | Description | Default | +| --------------------------------- | -------------------------------------------------------------- | ----------------------------- | +| `model` | The language model to use | Falls back to `default_model` | +| `optimize` | Flag to enable operation optimization | `True` | +| `recursively_optimize` | Flag to enable recursive optimization | `false` | +| `sample_size` | Number of samples to use for the operation | Processes all data | +| `tools` | List of tool definitions for LLM use | None | +| `validate` | List of Python expressions to validate the output | None | +| `num_retries_on_validate_failure` | Number of retry attempts on validation failure | 0 | +| `gleaning` | Configuration for advanced validation and LLM-based refinement | None | + +!!! info "Validation and Gleaning" + + For more details on validation techniques and implementation, see [operators](../concepts/operators.md#validation). + +## Advanced Features + +### Tool Use + +Tools can extend the capabilities of the Map operation. Each tool is a Python function that can be called by the LLM during execution, and follows the [OpenAI Function Calling API](https://platform.openai.com/docs/guides/function-calling). + +??? example "Tool Definition Example" + + ```yaml + tools: + - required: true + code: | + def count_words(text): + return {"word_count": len(text.split())} + function: + name: count_words + description: Count the number of words in a text string. + parameters: + type: object + properties: + text: + type: string + required: + - text + ``` + +!!! warning + + Tool use and gleaning cannot be used simultaneously. + +### Input Truncation + +If the input doesn't fit within the token limit, docetl automatically truncates tokens from the middle of the input data, preserving the beginning and end which often contain more important context. A warning is displayed when truncation occurs. + +## Best Practices + +1. **Clear Prompts**: Write clear, specific prompts that guide the LLM to produce the desired output. +2. **Robust Validation**: Use validation to ensure output quality and consistency. +3. **Appropriate Model Selection**: Choose the right model for your task, balancing performance and cost. +4. **Optimize for Scale**: For large datasets, consider using `sample_size` to test your operation before running on the full dataset. +5. **Use Tools Wisely**: Leverage tools for complex calculations or operations that the LLM might struggle with. You can write any Python code in the tools, so you can even use tools to call other APIs or search the internet. diff --git a/docs/operators/reduce.md b/docs/operators/reduce.md new file mode 100644 index 00000000..1fe44533 --- /dev/null +++ b/docs/operators/reduce.md @@ -0,0 +1,200 @@ +# Reduce Operation + +The Reduce operation in docetl is a powerful tool for aggregating data based on a key. It supports both batch reduction and incremental folding for large datasets, making it versatile for various data processing tasks. + +## Motivation + +Reduce operations are essential when you need to summarize or aggregate data across multiple records. For example, you might want to: + +- Analyze sentiment trends across social media posts +- Consolidate patient medical records from multiple visits +- Synthesize key findings from a set of research papers on a specific topic + +## 🚀 Example: Summarizing Customer Feedback + +Let's look at a practical example of using the Reduce operation to summarize customer feedback by department: + +```yaml +- name: summarize_feedback + type: reduce + reduce_key: department + prompt: | + Summarize the customer feedback for the {{ inputs[0].department }} department: + + {% for item in inputs %} + Feedback {{ loop.index }}: {{ item.feedback }} + {% endfor %} + + Provide a concise summary of the main points and overall sentiment. + output: + schema: + summary: string + sentiment: string +``` + +This Reduce operation processes customer feedback grouped by department: + +1. Groups all feedback entries by the 'department' key. +2. For each department, it applies the prompt to summarize the feedback and determine overall sentiment. +3. Outputs a summary and sentiment for each department. + +## Configuration + +### Required Parameters + +- `type`: Must be set to "reduce". +- `reduce_key`: The key (or list of keys) to use for grouping data. +- `prompt`: The prompt template to use for the reduction operation. +- `output`: Schema definition for the output from the LLM. + +### Optional Parameters + +| Parameter | Description | Default | +| -------------------- | ------------------------------------------------------------------------------- | --------------------------- | +| `synthesize_resolve` | If false, won't synthesize a resolve operation between map and reduce | true | +| `model` | The language model to use | Falls back to default_model | +| `input` | Specifies the schema or keys to subselect from each item | All keys from input items | +| `pass_through` | If true, non-input keys from the first item in the group will be passed through | false | +| `associative` | If true, the reduce operation is associative (i.e., order doesn't matter) | true | +| `fold_prompt` | A prompt template for incremental folding | None | +| `fold_batch_size` | Number of items to process in each fold operation | None | +| `value_sampling` | A dictionary specifying the sampling strategy for large groups | None | + +## Advanced Features + +### Incremental Folding + +For large datasets, the Reduce operation supports incremental folding. This allows processing of large groups in smaller batches, which can be more efficient and reduce memory usage. + +To enable incremental folding, provide a `fold_prompt` and `fold_batch_size`: + +```yaml +- name: large_data_reduce + type: reduce + reduce_key: category + prompt: | + Summarize the data for category {{ inputs[0].category }}: + {% for item in inputs %} + Item {{ loop.index }}: {{ item.data }} + {% endfor %} + fold_prompt: | + Combine the following summaries for category {{ inputs[0].category }}: + Current summary: {{ output.summary }} + New data: + {% for item in inputs %} + Item {{ loop.index }}: {{ item.data }} + {% endfor %} + fold_batch_size: 100 + output: + schema: + summary: string +``` + +#### Example Rendered Prompt + +!!! example "Rendered Reduce Prompt" + + Let's consider an example of how a reduce operation prompt might look when rendered with actual data. Assume we have a reduce operation that summarizes product reviews, and we're processing reviews for a product with ID "PROD123". Here's what the rendered prompt might look like: + + ``` + Summarize the reviews for product PROD123: + + Review 1: This laptop is amazing! The battery life is incredible, lasting me a full day of work without needing to charge. The display is crisp and vibrant, perfect for both work and entertainment. The only minor drawback is that it can get a bit warm during intensive tasks. + + Review 2: I'm disappointed with this purchase. While the laptop looks sleek, its performance is subpar. It lags when running multiple applications, and the fan noise is quite noticeable. On the positive side, the keyboard is comfortable to type on. + + Review 3: Decent laptop for the price. It handles basic tasks well, but struggles with more demanding software. The build quality is solid, and I appreciate the variety of ports. Battery life is average, lasting about 6 hours with regular use. + + Review 4: Absolutely love this laptop! It's lightweight yet powerful, perfect for my needs as a student. The touchpad is responsive, and the speakers produce surprisingly good sound. My only wish is that it had a slightly larger screen. + + Review 5: Mixed feelings about this product. The speed and performance are great for everyday use and light gaming. However, the webcam quality is poor, which is a letdown for video calls. The design is sleek, but the glossy finish attracts fingerprints easily. + ``` + + This example shows how the prompt template is filled with actual review data for a specific product. The language model would then process this prompt to generate a summary of the reviews for the product. + +### Scratchpad Technique + +When doing an incremental reduce, the task may require intermediate state that is not represented in the output. For example, if the task is to determine all features more than one person liked about the product, we need some intermediate state to keep track of the features that have been liked once, so if we see the same feature liked again, we can update the output. DocETL maintains an internal "scratchpad" to handle this. + +#### How it works + +1. The process starts with an empty accumulator and an internal scratchpad. +2. It sequentially folds in batches of more than one element at a time. +3. The internal scratchpad tracks additional state necessary for accurately solving tasks incrementally. The LLM decides what to write to the scratchpad. +4. During each internal LLM call, the current scratchpad state is used along with the accumulated output and new inputs. +5. The LLM updates both the accumulated output and the internal scratchpad, which are used in the next fold operation. + +The scratchpad technique is handled internally by DocETL, allowing users to define complex reduce operations without worrying about the complexities of state management across batches. Users provide their reduce and fold prompts focusing on the desired output, while DocETL uses the scratchpad technique behind the scenes to ensure accurate tracking of trends and efficient processing of large datasets. + +### Value Sampling + +For very large groups, you can use value sampling to process a representative subset of the data. This can significantly reduce processing time and costs. + +The following table outlines the available value sampling methods: + +| Method | Description | +| ------------------- | ------------------------------------------------------- | +| random | Randomly select a subset of values | +| first_n | Select the first N values | +| cluster | Use K-means clustering to select representative samples | +| semantic_similarity | Select samples based on semantic similarity to a query | + +To enable value sampling, add a `value_sampling` configuration to your reduce operation. The configuration should specify the method, sample size, and any additional parameters required by the chosen method. + +!!! example "Value Sampling Configuration" + + ```yaml + - name: sampled_reduce + type: reduce + reduce_key: product_id + prompt: | + Summarize the reviews for product {{ inputs[0].product_id }}: + {% for item in inputs %} + Review {{ loop.index }}: {{ item.review }} + {% endfor %} + value_sampling: + enabled: true + method: cluster + sample_size: 50 + output: + schema: + summary: string + ``` + + In this example, the Reduce operation will use K-means clustering to select a representative sample of 50 reviews for each product_id. + +For semantic similarity sampling, you can use a query to select the most relevant samples. This is particularly useful when you want to focus on specific aspects of the data. + +!!! example "Semantic Similarity Sampling" + + ```yaml + - name: sampled_reduce_sem_sim + type: reduce + reduce_key: product_id + prompt: | + Summarize the reviews for product {{ inputs[0].product_id }}, focusing on comments about battery life and performance: + {% for item in inputs %} + Review {{ loop.index }}: {{ item.review }} + {% endfor %} + value_sampling: + enabled: true + method: sem_sim + sample_size: 30 + embedding_model: text-embedding-3-small + embedding_keys: + - review + query_text: "Battery life and performance" + output: + schema: + summary: string + ``` + + In this example, the Reduce operation will use semantic similarity to select the 30 reviews most relevant to battery life and performance for each product_id. This allows you to focus the summarization on specific aspects of the product reviews. + +## Best Practices + +1. **Choose Appropriate Keys**: Select `reduce_key`(s) that logically group your data for the desired aggregation. +2. **Design Effective Prompts**: Create prompts that clearly instruct the model on how to aggregate or summarize the grouped data. +3. **Consider Data Size**: For large datasets, use incremental folding and value sampling to manage processing efficiently. +4. **Optimize Your Pipeline**: Use `docetl build pipeline.yaml` to optimize your pipeline, which can introduce efficient merge operations and resolve steps if needed. +5. **Balance Precision and Efficiency**: When dealing with very large groups, consider using value sampling to process a representative subset of the data. diff --git a/docs/operators/resolve.md b/docs/operators/resolve.md new file mode 100644 index 00000000..20a0f489 --- /dev/null +++ b/docs/operators/resolve.md @@ -0,0 +1,113 @@ +# Resolve Operation + +The Resolve operation in docetl is a powerful tool for identifying and merging duplicate entities in your data. It's particularly useful when dealing with inconsistencies that can arise from LLM-generated content or data from multiple sources. + +## Motivation + +Map operations executed by LLMs may sometimes yield inconsistent results, even when referring to the same entity. For example, when extracting patient names from medical transcripts, you might end up with variations like "Mrs. Smith" and "Jane Smith" for the same person. In such cases, a Resolve operation on the `patient_name` field can help standardize patient names before conducting further analysis. + +## 🚀 Example: Standardizing Patient Names + +Let's see a practical example of using the Resolve operation to standardize patient names extracted from medical transcripts. + +```yaml +- name: standardize_patient_names + type: resolve + comparison_prompt: | + Compare the following two patient name entries: + + Patient 1: {{ input1.patient_name }} + Date of Birth 1: {{ input1.date_of_birth }} + + Patient 2: {{ input2.patient_name }} + Date of Birth 2: {{ input2.date_of_birth }} + + Are these entries likely referring to the same patient? Consider name similarity and date of birth. Respond with "True" if they are likely the same patient, or "False" if they are likely different patients. + resolution_prompt: | + Standardize the following patient name entries into a single, consistent format: + + {% for entry in inputs %} + Patient Name {{ loop.index }}: {{ entry.patient_name }} + {% endfor %} + + Provide a single, standardized patient name that represents all the matched entries. Use the format "LastName, FirstName MiddleInitial" if available. + output: + schema: + patient_name: string +``` + +This Resolve operation processes patient names to identify and standardize duplicates: + +1. Compares all pairs of patient names using the `comparison_prompt`. +2. For identified duplicates, it applies the `resolution_prompt` to generate a standardized name. + +Note: The prompt templates use Jinja2 syntax, allowing you to reference input fields directly (e.g., `input1.patient_name`). + +!!! warning "Performance Consideration" + + You should not run this operation as-is unless your dataset is small! Running O(n^2) comparisons with an LLM can be extremely time-consuming for large datasets. Instead, optimize your pipeline first using `docetl build pipeline.yaml` and run the optimized version, which will generate efficient blocking rules for the operation. + +## Blocking + +To improve efficiency, the Resolve operation supports "blocking" - a technique to reduce the number of comparisons by only comparing entries that are likely to be matches. docetl supports two types of blocking: + +1. Embedding similarity: Compare embeddings of specified fields and only process pairs above a certain similarity threshold. +2. Python conditions: Apply custom Python expressions to determine if a pair should be compared. + +Here's an example of a Resolve operation with blocking: + +```yaml +- name: standardize_patient_names + type: resolve + comparison_prompt: | + # (Same as previous example) + resolution_prompt: | + # (Same as previous example) + output: + schema: + patient_name: string + blocking_keys: + - last_name + - date_of_birth + blocking_threshold: 0.8 + blocking_conditions: + - "len(left['last_name']) > 0 and len(right['last_name']) > 0" + - "left['date_of_birth'] == right['date_of_birth']" +``` + +In this example, pairs will be considered for comparison if: + +- The embedding similarity of their `last_name` and `date_of_birth` fields is above 0.8, OR +- Both entries have non-empty `last_name` fields AND their `date_of_birth` fields match exactly. + +## Required Parameters + +- `type`: Must be set to "resolve". +- `comparison_prompt`: The prompt template to use for comparing potential matches. +- `resolution_prompt`: The prompt template to use for reducing matched entries. +- `output`: Schema definition for the output from the LLM. + +## Optional Parameters + +| Parameter | Description | Default | +| ---------------------- | --------------------------------------------------------------------------------- | ----------------------------- | +| `embedding_model` | The model to use for creating embeddings | Falls back to `default_model` | +| `resolution_model` | The language model to use for reducing matched entries | Falls back to `default_model` | +| `comparison_model` | The language model to use for comparing potential matches | Falls back to `default_model` | +| `blocking_keys` | List of keys to use for initial blocking | All keys in the input data | +| `blocking_threshold` | Embedding similarity threshold for considering entries as potential matches | None | +| `blocking_conditions` | List of conditions for initial blocking | [] | +| `input` | Specifies the schema or keys to subselect from each item to pass into the prompts | All keys from input items | +| `embedding_batch_size` | The number of entries to send to the embedding model at a time | 1000 | +| `compare_batch_size` | The number of entity pairs processed in each batch during the comparison phase | 100 | +| `limit_comparisons` | Maximum number of comparisons to perform | None | + +## Best Practices + +1. **Anticipate Resolve Needs**: If you anticipate needing a Resolve operation and want to control the prompts, create it in your pipeline and let the optimizer find the appropriate blocking rules and thresholds. +2. **Let the Optimizer Help**: The optimizer can detect if you need a Resolve operation (e.g., because there's a downstream reduce operation you're optimizing) and can create a Resolve operation with suitable prompts and blocking rules. +3. **Effective Comparison Prompts**: Design comparison prompts that consider all relevant factors for determining matches. +4. **Detailed Resolution Prompts**: Create resolution prompts that effectively standardize or combine information from matched records. +5. **Appropriate Model Selection**: Choose suitable models for embedding (if used) and language tasks. + +The Resolve operation is particularly useful for data cleaning, deduplication, and creating standardized records from multiple data sources. It can significantly improve data quality and consistency in your dataset. diff --git a/docs/operators/split.md b/docs/operators/split.md new file mode 100644 index 00000000..2a6c8230 --- /dev/null +++ b/docs/operators/split.md @@ -0,0 +1,189 @@ +# Split Operation + +The Split operation in docetl is designed to divide long text content into smaller, manageable chunks. This is particularly useful when dealing with large documents that exceed the token limit of language models or when the LLM's performance degrades with increasing input size for complex tasks. + +## Motivation + +Some common scenarios where the Split operation is valuable include: + +- Processing long customer support transcripts to analyze specific sections +- Dividing extensive research papers or reports for detailed analysis +- Breaking down large legal documents to extract relevant clauses or sections +- Preparing long-form content for summarization or topic extraction + +## 🚀 Example: Splitting Customer Support Transcripts + +Here's an example of using the Split operation to divide customer support transcripts into manageable chunks: + +```yaml +- name: split_transcript + type: split + split_key: transcript + method: token_count + method_kwargs: + token_count: 500 + model: gpt-4o-mini +``` + +This Split operation processes long customer support transcripts: + +1. Splits the 'transcript' field into chunks of approximately 500 tokens each. +2. Uses the gpt-4o-mini model's tokenizer for accurate token counting. +3. Generates multiple output items for each input item, one for each chunk. + +Note that chunks will not overlap in content. + +## Configuration + +### Required Parameters + +- `type`: Must be set to "split". +- `split_key`: The key of the field containing the text to split. +- `method`: The method to use for splitting. Options are "delimiter" and "token_count". +- `method_kwargs`: A dictionary of keyword arguments for the splitting method. + - For "delimiter" method: `delimiter` (string) to use for splitting. + - For "token_count" method: `token_count` (integer) specifying the maximum number of tokens per chunk. + +### Optional Parameters + +| Parameter | Description | Default | +| --------------------- | ------------------------------------------------------------------------------- | ----------------------------- | +| `model` | The language model's tokenizer to use | Falls back to `default_model` | +| `num_splits_to_group` | Number of splits to group together into one chunk (only for "delimiter" method) | 1 | + +### Splitting Methods + +#### Token Count Method + +The token count method splits the text into chunks based on a specified number of tokens. This is useful when you need to ensure that each chunk fits within the token limit of your language model, or you know that smaller chunks lead to higher performance. + +#### Delimiter Method + +The delimiter method splits the text based on a specified delimiter string. This is particularly useful when you want to split your text at logical boundaries, such as paragraphs or sections. + +!!! note "Delimiter Method Example" + + If you set the `delimiter` to `"\n\n"` (double newline) and `num_splits_to_group` to 3, each chunk will contain 3 paragraphs. + + ```yaml + - name: split_by_paragraphs + type: split + split_key: document + method: delimiter + method_kwargs: + delimiter: "\n\n" + num_splits_to_group: 3 + ``` + +## Output + +The Split operation generates multiple output items for each input item: + +- All original key-value pairs from the input item. +- `{split_key}_chunk`: The content of the split chunk. +- `{op_name}_id`: A unique identifier for each original document. +- `{op_name}_chunk_num`: The sequential number of the chunk within its original document. + +## Use Cases + +1. **Analyzing Customer Frustration**: + Split long support transcripts, then use a map operation to identify frustration indicators in each chunk, followed by a reduce operation to summarize frustration points across the chunks (per transcript). + +2. **Document Summarization**: + Split large documents, apply a map operation for section-wise summarization, then use a reduce operation to compile an overall summary. + +3. **Topic Extraction from Research Papers**: + Divide research papers into sections, use a map operation to extract key topics from each section, then apply a reduce operation to synthesize main themes across the entire paper. + +## Example: Analyzing Customer Frustration + +Let's walk through a complete example of using Split, Map, and Reduce operations to analyze customer frustration in support transcripts. + +### Step 1: Split Operation + +```yaml +- name: split_transcript + type: split + split_key: transcript + method: token_count + method_kwargs: + token_count: 500 + model: gpt-4o-mini +``` + +### Step 2: Map Operation (Identify Frustration Indicators) + +```yaml +- name: identify_frustration + type: map + input: + - transcript_chunk + prompt: | + Analyze the following customer support transcript chunk for signs of customer frustration: + + {{ input.transcript_chunk }} + + Identify any indicators of frustration, such as: + 1. Use of negative language + 2. Repetition of issues + 3. Expressions of dissatisfaction + 4. Requests for escalation + + Provide a list of frustration indicators found, if any. + output: + schema: + frustration_indicators: list[string] +``` + +### Step 3: Reduce Operation (Summarize Frustration Points) + +```yaml +- name: summarize_frustration + type: reduce + reduce_key: split_transcript_id + associative: false + prompt: | + Summarize the customer frustration points for this support transcript: + + {% for item in inputs %} + Chunk {{ item.split_transcript_chunk_num }}: + {% for indicator in item.frustration_indicators %} + - {{ indicator }} + {% endfor %} + {% endfor %} + + Provide a concise summary of the main frustration points and their frequency or intensity across the entire transcript. + output: + schema: + frustration_summary: string + primary_issues: list[string] + frustration_level: string # e.g., "low", "medium", "high" +``` + +!!! important "Non-Associative Reduce Operation" + + Note the `associative: false` parameter in the reduce operation. This is crucial when the order of the chunks matters for your analysis. It ensures that the reduce operation processes the chunks in the order they appear in the original transcript, which is often important for understanding the context and progression of customer frustration. + +### Explanation + +1. The **Split** operation divides long transcripts into 500-token chunks. +2. The **Map** operation analyzes each chunk for frustration indicators. +3. The **Reduce** operation combines the frustration indicators from all chunks of a transcript, summarizing the overall frustration points, primary issues, and assessing the overall frustration level. The `associative: false` setting ensures that the chunks are processed in their original order. + +This pipeline allows for detailed analysis of customer frustration in long support transcripts, which would be challenging to process in a single pass due to token limitations or degraded LLM performance on very long inputs. + +## Best Practices + +1. **Choose the Right Splitting Method**: Use the token count method when working with models that have strict token limits. Use the delimiter method when you need to split at logical boundaries in your text. + +2. **Balance Chunk Size**: When using the token count method, choose a chunk size that balances between context preservation and model performance. Smaller chunks may lose context, while larger chunks may degrade model performance. The \docetl optimizer can find the chunk size that works best for your task, if you choose to use the optimizer. + +3. **Consider Overlap**: In some cases, you might want to implement overlap between chunks to maintain context. This isn't built into the Split operation, but you can achieve it by post-processing the split chunks. + +4. **Use Appropriate Delimiters**: When using the delimiter method, choose a delimiter that logically divides your text. Common choices include double newlines for paragraphs, or custom markers for document sections. When using the delimiter method, adjust the `num_splits_to_group` parameter to create chunks that contain an appropriate amount of context for your task. + +5. **Mind the Order**: If the order of chunks matters for your analysis, always set `associative: false` in your subsequent reduce operations. + +6. **Optimize for Performance**: For very large documents, consider using a combination of delimiter and token count methods. First split into large sections using delimiters, then apply token count splitting to ensure no chunk exceeds model limits. + +By leveraging the Split operation effectively, you can process large documents efficiently and extract meaningful insights using subsequent map and reduce operations. diff --git a/docs/tutorial.md b/docs/tutorial.md new file mode 100644 index 00000000..506d2504 --- /dev/null +++ b/docs/tutorial.md @@ -0,0 +1,215 @@ +# Tutorial: Mining User Behavior Data with docetl + +This tutorial will guide you through the process of using docetl to analyze user behavior data from UI logs. We'll create a simple pipeline that extracts key insights and supporting actions from user logs, then summarizes them by country. + +## Installation + +First, let's install docetl. Follow the instructions in the [installation guide](installation.md) to set up docetl on your system. + +## Setting up API Keys + +docetl uses [LiteLLM](https://github.com/BerriAI/litellm) under the hood, which supports various LLM providers. For this tutorial, we'll use OpenAI, as docetl tests and existing pipelines are run with OpenAI. + +!!! tip "Setting up API Key" + + Set your OpenAI API key as an environment variable: + + ```bash + export OPENAI_API_KEY=your_api_key_here + ``` + + Alternatively, you can create a `.env` file in your project directory and add the following line: + + ``` + OPENAI_API_KEY=your_api_key_here + ``` + +## Preparing the Data + +Organize your user behavior data in a JSON file as a list of objects. Each object should have the following keys: "user_id", "country", and "log". The "log" field contains the user interaction logs. + +!!! example "Sample Data Structure" + + ```json + [ + { + "user_id": "user123", + "country": "USA", + "log": "[2023-06-15 09:15:23] User opened app\n[2023-06-15 09:16:05] User clicked on 'Products' tab\n[2023-06-15 09:16:30] User viewed product 'Laptop X'\n[2023-06-15 09:18:45] User added 'Laptop X' to cart\n[2023-06-15 09:19:10] User proceeded to checkout\n[2023-06-15 09:25:37] User completed purchase\n42333 more tokens..." + }, + { + "user_id": "user456", + "country": "Canada", + "log": "[2023-06-15 14:30:12] User launched app\n[2023-06-15 14:31:03] User searched for 'wireless headphones'\n[2023-06-15 14:32:18] User applied price filter\n[2023-06-15 14:33:00] User viewed product 'Headphone Y'\n[2023-06-15 14:38:22] User exited app without purchase\n13238 more tokens..." + } + ] + ``` + +Save this file as `user_logs.json` in your project directory. + +## Creating the Pipeline + +Now, let's create a docetl pipeline to analyze this data. We'll use a map-reduce-like approach: + +1. Map each user log to key insights and supporting actions +2. Unnest the insights +3. Reduce by country to summarize insights and identify common patterns + +Create a file named `pipeline.yaml` with the following structure: + +!!! abstract "Pipeline Structure" + + 1. **Define the dataset** + ```yaml + datasets: + user_logs: + type: file + path: "user_logs.json" + ``` + + 2. **Extract insights** (map operation) + ```yaml + - name: extract_insights + type: map + prompt: | + Analyze the following user interaction log: + {{ input.log }} + + Extract 2-3 main insights from this log, each being 1-2 words, to help inform future product development. Consider any difficulties or pain points the user may have had. Also provide 1-2 supporting actions for each insight. + Return the results as a list of dictionaries, each containing 'insight' and 'supporting_actions' keys. + output: + schema: + insights: "list[{insight: string, supporting_actions: string}]" + ``` + + 3. **Unnest insights** (unnest operation) + ```yaml + - name: unnest_insights + type: unnest + unnest_key: insights + recursive: true + ``` + + 4. **Summarize by country** (reduce operation) + ```yaml + - name: summarize_by_country + type: reduce + reduce_key: country + prompt: | + Summarize the user behavior insights for the country: {{ inputs[0].country }} + + Insights and supporting actions: + {% for item in inputs %} + - Insight: {{ item.insight }} + Supporting actions: + {% for action in item.supporting_actions %} + - {{ action }} + {% endfor %} + {% endfor %} + + Provide a summary of common insights and notable behaviors of users from this country. + output: + schema: + detailed_summary: string + ``` + + 5. **Define the pipeline steps** + ```yaml + pipeline: + steps: + - name: analyze_user_logs + input: user_logs + operations: + - extract_insights + - unnest_insights + - summarize_by_country + ``` + + 6. **Specify the output** + ```yaml + output: + type: file + path: "country_summaries.json" + ``` + +??? example "Full Pipeline Configuration" + + ````yaml + default_model: gpt-4o-mini + + datasets: + user_logs: + type: file + path: "user_logs.json" + + operations: + - name: extract_insights + type: map + prompt: | + Analyze the following user interaction log: + {{ input.log }} + + Extract 2-3 main insights from this log, each being 1-2 words, to help inform future product development. Consider any difficulties or pain points the user may have had. Also provide 1-2 supporting actions for each insight. + Return the results as a list of dictionaries, each containing 'insight' and 'supporting_actions' keys. + output: + schema: + insights: "list[{insight: string, supporting_actions: string}]" + + - name: unnest_insights + type: unnest + unnest_key: insights + recursive: true + + - name: summarize_by_country + type: reduce + reduce_key: country + prompt: | + Summarize the user behavior insights for the country: {{ inputs[0].country }} + + Insights and supporting actions: + {% for item in inputs %} + - Insight: {{ item.insight }} + Supporting actions: + {% for action in item.supporting_actions %} + - {{ action }} + {% endfor %} + {% endfor %} + + Provide a summary of common insights and notable behaviors of users from this country. + output: + schema: + detailed_summary: string + + pipeline: + steps: + - name: analyze_user_logs + input: user_logs + operations: + - extract_insights + - unnest_insights + - summarize_by_country + + output: + type: file + path: "country_summaries.json" + ``` + +## Running the Pipeline + +To execute the pipeline, run the following command in your terminal: + +```bash +docetl run pipeline.yaml +``` + +This will process the user logs, extract key insights and supporting actions, and generate summaries for each country, saving the results in `country_summaries.json`. + +## Further Questions + +??? question "What if I want to reduce by insights or an LLM-generated field?" + + You can modify the reduce operation to use any field as the reduce key, including LLM-generated fields from prior operations. Simply change the `reduce_key` in the `summarize_by_country` operation to the desired field. Note that we may need to perform entity resolution on the LLM-generated fields, which docetl can do for you in the optimization process (to be discussed later). + +??? question "How do I know what pipeline configuration to write? Can't I do this all in one map operation?" + + While it's possible to perform complex operations in a single map step, breaking down the process into multiple steps often leads to more maintainable and flexible pipelines. To learn more about optimizing your pipeline configuration, read on to discover docetl's optimizer, which can be invoked using `docetl build` instead of `docetl run`. diff --git a/mkdocs.yml b/mkdocs.yml new file mode 100644 index 00000000..110498f5 --- /dev/null +++ b/mkdocs.yml @@ -0,0 +1,123 @@ +site_name: docetl +site_url: https://docetl.com/docs +repo_url: https://github.com/shreyashankar/docetl +repo_name: shreyashankar/docetl +remote_branch: gh-pages +nav: + - Home: + - What is DocETL?: index.md + - Getting started: + - Installation: installation.md + - Tutorial: tutorial.md + - Core Concepts: + - Operators: concepts/operators.md + - Pipelines: concepts/pipelines.md + - Optimization: concepts/optimization.md + - Operators: + - Map: operators/map.md + - Resolve: operators/resolve.md + - Reduce: operators/reduce.md + - Split: operators/split.md + - Gather: operators/gather.md + - Filter: operators/filter.md + - Equijoin: operators/equijoin.md + - Execution: + - Defining Pipelines: execution/defining-pipelines.md + - Running Pipelines: execution/running-pipelines.md + - Optimizing Pipelines: execution/optimizing-pipelines.md + - Advanced Usage: + - Custom Operators: advanced/custom-operators.md + - Extending Optimizer Agents: advanced/extending-agents.md + - Performance Tuning: advanced/performance-tuning.md + - API Reference: + - docetl: api-reference/docetl.md + - docetl.operations: api-reference/operations.md + - docetl.optimizers: api-reference/optimizers.md + - Cookbook: + - Mining Product Reviews for Polarizing Features: examples/mining-product-reviews.md + - Annotating Legal Documents: examples/annotating-legal-documents.md + - Characterizing Troll Behavior on Wikipedia: examples/characterizing-troll-behavior.md + - Roadmap & Community: community.md + +theme: + name: material + icon: + logo: material/pipe + repo: fontawesome/brands/git-alt + favicon: images/logo.png + extra_files: + - images/ + palette: + # Palette toggle for automatic mode + - media: "(prefers-color-scheme)" + primary: "#002676" # Berkeley Blue + accent: "#FDB515" # California Gold + toggle: + icon: material/brightness-auto + name: Switch to light mode + + # Palette toggle for light mode + - media: "(prefers-color-scheme: light)" + primary: "#002676" # Berkeley Blue + accent: "#FDB515" # California Gold + scheme: default + toggle: + icon: material/brightness-7 + name: Switch to dark mode + + # Palette toggle for dark mode + - media: "(prefers-color-scheme: dark)" + primary: "#002676" # Berkeley Blue + accent: "#FDB515" # California Gold + scheme: slate + toggle: + icon: material/brightness-4 + name: Switch to system preference + font: + text: Inter + code: Source Code Pro + + features: + - navigation.instant + - navigation.instant.prefetch + - navigation.tracking + - navigation.expand + - navigation.path + - navigation.prune + - navigation.indexes + - navigation.top + - navigation.tabs + - navigation.tabs.sticky + - navigation.sections + - toc.follow + - navigation.footer + # - toc.integrate + - content.code.copy + - content.code.annotate + +plugins: + - search + - mkdocstrings + - autorefs + +markdown_extensions: + - abbr + - admonition + - def_list + - footnotes + - md_in_html + - tables + - pymdownx.snippets + - pymdownx.inlinehilite + - pymdownx.tabbed: + alternate_style: true + - pymdownx.superfences: + custom_fences: + - name: mermaid + class: mermaid + format: !!python/name:pymdownx.superfences.fence_code_format + - pymdownx.details + - attr_list + - pymdownx.emoji: + emoji_index: !!python/name:materialx.emoji.twemoji + emoji_generator: !!python/name:materialx.emoji.to_svg diff --git a/poetry.lock b/poetry.lock index ce427bab..9f7ee111 100644 --- a/poetry.lock +++ b/poetry.lock @@ -173,6 +173,41 @@ tests = ["attrs[tests-no-zope]", "zope-interface"] tests-mypy = ["mypy (>=1.6)", "pytest-mypy-plugins"] tests-no-zope = ["attrs[tests-mypy]", "cloudpickle", "hypothesis", "pympler", "pytest (>=4.3.0)", "pytest-xdist[psutil]"] +[[package]] +name = "babel" +version = "2.16.0" +description = "Internationalization utilities" +optional = false +python-versions = ">=3.8" +files = [ + {file = "babel-2.16.0-py3-none-any.whl", hash = "sha256:368b5b98b37c06b7daf6696391c3240c938b37767d4584413e8438c5c435fa8b"}, + {file = "babel-2.16.0.tar.gz", hash = "sha256:d1f3554ca26605fe173f3de0c65f750f5a42f924499bf134de6423582298e316"}, +] + +[package.extras] +dev = ["freezegun (>=1.0,<2.0)", "pytest (>=6.0)", "pytest-cov"] + +[[package]] +name = "beautifulsoup4" +version = "4.12.3" +description = "Screen-scraping library" +optional = false +python-versions = ">=3.6.0" +files = [ + {file = "beautifulsoup4-4.12.3-py3-none-any.whl", hash = "sha256:b80878c9f40111313e55da8ba20bdba06d8fa3969fc68304167741bbf9e082ed"}, + {file = "beautifulsoup4-4.12.3.tar.gz", hash = "sha256:74e3d1928edc070d21748185c46e3fb33490f22f52a3addee9aee0f4f7781051"}, +] + +[package.dependencies] +soupsieve = ">1.2" + +[package.extras] +cchardet = ["cchardet"] +chardet = ["chardet"] +charset-normalizer = ["charset-normalizer"] +html5lib = ["html5lib"] +lxml = ["lxml"] + [[package]] name = "certifi" version = "2024.7.4" @@ -352,6 +387,26 @@ files = [ {file = "distro-1.9.0.tar.gz", hash = "sha256:2fa77c6fd8940f116ee1d6b94a2f90b13b5ea8d019b98bc8bafdcabcdd9bdbed"}, ] +[[package]] +name = "dnspython" +version = "2.6.1" +description = "DNS toolkit" +optional = false +python-versions = ">=3.8" +files = [ + {file = "dnspython-2.6.1-py3-none-any.whl", hash = "sha256:5ef3b9680161f6fa89daf8ad451b5f1a33b18ae8a1c6778cdf4b43f08c0a6e50"}, + {file = "dnspython-2.6.1.tar.gz", hash = "sha256:e8f0f9c23a7b7cb99ded64e6c3a6f3e701d78f50c55e002b839dea7225cff7cc"}, +] + +[package.extras] +dev = ["black (>=23.1.0)", "coverage (>=7.0)", "flake8 (>=7)", "mypy (>=1.8)", "pylint (>=3)", "pytest (>=7.4)", "pytest-cov (>=4.1.0)", "sphinx (>=7.2.0)", "twine (>=4.0.0)", "wheel (>=0.42.0)"] +dnssec = ["cryptography (>=41)"] +doh = ["h2 (>=4.1.0)", "httpcore (>=1.0.0)", "httpx (>=0.26.0)"] +doq = ["aioquic (>=0.9.25)"] +idna = ["idna (>=3.6)"] +trio = ["trio (>=0.23)"] +wmi = ["wmi (>=1.5.1)"] + [[package]] name = "exceptiongroup" version = "1.2.2" @@ -549,6 +604,37 @@ test-downstream = ["aiobotocore (>=2.5.4,<3.0.0)", "dask-expr", "dask[dataframe, test-full = ["adlfs", "aiohttp (!=4.0.0a0,!=4.0.0a1)", "cloudpickle", "dask", "distributed", "dropbox", "dropboxdrivefs", "fastparquet", "fusepy", "gcsfs", "jinja2", "kerchunk", "libarchive-c", "lz4", "notebook", "numpy", "ocifs", "pandas", "panel", "paramiko", "pyarrow", "pyarrow (>=1)", "pyftpdlib", "pygit2", "pytest", "pytest-asyncio (!=0.22.0)", "pytest-benchmark", "pytest-cov", "pytest-mock", "pytest-recording", "pytest-rerunfailures", "python-snappy", "requests", "smbprotocol", "tqdm", "urllib3", "zarr", "zstandard"] tqdm = ["tqdm"] +[[package]] +name = "ghp-import" +version = "2.1.0" +description = "Copy your docs directly to the gh-pages branch." +optional = false +python-versions = "*" +files = [ + {file = "ghp-import-2.1.0.tar.gz", hash = "sha256:9c535c4c61193c2df8871222567d7fd7e5014d835f97dc7b7439069e2413d343"}, + {file = "ghp_import-2.1.0-py3-none-any.whl", hash = "sha256:8337dd7b50877f163d4c0289bc1f1c7f127550241988d568c1db512c4324a619"}, +] + +[package.dependencies] +python-dateutil = ">=2.8.1" + +[package.extras] +dev = ["flake8", "markdown", "twine", "wheel"] + +[[package]] +name = "griffe" +version = "1.3.1" +description = "Signatures for entire Python programs. Extract the structure, the frame, the skeleton of your project, to generate API documentation or find breaking changes in your API." +optional = false +python-versions = ">=3.8" +files = [ + {file = "griffe-1.3.1-py3-none-any.whl", hash = "sha256:940aeb630bc3054b4369567f150b6365be6f11eef46b0ed8623aea96e6d17b19"}, + {file = "griffe-1.3.1.tar.gz", hash = "sha256:3f86a716b631a4c0f96a43cb75d05d3c85975003c20540426c0eba3b0581c56a"}, +] + +[package.dependencies] +colorama = ">=0.4" + [[package]] name = "h11" version = "0.14.0" @@ -757,6 +843,22 @@ files = [ [package.dependencies] referencing = ">=0.31.0" +[[package]] +name = "linkchecker" +version = "10.5.0" +description = "check links in web documents or full websites" +optional = false +python-versions = ">=3.9" +files = [ + {file = "LinkChecker-10.5.0-py3-none-any.whl", hash = "sha256:eb25bf11c795eedc290f93311c497312f4e967e1c5b242b24ce3fc335b4c47c5"}, + {file = "LinkChecker-10.5.0.tar.gz", hash = "sha256:978b42b803e58b7a8f6ffae1ff88fa7fd1e87b944403b5dc82380dd59f516bb9"}, +] + +[package.dependencies] +beautifulsoup4 = ">=4.8.1" +dnspython = ">=2.0" +requests = ">=2.20" + [[package]] name = "linkify-it-py" version = "2.0.3" @@ -805,6 +907,21 @@ tokenizers = "*" extra-proxy = ["azure-identity (>=1.15.0,<2.0.0)", "azure-keyvault-secrets (>=4.8.0,<5.0.0)", "google-cloud-kms (>=2.21.3,<3.0.0)", "prisma (==0.11.0)", "pynacl (>=1.5.0,<2.0.0)", "resend (>=0.8.0,<0.9.0)"] proxy = ["PyJWT (>=2.8.0,<3.0.0)", "apscheduler (>=3.10.4,<4.0.0)", "backoff", "cryptography (>=42.0.5,<43.0.0)", "fastapi (>=0.111.0,<0.112.0)", "fastapi-sso (>=0.10.0,<0.11.0)", "gunicorn (>=22.0.0,<23.0.0)", "orjson (>=3.9.7,<4.0.0)", "python-multipart (>=0.0.9,<0.0.10)", "pyyaml (>=6.0.1,<7.0.0)", "rq", "uvicorn (>=0.22.0,<0.23.0)"] +[[package]] +name = "markdown" +version = "3.7" +description = "Python implementation of John Gruber's Markdown." +optional = false +python-versions = ">=3.8" +files = [ + {file = "Markdown-3.7-py3-none-any.whl", hash = "sha256:7eb6df5690b81a1d7942992c97fad2938e956e79df20cbc6186e9c3a77b1c803"}, + {file = "markdown-3.7.tar.gz", hash = "sha256:2ae2471477cfd02dbbf038d5d9bc226d40def84b4fe2986e49b59b6b472bbed2"}, +] + +[package.extras] +docs = ["mdx-gh-links (>=0.2)", "mkdocs (>=1.5)", "mkdocs-gen-files", "mkdocs-literate-nav", "mkdocs-nature (>=0.6)", "mkdocs-section-index", "mkdocstrings[python]"] +testing = ["coverage", "pyyaml"] + [[package]] name = "markdown-it-py" version = "3.0.0" @@ -930,6 +1047,161 @@ files = [ {file = "mdurl-0.1.2.tar.gz", hash = "sha256:bb413d29f5eea38f31dd4754dd7377d4465116fb207585f97bf925588687c1ba"}, ] +[[package]] +name = "mergedeep" +version = "1.3.4" +description = "A deep merge function for 🐍." +optional = false +python-versions = ">=3.6" +files = [ + {file = "mergedeep-1.3.4-py3-none-any.whl", hash = "sha256:70775750742b25c0d8f36c55aed03d24c3384d17c951b3175d898bd778ef0307"}, + {file = "mergedeep-1.3.4.tar.gz", hash = "sha256:0096d52e9dad9939c3d975a774666af186eda617e6ca84df4c94dec30004f2a8"}, +] + +[[package]] +name = "mkdocs" +version = "1.6.1" +description = "Project documentation with Markdown." +optional = false +python-versions = ">=3.8" +files = [ + {file = "mkdocs-1.6.1-py3-none-any.whl", hash = "sha256:db91759624d1647f3f34aa0c3f327dd2601beae39a366d6e064c03468d35c20e"}, + {file = "mkdocs-1.6.1.tar.gz", hash = "sha256:7b432f01d928c084353ab39c57282f29f92136665bdd6abf7c1ec8d822ef86f2"}, +] + +[package.dependencies] +click = ">=7.0" +colorama = {version = ">=0.4", markers = "platform_system == \"Windows\""} +ghp-import = ">=1.0" +jinja2 = ">=2.11.1" +markdown = ">=3.3.6" +markupsafe = ">=2.0.1" +mergedeep = ">=1.3.4" +mkdocs-get-deps = ">=0.2.0" +packaging = ">=20.5" +pathspec = ">=0.11.1" +pyyaml = ">=5.1" +pyyaml-env-tag = ">=0.1" +watchdog = ">=2.0" + +[package.extras] +i18n = ["babel (>=2.9.0)"] +min-versions = ["babel (==2.9.0)", "click (==7.0)", "colorama (==0.4)", "ghp-import (==1.0)", "importlib-metadata (==4.4)", "jinja2 (==2.11.1)", "markdown (==3.3.6)", "markupsafe (==2.0.1)", "mergedeep (==1.3.4)", "mkdocs-get-deps (==0.2.0)", "packaging (==20.5)", "pathspec (==0.11.1)", "pyyaml (==5.1)", "pyyaml-env-tag (==0.1)", "watchdog (==2.0)"] + +[[package]] +name = "mkdocs-autorefs" +version = "1.2.0" +description = "Automatically link across pages in MkDocs." +optional = false +python-versions = ">=3.8" +files = [ + {file = "mkdocs_autorefs-1.2.0-py3-none-any.whl", hash = "sha256:d588754ae89bd0ced0c70c06f58566a4ee43471eeeee5202427da7de9ef85a2f"}, + {file = "mkdocs_autorefs-1.2.0.tar.gz", hash = "sha256:a86b93abff653521bda71cf3fc5596342b7a23982093915cb74273f67522190f"}, +] + +[package.dependencies] +Markdown = ">=3.3" +markupsafe = ">=2.0.1" +mkdocs = ">=1.1" + +[[package]] +name = "mkdocs-get-deps" +version = "0.2.0" +description = "MkDocs extension that lists all dependencies according to a mkdocs.yml file" +optional = false +python-versions = ">=3.8" +files = [ + {file = "mkdocs_get_deps-0.2.0-py3-none-any.whl", hash = "sha256:2bf11d0b133e77a0dd036abeeb06dec8775e46efa526dc70667d8863eefc6134"}, + {file = "mkdocs_get_deps-0.2.0.tar.gz", hash = "sha256:162b3d129c7fad9b19abfdcb9c1458a651628e4b1dea628ac68790fb3061c60c"}, +] + +[package.dependencies] +mergedeep = ">=1.3.4" +platformdirs = ">=2.2.0" +pyyaml = ">=5.1" + +[[package]] +name = "mkdocs-material" +version = "9.5.34" +description = "Documentation that simply works" +optional = false +python-versions = ">=3.8" +files = [ + {file = "mkdocs_material-9.5.34-py3-none-any.whl", hash = "sha256:54caa8be708de2b75167fd4d3b9f3d949579294f49cb242515d4653dbee9227e"}, + {file = "mkdocs_material-9.5.34.tar.gz", hash = "sha256:1e60ddf716cfb5679dfd65900b8a25d277064ed82d9a53cd5190e3f894df7840"}, +] + +[package.dependencies] +babel = ">=2.10,<3.0" +colorama = ">=0.4,<1.0" +jinja2 = ">=3.0,<4.0" +markdown = ">=3.2,<4.0" +mkdocs = ">=1.6,<2.0" +mkdocs-material-extensions = ">=1.3,<2.0" +paginate = ">=0.5,<1.0" +pygments = ">=2.16,<3.0" +pymdown-extensions = ">=10.2,<11.0" +regex = ">=2022.4" +requests = ">=2.26,<3.0" + +[package.extras] +git = ["mkdocs-git-committers-plugin-2 (>=1.1,<2.0)", "mkdocs-git-revision-date-localized-plugin (>=1.2.4,<2.0)"] +imaging = ["cairosvg (>=2.6,<3.0)", "pillow (>=10.2,<11.0)"] +recommended = ["mkdocs-minify-plugin (>=0.7,<1.0)", "mkdocs-redirects (>=1.2,<2.0)", "mkdocs-rss-plugin (>=1.6,<2.0)"] + +[[package]] +name = "mkdocs-material-extensions" +version = "1.3.1" +description = "Extension pack for Python Markdown and MkDocs Material." +optional = false +python-versions = ">=3.8" +files = [ + {file = "mkdocs_material_extensions-1.3.1-py3-none-any.whl", hash = "sha256:adff8b62700b25cb77b53358dad940f3ef973dd6db797907c49e3c2ef3ab4e31"}, + {file = "mkdocs_material_extensions-1.3.1.tar.gz", hash = "sha256:10c9511cea88f568257f960358a467d12b970e1f7b2c0e5fb2bb48cab1928443"}, +] + +[[package]] +name = "mkdocstrings" +version = "0.26.1" +description = "Automatic documentation from sources, for MkDocs." +optional = false +python-versions = ">=3.8" +files = [ + {file = "mkdocstrings-0.26.1-py3-none-any.whl", hash = "sha256:29738bfb72b4608e8e55cc50fb8a54f325dc7ebd2014e4e3881a49892d5983cf"}, + {file = "mkdocstrings-0.26.1.tar.gz", hash = "sha256:bb8b8854d6713d5348ad05b069a09f3b79edbc6a0f33a34c6821141adb03fe33"}, +] + +[package.dependencies] +click = ">=7.0" +Jinja2 = ">=2.11.1" +Markdown = ">=3.6" +MarkupSafe = ">=1.1" +mkdocs = ">=1.4" +mkdocs-autorefs = ">=1.2" +platformdirs = ">=2.2" +pymdown-extensions = ">=6.3" + +[package.extras] +crystal = ["mkdocstrings-crystal (>=0.3.4)"] +python = ["mkdocstrings-python (>=0.5.2)"] +python-legacy = ["mkdocstrings-python-legacy (>=0.2.1)"] + +[[package]] +name = "mkdocstrings-python" +version = "1.11.1" +description = "A Python handler for mkdocstrings." +optional = false +python-versions = ">=3.8" +files = [ + {file = "mkdocstrings_python-1.11.1-py3-none-any.whl", hash = "sha256:a21a1c05acef129a618517bb5aae3e33114f569b11588b1e7af3e9d4061a71af"}, + {file = "mkdocstrings_python-1.11.1.tar.gz", hash = "sha256:8824b115c5359304ab0b5378a91f6202324a849e1da907a3485b59208b797322"}, +] + +[package.dependencies] +griffe = ">=0.49" +mkdocs-autorefs = ">=1.2" +mkdocstrings = ">=0.26" + [[package]] name = "multidict" version = "6.0.5" @@ -1193,6 +1465,32 @@ files = [ {file = "packaging-24.1.tar.gz", hash = "sha256:026ed72c8ed3fcce5bf8950572258698927fd1dbda10a5e981cdf0ac37f4f002"}, ] +[[package]] +name = "paginate" +version = "0.5.7" +description = "Divides large result sets into pages for easier browsing" +optional = false +python-versions = "*" +files = [ + {file = "paginate-0.5.7-py2.py3-none-any.whl", hash = "sha256:b885e2af73abcf01d9559fd5216b57ef722f8c42affbb63942377668e35c7591"}, + {file = "paginate-0.5.7.tar.gz", hash = "sha256:22bd083ab41e1a8b4f3690544afb2c60c25e5c9a63a30fa2f483f6c60c8e5945"}, +] + +[package.extras] +dev = ["pytest", "tox"] +lint = ["black"] + +[[package]] +name = "pathspec" +version = "0.12.1" +description = "Utility library for gitignore style pattern matching of file paths." +optional = false +python-versions = ">=3.8" +files = [ + {file = "pathspec-0.12.1-py3-none-any.whl", hash = "sha256:a0d503e138a4c123b27490a4f7beda6a01c6f288df0e4a8b79c7eb0dc7b4cc08"}, + {file = "pathspec-0.12.1.tar.gz", hash = "sha256:a482d51503a1ab33b1c67a6c3813a26953dbdc71c31dacaef9a838c4e29f5712"}, +] + [[package]] name = "platformdirs" version = "4.2.2" @@ -1379,6 +1677,24 @@ files = [ [package.extras] windows-terminal = ["colorama (>=0.4.6)"] +[[package]] +name = "pymdown-extensions" +version = "10.9" +description = "Extension pack for Python Markdown." +optional = false +python-versions = ">=3.8" +files = [ + {file = "pymdown_extensions-10.9-py3-none-any.whl", hash = "sha256:d323f7e90d83c86113ee78f3fe62fc9dee5f56b54d912660703ea1816fed5626"}, + {file = "pymdown_extensions-10.9.tar.gz", hash = "sha256:6ff740bcd99ec4172a938970d42b96128bdc9d4b9bcad72494f29921dc69b753"}, +] + +[package.dependencies] +markdown = ">=3.6" +pyyaml = "*" + +[package.extras] +extra = ["pygments (>=2.12)"] + [[package]] name = "pytest" version = "8.3.2" @@ -1401,6 +1717,20 @@ tomli = {version = ">=1", markers = "python_version < \"3.11\""} [package.extras] dev = ["argcomplete", "attrs (>=19.2)", "hypothesis (>=3.56)", "mock", "pygments (>=2.7.2)", "requests", "setuptools", "xmlschema"] +[[package]] +name = "python-dateutil" +version = "2.9.0.post0" +description = "Extensions to the standard Python datetime module" +optional = false +python-versions = "!=3.0.*,!=3.1.*,!=3.2.*,>=2.7" +files = [ + {file = "python-dateutil-2.9.0.post0.tar.gz", hash = "sha256:37dd54208da7e1cd875388217d5e00ebd4179249f90fb72437e91a35459a0ad3"}, + {file = "python_dateutil-2.9.0.post0-py2.py3-none-any.whl", hash = "sha256:a8b2bc7bffae282281c8140a97d3aa9c14da0b136dfe83f850eea9a5f7470427"}, +] + +[package.dependencies] +six = ">=1.5" + [[package]] name = "python-dotenv" version = "1.0.1" @@ -1415,6 +1745,20 @@ files = [ [package.extras] cli = ["click (>=5.0)"] +[[package]] +name = "pytkdocs" +version = "0.16.2" +description = "Load Python objects documentation." +optional = false +python-versions = ">=3.8" +files = [ + {file = "pytkdocs-0.16.2-py3-none-any.whl", hash = "sha256:36450316d004f6399402d044f122f28f88ff4a069899d10de3d28ad6b4ba5799"}, + {file = "pytkdocs-0.16.2.tar.gz", hash = "sha256:e75538a34932996b8803fbad4e4f6851fc0e9fd9aea86fc6602d6582c12098f3"}, +] + +[package.extras] +numpy-style = ["docstring_parser (>=0.7)"] + [[package]] name = "pyyaml" version = "6.0.1" @@ -1475,6 +1819,20 @@ files = [ {file = "PyYAML-6.0.1.tar.gz", hash = "sha256:bfdf460b1736c775f2ba9f6a92bca30bc2095067b8a9d77876d1fad6cc3b4a43"}, ] +[[package]] +name = "pyyaml-env-tag" +version = "0.1" +description = "A custom YAML tag for referencing environment variables in YAML files. " +optional = false +python-versions = ">=3.6" +files = [ + {file = "pyyaml_env_tag-0.1-py3-none-any.whl", hash = "sha256:af31106dec8a4d68c60207c1886031cbf839b68aa7abccdb19868200532c2069"}, + {file = "pyyaml_env_tag-0.1.tar.gz", hash = "sha256:70092675bda14fdec33b31ba77e7543de9ddc88f2e5b99160396572d11525bdb"}, +] + +[package.dependencies] +pyyaml = "*" + [[package]] name = "referencing" version = "0.35.1" @@ -1843,6 +2201,17 @@ dev = ["cython-lint (>=0.12.2)", "doit (>=0.36.0)", "mypy (==1.10.0)", "pycodest doc = ["jupyterlite-pyodide-kernel", "jupyterlite-sphinx (>=0.13.1)", "jupytext", "matplotlib (>=3.5)", "myst-nb", "numpydoc", "pooch", "pydata-sphinx-theme (>=0.15.2)", "sphinx (>=5.0.0)", "sphinx-design (>=0.4.0)"] test = ["Cython", "array-api-strict", "asv", "gmpy2", "hypothesis (>=6.30)", "meson", "mpmath", "ninja", "pooch", "pytest", "pytest-cov", "pytest-timeout", "pytest-xdist", "scikit-umfpack", "threadpoolctl"] +[[package]] +name = "six" +version = "1.16.0" +description = "Python 2 and 3 compatibility utilities" +optional = false +python-versions = ">=2.7, !=3.0.*, !=3.1.*, !=3.2.*" +files = [ + {file = "six-1.16.0-py2.py3-none-any.whl", hash = "sha256:8abb2f1d86890a2dfb989f9a77cfcfd3e47c2a354b01111771326f8aa26e0254"}, + {file = "six-1.16.0.tar.gz", hash = "sha256:1e61c37477a1626458e36f7b1d82aa5c9b094fa4802892072e49de9c60c4c926"}, +] + [[package]] name = "sniffio" version = "1.3.1" @@ -1854,6 +2223,17 @@ files = [ {file = "sniffio-1.3.1.tar.gz", hash = "sha256:f4324edc670a0f49750a81b895f35c3adb843cca46f0530f79fc1babb23789dc"}, ] +[[package]] +name = "soupsieve" +version = "2.6" +description = "A modern CSS selector implementation for Beautiful Soup." +optional = false +python-versions = ">=3.8" +files = [ + {file = "soupsieve-2.6-py3-none-any.whl", hash = "sha256:e72c4ff06e4fb6e4b5a9f0f55fe6e81514581fca1515028625d0f299c602ccc9"}, + {file = "soupsieve-2.6.tar.gz", hash = "sha256:e2e68417777af359ec65daac1057404a3c8a5455bb8abc36f1a9866ab1a51abb"}, +] + [[package]] name = "tenacity" version = "9.0.0" @@ -2162,6 +2542,48 @@ platformdirs = ">=3.9.1,<5" docs = ["furo (>=2023.7.26)", "proselint (>=0.13)", "sphinx (>=7.1.2,!=7.3)", "sphinx-argparse (>=0.4)", "sphinxcontrib-towncrier (>=0.2.1a0)", "towncrier (>=23.6)"] test = ["covdefaults (>=2.3)", "coverage (>=7.2.7)", "coverage-enable-subprocess (>=1)", "flaky (>=3.7)", "packaging (>=23.1)", "pytest (>=7.4)", "pytest-env (>=0.8.2)", "pytest-freezer (>=0.4.8)", "pytest-mock (>=3.11.1)", "pytest-randomly (>=3.12)", "pytest-timeout (>=2.1)", "setuptools (>=68)", "time-machine (>=2.10)"] +[[package]] +name = "watchdog" +version = "5.0.2" +description = "Filesystem events monitoring" +optional = false +python-versions = ">=3.9" +files = [ + {file = "watchdog-5.0.2-cp310-cp310-macosx_10_9_universal2.whl", hash = "sha256:d961f4123bb3c447d9fcdcb67e1530c366f10ab3a0c7d1c0c9943050936d4877"}, + {file = "watchdog-5.0.2-cp310-cp310-macosx_10_9_x86_64.whl", hash = "sha256:72990192cb63872c47d5e5fefe230a401b87fd59d257ee577d61c9e5564c62e5"}, + {file = "watchdog-5.0.2-cp310-cp310-macosx_11_0_arm64.whl", hash = "sha256:6bec703ad90b35a848e05e1b40bf0050da7ca28ead7ac4be724ae5ac2653a1a0"}, + {file = "watchdog-5.0.2-cp311-cp311-macosx_10_9_universal2.whl", hash = "sha256:dae7a1879918f6544201d33666909b040a46421054a50e0f773e0d870ed7438d"}, + {file = "watchdog-5.0.2-cp311-cp311-macosx_10_9_x86_64.whl", hash = "sha256:c4a440f725f3b99133de610bfec93d570b13826f89616377715b9cd60424db6e"}, + {file = "watchdog-5.0.2-cp311-cp311-macosx_11_0_arm64.whl", hash = "sha256:f8b2918c19e0d48f5f20df458c84692e2a054f02d9df25e6c3c930063eca64c1"}, + {file = "watchdog-5.0.2-cp312-cp312-macosx_10_9_universal2.whl", hash = "sha256:aa9cd6e24126d4afb3752a3e70fce39f92d0e1a58a236ddf6ee823ff7dba28ee"}, + {file = "watchdog-5.0.2-cp312-cp312-macosx_10_9_x86_64.whl", hash = "sha256:f627c5bf5759fdd90195b0c0431f99cff4867d212a67b384442c51136a098ed7"}, + {file = "watchdog-5.0.2-cp312-cp312-macosx_11_0_arm64.whl", hash = "sha256:d7594a6d32cda2b49df3fd9abf9b37c8d2f3eab5df45c24056b4a671ac661619"}, + {file = "watchdog-5.0.2-cp313-cp313-macosx_10_13_universal2.whl", hash = "sha256:ba32efcccfe2c58f4d01115440d1672b4eb26cdd6fc5b5818f1fb41f7c3e1889"}, + {file = "watchdog-5.0.2-cp313-cp313-macosx_10_13_x86_64.whl", hash = "sha256:963f7c4c91e3f51c998eeff1b3fb24a52a8a34da4f956e470f4b068bb47b78ee"}, + {file = "watchdog-5.0.2-cp313-cp313-macosx_11_0_arm64.whl", hash = "sha256:8c47150aa12f775e22efff1eee9f0f6beee542a7aa1a985c271b1997d340184f"}, + {file = "watchdog-5.0.2-cp39-cp39-macosx_10_9_universal2.whl", hash = "sha256:14dd4ed023d79d1f670aa659f449bcd2733c33a35c8ffd88689d9d243885198b"}, + {file = "watchdog-5.0.2-cp39-cp39-macosx_10_9_x86_64.whl", hash = "sha256:b84bff0391ad4abe25c2740c7aec0e3de316fdf7764007f41e248422a7760a7f"}, + {file = "watchdog-5.0.2-cp39-cp39-macosx_11_0_arm64.whl", hash = "sha256:3e8d5ff39f0a9968952cce548e8e08f849141a4fcc1290b1c17c032ba697b9d7"}, + {file = "watchdog-5.0.2-pp310-pypy310_pp73-macosx_10_15_x86_64.whl", hash = "sha256:fb223456db6e5f7bd9bbd5cd969f05aae82ae21acc00643b60d81c770abd402b"}, + {file = "watchdog-5.0.2-pp310-pypy310_pp73-macosx_11_0_arm64.whl", hash = "sha256:9814adb768c23727a27792c77812cf4e2fd9853cd280eafa2bcfa62a99e8bd6e"}, + {file = "watchdog-5.0.2-pp39-pypy39_pp73-macosx_10_15_x86_64.whl", hash = "sha256:901ee48c23f70193d1a7bc2d9ee297df66081dd5f46f0ca011be4f70dec80dab"}, + {file = "watchdog-5.0.2-pp39-pypy39_pp73-macosx_11_0_arm64.whl", hash = "sha256:638bcca3d5b1885c6ec47be67bf712b00a9ab3d4b22ec0881f4889ad870bc7e8"}, + {file = "watchdog-5.0.2-py3-none-manylinux2014_aarch64.whl", hash = "sha256:5597c051587f8757798216f2485e85eac583c3b343e9aa09127a3a6f82c65ee8"}, + {file = "watchdog-5.0.2-py3-none-manylinux2014_armv7l.whl", hash = "sha256:53ed1bf71fcb8475dd0ef4912ab139c294c87b903724b6f4a8bd98e026862e6d"}, + {file = "watchdog-5.0.2-py3-none-manylinux2014_i686.whl", hash = "sha256:29e4a2607bd407d9552c502d38b45a05ec26a8e40cc7e94db9bb48f861fa5abc"}, + {file = "watchdog-5.0.2-py3-none-manylinux2014_ppc64.whl", hash = "sha256:b6dc8f1d770a8280997e4beae7b9a75a33b268c59e033e72c8a10990097e5fde"}, + {file = "watchdog-5.0.2-py3-none-manylinux2014_ppc64le.whl", hash = "sha256:d2ab34adc9bf1489452965cdb16a924e97d4452fcf88a50b21859068b50b5c3b"}, + {file = "watchdog-5.0.2-py3-none-manylinux2014_s390x.whl", hash = "sha256:7d1aa7e4bb0f0c65a1a91ba37c10e19dabf7eaaa282c5787e51371f090748f4b"}, + {file = "watchdog-5.0.2-py3-none-manylinux2014_x86_64.whl", hash = "sha256:726eef8f8c634ac6584f86c9c53353a010d9f311f6c15a034f3800a7a891d941"}, + {file = "watchdog-5.0.2-py3-none-win32.whl", hash = "sha256:bda40c57115684d0216556671875e008279dea2dc00fcd3dde126ac8e0d7a2fb"}, + {file = "watchdog-5.0.2-py3-none-win_amd64.whl", hash = "sha256:d010be060c996db725fbce7e3ef14687cdcc76f4ca0e4339a68cc4532c382a73"}, + {file = "watchdog-5.0.2-py3-none-win_ia64.whl", hash = "sha256:3960136b2b619510569b90f0cd96408591d6c251a75c97690f4553ca88889769"}, + {file = "watchdog-5.0.2.tar.gz", hash = "sha256:dcebf7e475001d2cdeb020be630dc5b687e9acdd60d16fea6bb4508e7b94cf76"}, +] + +[package.extras] +watchmedo = ["PyYAML (>=3.10)"] + [[package]] name = "yarl" version = "1.9.4" @@ -2283,4 +2705,4 @@ test = ["big-O", "importlib-resources", "jaraco.functools", "jaraco.itertools", [metadata] lock-version = "2.0" python-versions = "^3.10" -content-hash = "f329c012610d2423f9faf44102f64987f1f50c052df5f9c08f416501323ad303" +content-hash = "cd9b14bf22fb417c0828cd8f810b3f0923f599ddb5e8546150f3306e484180f9" diff --git a/pyproject.toml b/pyproject.toml index 7d625a31..fb1736ff 100644 --- a/pyproject.toml +++ b/pyproject.toml @@ -28,6 +28,12 @@ python-dotenv = "^1.0.1" ruff = "^0.6.1" mypy = "^1.11.1" pre-commit = "^3.8.0" +mkdocs = "^1.6.1" +mkdocs-material = "^9.5.34" +mkdocstrings = "^0.26.1" +linkchecker = "^10.5.0" +pytkdocs = "^0.16.2" +mkdocstrings-python = "^1.11.1" [tool.pytest.ini_options] testpaths = ["tests"] diff --git a/tests/test_synth_gather.py b/tests/test_synth_gather.py index 38190b51..5a3e0bf4 100644 --- a/tests/test_synth_gather.py +++ b/tests/test_synth_gather.py @@ -70,6 +70,7 @@ def config_yaml(sample_data): { "name": "count_words", "type": "map", + "optimize": True, "recursively_optimize": False, "output": {"schema": {"count": "integer"}}, "prompt": "Count the number of words that start with the letter 'a' in the following text:\n\n{{ input.content }}\n\nReturn only the count as an integer.", @@ -181,6 +182,7 @@ def test_split_map_gather(sample_data): map_config = { "name": "extract_headers", "type": "map", + "optimize": True, "prompt": """Analyze the following chunk of a document and extract any headers you see. {{ input.content_chunk }} diff --git a/vercel.json b/vercel.json new file mode 100644 index 00000000..ef76b45b --- /dev/null +++ b/vercel.json @@ -0,0 +1,7 @@ +{ + "buildCommand": "mkdocs build", + "outputDirectory": "site", + "rewrites": [ + { "source": "/docs/(.*)", "destination": "/$1" } + ] + } \ No newline at end of file diff --git a/workloads/medical/extracted_medical_info.json b/workloads/medical/extracted_medical_info.json index b3ee14ce..527ee831 100644 --- a/workloads/medical/extracted_medical_info.json +++ b/workloads/medical/extracted_medical_info.json @@ -1,522 +1,522 @@ [ { - "medication_info": "Medication Info: \n1. Lisinopril - 40 mg/day (increased dosage suggested)\n2. Lasix - 20 mg/day (new medication suggested)\n\nSymptoms: \n- No chest pains \n- No shortness of breath \n- No swelling in legs \n- Mild nasal congestion \n- One plus pitting edema in lower extremities \n- Congestive heart failure with fluid retention \n- Elevation in blood pressure noted during the visit \n- Low-ish pumping function of heart at 45% \n- Mitral regurgitation noted from echocardiogram", + "medication_info": "Medication Info: Lisinopril 40 mg per day; Lasix 20 mg per day; Patient reports adherence issues with blood pressure medication, often forgetting to take it, especially during times of stress. Symptoms include a three out of six systolic ejection murmur, one plus pitting edema in the legs due to congestive heart failure, and the patient experiences increased anxiety due to work-related stress. No feelings of wanting to harm self or others were reported.", "src": "[doctor] hi , martha . how are you ?\n[patient] i'm doing okay . how are you ?\n[doctor] i'm doing okay . so , i know the nurse told you about dax . i'd like to tell dax a little bit about you , okay ?\n[patient] okay .\n[doctor] martha is a 50-year-old female with a past medical history significant for congestive heart failure , depression and hypertension who presents for her annual exam . so , martha , it's been a year since i've seen you . how are you doing ?\n[patient] i'm doing well . i've been traveling a lot recently since things have , have gotten a bit lighter . and i got my , my vaccine , so i feel safer about traveling . i've been doing a lot of hiking . uh , went to washington last weekend to hike in northern cascades, like around the mount baker area .\n[doctor] nice . that's great . i'm glad to hear that you're staying active , you know . i , i just love this weather . i'm so happy the summer is over . i'm definitely more of a fall person .\n[patient] yes , fall foliage is the best .\n[doctor] yeah . um , so tell me , how are you doing with the congestive heart failure ? how are you doing watching your diet ? i know we've talked about watching a low sodium diet . are you doing okay with that ?\n[patient] i've been doing well with that . i resisted , as much , as i could , from the tater tots , you know , the soft pretzels , the salty foods that i , i love to eat . and i've been doing a really good job .\n[doctor] okay , all right . well , i'm glad to hear that . and you're taking your medication ?\n[patient] yes .\n[doctor] okay , good . and any symptoms like chest pains , shortness of breath , any swelling in your legs ?\n[patient] no , not that i've noticed .\n[doctor] okay , all right . and then in terms of your depression , i know that we tried to stay off of medication in the past because you're on medications for your other problems . how are you doing ? and i know that you enrolled into therapy . is that helping ? or-\n[patient] yeah , it's been helping a lot . i've been going every week , um , for the past year since my last annual exam . and that's been really helpful for me .\n[doctor] okay . so , no , no issues , no feelings of wanting to harm yourself or hurt others ?\n[patient] no , nothing like that .\n[doctor] okay , all right . and then in terms of your high blood pressure , i know that you and i have kind of battled in the past with you remembering to take some of your blood pressure medications . how are you doing with that ?\n[patient] i'm still forgetting to take my blood pressure medication . and i've noticed when work gets more stressful , my blood pressure goes up .\n[doctor] okay . and , and so how has work going for you ?\n[patient] it's been okay . it's been a lot of long hours , late nights . a lot of , um , you know , fiscal year end data that i've been having to pull . so , a lot of responsibility , which is good . but with the responsibility comes the stress .\n[doctor] yeah , okay , all right . i understand . um , all right . well , i know that you did a review of system sheet when you checked in with the nurse . i know that you were endorsing some nasal congestion from some of the fall pollen and allergies . any other symptoms , nausea or vomiting , abdominal pain , anything like that ?\n[patient] no , nothing like that .\n[doctor] no , okay , all right . well , i'm gon na go ahead and do a quick physical exam , okay ?\n[patient] okay .\n[doctor] hey , dragon , show me the blood pressure . so , yeah , looking at your blood pressure today here in the office , it is a little elevated . you know , it could just , you could just be nervous . uh , let's look at some of the past readings . hey , dragon , show me the blood pressure readings . hey , dragon , show me the blood pressure readings . here we go . uh , so they are running on the higher side . um , y- you know , i , i do think that , you know , i'd like to see you take your medication a little bit more , so that we can get that under control a little bit better , okay ?\n[patient] okay .\n[doctor] so , i'm just gon na check out your heart and your lungs . and you know , let you know what i find , okay ?\n[patient] okay .\n[doctor] okay . so , on your physical examination , you know , everything looks good . on your heart exam , i do appreciate a three out of six systolic ejection murmur , which i've heard in the past , okay ? and on your lower extremities , i do appreciate one plus pitting edema , so you do have a little bit of fluid in your legs , okay ?\n[patient] okay .\n[doctor] let's go ahead , i wan na look at some of your results , okay ? hey , dragon , show me the echocardiogram . so , this is the result of the echocardiogram that we did last year . it showed that you have that low-ish pumping function of your heart at about 45 % . and it also sh- shows some mitral regurgitation , that's that heart murmur that i heard , okay ?\n[doctor] um , hey , dragon , show me the lipid panel . so , looking at your lipid panel from last year , you know , everything , your cholesterol was like , a tiny bit high . but it was n't too , too bad , so i know you're trying to watch your diet . so , we'll repeat another one this year , okay ?\n[patient] okay .\n[doctor] um , so i wan na just go over a little bit about my assessment and my plan for you , okay ? so , for your first problem your congestive heart failure , um , i wan na continue you on your current medications . but i do wan na increase your lisinopril to 40 milligrams a day , just because your blood pressure's high . and you know , you are retaining a little bit of fluid . i also wan na start you on some lasix , you know , 20 milligrams a day . and have you continue to watch your , your diet , okay ?\n[patient] okay .\n[doctor] i also wan na repeat another echocardiogram , okay ?\n[patient] all right .\n[doctor] hey , dragon , order an echocardiogram . from a depression standpoint , it sounds like you're doing really well with that . so , i'm , i'm really happy for you . i'm , i'm glad to see that you're in therapy and you're doing really well . i do n't feel the need to start you on any medications this year , unless you feel differently .\n[patient] no , i feel the same way .\n[doctor] okay , all right . and then for your last problem your hypertension , you know , again i , i , i think it's out of control . but we'll see , i think , you know , i'd like to see you take the lisinopril as directed , okay ? uh , i want you to record your blood pressures within the patient , you know , take your blood pressure every day . record them to me for like , about a week , so i have to see if we have to add another agent , okay ? 'cause we need to get that under better control for your heart failure to be more successful , okay ?\n[patient] okay .\n[doctor] do you have any questions ? , and i forgot . for your annual exam , you're due for a mammogram , so we have to schedule for that , as well , okay ?\n[patient] okay .\n[doctor] okay . do you have any questions ?\n[patient] can i take all my pills at the same time ?\n[doctor] yeah .\n[patient] 'cause i've been trying to take them at different times of the day , 'cause i did n't know if it was bad to take them all at once or i should separate them . i do n't know .\n[doctor] yeah . you can certainly take them , you know , all at the same time , as long , as yeah , they're all one scale . you can take them all at the same time . just set an alarm-\n[patient] okay .\n[doctor] . some time during the day to take them , okay ?\n[patient] that might help me remember better .\n[doctor] all right . that sounds good . all right , well , it's good to see you .\n[patient] good seeing you too .\n[doctor] hey , dragon , finalize the note .", "file": "D2N001-virtassist", "document_id": "39706bdb-e447-421a-9333-de95cae96dea" }, { - "medication_info": "Medication Info: \n- Tylenol \n- Ultram 50 mg every 6 hours as needed \n- Synthroid \n\nSymptoms: \n- Joint pain in both knees \n- Tenderness and edema of the right knee \n- No fever, chills, muscle aches, nausea, vomiting, diarrhea, or headaches noted.", + "medication_info": "Medication Info: Tylenol; Ultram 50 mg every six hours as needed; Synthroid (dosage not specified). Symptoms: joint pain, knee tenderness, edema of the right knee, erythema of the right knee.", "src": "[doctor] hi , andrew , how are you ?\n[patient] hi . good to see you .\n[doctor] it's good to see you as well . so i know that the nurse told you about dax . i'd like to tell dax a little bit about you .\n[patient] sure .\n[doctor] okay ? so , andrew is a 62-year-old male with a past medical history significant for a kidney transplant , hypothyroidism , and arthritis , who presents today with complaints of joint pain . andrew , what's going on with your joint ? what happened ?\n[patient] uh , so , over the the weekend , we've been moving boxes up and down our basements stairs , and by the end of the day my knees were just killing me .\n[doctor] okay . is , is one knee worse than the other ?\n[patient] equally painful .\n[doctor] okay .\n[patient] both of them .\n[doctor] and did you , did you injure one of them ?\n[patient] um , uh , i've had some knee problems in the past but i think it was just the repetition and the weight of the boxes .\n[doctor] okay . all right . and , and what have you taken for the pain ?\n[patient] a little tylenol . i iced them for a bit . nothing really seemed to help , though .\n[doctor] okay . all right . um , and does it prevent you from doing , like , your activities of daily living , like walking and exercising and things like that ?\n[patient] uh , saturday night it actually kept me up for a bit . they were pretty sore .\n[doctor] mm-hmm . okay . and any other symptoms like fever or chills ?\n[patient] no .\n[doctor] joint pain ... i mean , like muscle aches ?\n[patient] no .\n[doctor] nausea , vomiting , diarrhea ?\n[patient] no .\n[doctor] anything like that ?\n[patient] no .\n[doctor] okay . all right . now , i know that you've had the kidney transplant a few years ago for some polycystic kidneys .\n[patient] mm-hmm .\n[doctor] um , how are you doing with that ? i know that you told dr. gutierrez-\n[patient] mm .\n[doctor] . a couple of weeks ago .\n[patient] yes .\n[doctor] everything's okay ?\n[patient] so far , so good .\n[doctor] all right . and you're taking your immunosuppressive medications ?\n[patient] yes , i am .\n[doctor] okay . all right . um , and did they have anything to say ? i have n't gotten any reports from them , so ...\n[patient] no , n- nothing out of the ordinary , from what they reported .\n[doctor] okay . all right . um , and in terms of your hyperthyroidism , how are you doing with the synthroid ? are you doing okay ?\n[patient] uh , yes , i am .\n[doctor] you're taking it regularly ?\n[patient] on the clock , yes .\n[doctor] yes . okay . and any fatigue ? weight gain ? anything like that that you've noticed ?\n[patient] no , nothing out of the ordinary .\n[doctor] okay . and just in general , you know , i know that we've kind of battled with your arthritis .\n[patient] mm-hmm .\n[doctor] you know , it's hard because you ca n't take certain medications 'cause of your kidney transplant .\n[patient] sure .\n[doctor] so other than your knees , any other joint pain or anything like that ?\n[patient] every once in a while , my elbow , but nothing , nothing out of the ordinary .\n[doctor] okay . all right . now i know the nurse did a review of systems sheet when you checked in . any other symptoms i might have missed ?\n[patient] no .\n[doctor] no headaches ?\n[patient] no headaches .\n[doctor] anything like that w- ... okay . all right . well , i wan na go ahead and do a quick physical exam , all right ? hey , dragon , show me the vital signs . so here in the office , your vital signs look good . you do n't have a fever , which is good .\n[patient] mm-hmm .\n[doctor] your heart rate and your , uh , blood pressure look fine . i'm just gon na check some things out , and i'll let you know what i find , okay ?\n[patient] perfect .\n[doctor] all right . does that hurt ?\n[patient] a little bit . that's tender .\n[doctor] okay , so on physical examination , on your heart exam , i do appreciate a little two out of six systolic ejection murmur-\n[patient] mm-hmm .\n[doctor] . which we've heard in the past . okay , so that seems stable . on your knee exam , there is some edema and some erythema of your right knee , but your left knee looks fine , okay ? um , you do have some pain to palpation of the right knee and some decreased range of docetl , um , on exam , okay ? so what does that mean ? so we'll go ahead and we'll see if we can take a look at some of these things . i know that they did an x-ray before you came in , okay ?\n[patient] mm-hmm .\n[doctor] so let's take a look at that .\n[patient] sure .\n[doctor] hey , dragon , show me the right knee x-ray . so here's the r- here's your right knee x-ray . this basically shows that there's good bony alignment . there's no acute fracture , which is not surprising , based on the history .\n[patient] mm-hmm .\n[doctor] okay ? hey , dragon , show me the labs . and here , looking at your lab results , you know , your white blood cell count is not elevated , which is good . you know , we get concerned about that in somebody who's immunocompromised .\n[patient] mm-hmm .\n[doctor] and it looks like your kidney function is also very good . so i'm , i'm very happy about that .\n[patient] yeah .\n[doctor] okay ? so i just wan na go over a little bit about my assessment and my plan for you .\n[patient] mm-hmm .\n[doctor] so for your knee pain , i think that this is an acute exacerbation of your arthritis , okay ? so i wan na go ahead and if ... and prescribe some ultram 50 milligrams every six hours as needed .\n[patient] okay .\n[doctor] okay ? i also wan na go ahead and just order an autoimmune panel , okay ? hey , dragon , order an autoimmune panel . and you know , i , i want , i want you to just take it easy for right now , and if your symptoms continue , we'll talk about further imaging and possibly referral to physical therapy , okay ?\n[patient] you got it .\n[doctor] for your second problem , your hypothyroidism , i wan na go ahead and continue you on this ... on the synthroid , and i wan na go ahead and order some thyroid labs , okay ?\n[patient] sure .\n[doctor] hey , dragon , order a thyroid panel . and then for your last problem , the arthritis , you know , we just kinda talked about that . you know , it's gon na be a struggle for you because again , you ca n't take some of those anti-inflammatory medications because of your kidney transplant , so ...\n[patient] mm-hmm .\n[doctor] you know , let's see how we do over the next couple weeks , and again , we'll refer you to physical therapy if we need to , okay ?\n[patient] you got it .\n[doctor] you have any questions ?\n[patient] not at this point .\n[doctor] okay . hey , dragon , finalize the note .", "file": "D2N002-virtassist", "document_id": "2458c0b3-635b-4446-aecc-6fe755a756f5" }, { - "medication_info": "Medication Info: \n1. Imitrex - dosage not specified \n2. Tylenol - dosage not specified \n3. Ultram - 50 milligrams as needed every six hours \n4. Protonix - 40 milligrams daily (refill requested) \n\nSymptoms: \n1. Back pain \n2. Pain shifting from right to left side of the back \n3. Constant pain for the last 48 hours \n4. Blood in urine (appearing off-color) \n5. Dizziness and light-headedness when exerting \n6. Abdominal pain \n7. Body aches (favoring back while walking) \n8. Tenderness in right lower quadrant \n9. Elevated blood pressure (suggested due to pain)", + "medication_info": "Medication Info: Tylenol; Ultram; Imitrex; Protonix 40 mg daily. Symptoms: back pain (4 days duration), dizziness/light-headedness (with exertion), possible blood in urine (off-color), body aches.", "src": "[doctor] hi , john . how are you ?\n[patient] hey . well , relatively speaking , okay . good to see you .\n[doctor] good to see you as well . so i know the nurse told you about dax . i'm gon na tell dax a little bit about you .\n[patient] okay .\n[doctor] so john is a 61-year-old male with a past medical history significant for kidney stones , migraines and reflux , who presents with some back pain . so john , what's going on with your back ?\n[patient] uh , i'm feeling a lot of the same pain that i had when i had kidney stones about two years ago , so i'm a little concerned .\n[doctor] yeah . and so wh- what side of your back is it on ?\n[patient] uh , honestly , it shifts . it started from the right side and it kinda moved over , and now i feel it in the left side of my back .\n[doctor] okay . and , um , how many days has this been going on for ?\n[patient] the last four days .\n[doctor] okay . and is ... is the pain coming and going ?\n[patient] um , at first it was coming and going , and then for about the last 48 hours , it's been a constant , and it's ... it's been pretty bad .\n[doctor] okay . and what have you taken for the pain ?\n[patient] tylenol , but it really does n't seem to help .\n[doctor] yeah . okay . and do you have any blood in your urine ?\n[patient] um , uh , it ... i think i do . it's kind of hard to detect , but it does look a little off-color .\n[doctor] okay . all right . um , and have you had , uh , any other symptoms like nausea and vomiting ?\n[patient] um , if i'm doing something i'm ... i'm , uh , like exerting myself , like climbing the three flights of stairs to my apartment or running to catch the bus , i feel a little dizzy and a little light headed , and i ... i still feel a little bit more pain in my abdomen .\n[doctor] okay . all right . um , so let- let's talk a little bit about your ... your migraines . how are you doing with those ? i know we started you on the imitrex a couple months ago .\n[patient] i've been pretty diligent about taking the meds . i ... i wan na make sure i stay on top of that , so i've been pretty good with that .\n[doctor] okay , so no issues with the migraine ?\n[patient] none whatsoever .\n[doctor] okay . and how about your ... your acid reflux ? how are you doing with ... i know you were making some diet changes .\n[patient] yeah , i've been pretty good with the diet , but with the pain i have been having, it has been easier to call and have something delivered. so i have been ordering a lot of take-out and fast food that can be delivered to my door so i don't have to go out and up and down the steps to get it myself. but other than that , it's been pretty good .\n[doctor] okay . are you staying hydrated ?\n[patient] yes .\n[doctor] okay . all right . okay , well , let's go ahead and , uh , i know the nurse did a review of systems , you know , with you , and i know that you're endorsing some back pain and a little bit of dizziness , um , and some blood in your urine . any other symptoms ? you know , muscle aches , chest pain ... uh , body aches , anything like that ?\n[patient] i have some body aches because i think i'm ... i'm favoring , um , my back when i'm walking because of the pain , like i kinda feel it in my muscles , but not out of the ordinary and not surprised 'cause i remember that from two years ago .\n[doctor] okay . all right . well , let's go ahead and ... and look at your vital signs today . hey , dragon ? show me the blood pressure . yeah , so your blood pressure's a little high today . that's probably because you're in some pain , um , but let ... let me just take a listen to your heart and lungs , and i'll let you know what i find , okay ?\n[patient] sure .\n[doctor] okay , so on ... on physical exam , you do have some , uh , cda tenderness on the right-hand side , meaning that you're tender when i ... when i pound on that .\n[patient] mm-hmm .\n[doctor] um , and your abdomen also feels a little tender . you have some tenderness of the palpation of the right lower quadrant , but other than that , your heart sounds nice and clear and your lungs are clear as well . so let's go ahead and take a look at some of your results , okay ?\n[patient] sure .\n[doctor] hey , dragon ? show me the creatinine . so we ... we drew a creatinine when you came in here because i was concerned about the kidney stones . it ... it is uh ... it is up slightly , which might suggest that you have a little bit of a obstruction there of one-\n[patient] mm-hmm .\n[doctor] . of the stones . okay ? hey , dragon . show me the abdominal x-rays . okay , and there might be a question of a ... uh , of a stone there lower down , uh , but we'll wait for the official read there . so the , uh , abdominal x-rays show a possible kidney stone , okay ?\n[patient] okay .\n[doctor] so let's talk a little bit about my assessment and plan for you . so , for your first problem , your back pain , i think you're having a recurrence of your kidney stones . so i wan na go ahead and order a ct scan without contrast of your abdomen and pelvis . okay ?\n[patient] mm-hmm .\n[doctor] and i'm also gon na order you some ultram 50 milligrams as needed every six hours for pain . does that sound okay ?\n[patient] okay .\n[doctor] hey , dragon ? order ultram 50 milligrams every six hours as needed for pain . and i want you to push fluids and strain your urine . i know that you're familiar with that .\n[patient] yes , i am .\n[doctor] for your next problem , for your migraines , let's continue you on the imitrex . and for your final problem , uh , for your reflux , uh , we have you on the protonix 40 milligrams a day . do you need a refill of that ?\n[patient] actually , i do need a refill .\n[doctor] okay . hey , dragon ? order a refill of protonix 40 milligrams daily . okay . so the nurse will be in soon , and she'll help you get the cat scan scheduled . and i'll be in touch with you in ... in a day or so .\n[patient] perfect .\n[doctor] if your symptoms worsen , just give me a call , okay ?\n[patient] you got it .\n[doctor] take care .\n[patient] thank you .\n[doctor] hey ... hey , dragon ? finalize the note .", "file": "D2N003-virtassist", "document_id": "2a5b23da-145a-483b-9520-29ab6ae26e9f" }, { - "medication_info": "Medication Info: \n\nMedications:\n1. Tylenol (acetaminophen) - dosage not specified\n2. Ibuprofen - dosage not specified\n3. Meloxicam - 15 milligrams once a day\n4. Metformin - increased to 1,000 milligrams twice daily\n5. Lisinopril - 20 milligrams once a day (refill ordered)\n6. Lasix - dosage not specified\n\nSymptoms:\n1. Back pain\n2. Dropped foot (right side)\n3. Struggling with right leg\n4. Sore back\n5. Pain to palpation of the lumbar 5 or lumbar spine\n6. Decreased range of docetl with flexion and extension\n7. Positive straight leg raise\n8. Weight gain - about 5 pounds\n9. No problems laying flat in bed\n10. High hemoglobin A1c (8)", + "medication_info": "Medication Info: Meloxicam 15 milligrams once a day; metformin 1,000 milligrams twice daily; lisinopril 20 milligrams once a day. Symptoms: back pain, pain to palpation of lumbar spine, decreased range of motion (flexion and extension), positive straight leg raise, weakness in right leg, struggle with right foot (dropped foot), soreness in back.", "src": "[doctor] hi , james , how are you ?\n[patient] hey , good to see you .\n[doctor] it's good to see you , too . so , i know the nurse told you about dax .\n[patient] mm-hmm .\n[doctor] i'd like to tell dax a little bit about you .\n[patient] sure .\n[doctor] james is a 57-year-old male with a past medical history significant for congestive heart failure and type 2 diabetes who presents today with back pain .\n[patient] mm-hmm .\n[doctor] so , james , what happened to your back ?\n[patient] uh , i was golfing and i hurt my back when i went for my backswing .\n[doctor] okay . and did you feel a pop or a strain immediately or ?\n[patient] i f- felt the pop , and i immediately had to hit the ground . i had to just try and do anything to loosen up my back .\n[doctor] okay . and how long ago did this happen ?\n[patient] this was saturday morning .\n[doctor] okay . so , about four days ago ?\n[patient] mm-hmm .\n[doctor] okay . um , and what have you taken for the pain ?\n[patient] uh , i took some tylenol . i took some ibuprofen .\n[doctor] mm-hmm .\n[patient] i tried ice . i tried heat , but nothing really worked .\n[doctor] okay . and , h- how are you feeling now ? are you still in the same amount of pain ?\n[patient] uh , by monday morning , it loosened up a little bit , but it's still pretty sore .\n[doctor] okay . any other symptoms like leg weakness , pain in one leg , numbing or tingling ?\n[patient] uh , i actually felt , um ... i had a struggle in my right foot like dropped foot . i had some struggling with my right leg . i felt that for a while , and it got a little bit better this morning but not much .\n[doctor] okay . all right . um , so , are you ... how are you doing walking around ?\n[patient] uh , uh , uh , i'm , i'm not going anywhere fast or doing anything strenuous but i can walk around a little bit .\n[doctor] uh- .\n[patient] not too fast .\n[doctor] all right . okay . um , and any history with your back in the past ?\n[patient] i actually had surgery about 10 years ago on my lower back .\n[doctor] okay . all right . now , tell me a little bit about your , your heart failure . you know , i have n't seen you in a while .\n[patient] mm-hmm .\n[doctor] how are you doing with your diet ?\n[patient] um , been pretty good t- taking my medications , watching my diet , trying to , uh , trying to exercise regularly , too .\n[doctor] okay . so , you're avoiding the salty foods like we had talked about ?\n[patient] yes .\n[doctor] okay . and any weight gain or swelling in your legs recently ?\n[patient] a little bit of weight gain over the summer but nothing , nothing too radical , nothing more than five pounds .\n[doctor] okay . all right . and any problems laying flat while you go to bed ?\n[patient] no .\n[doctor] okay . uh , and lastly , what about your diabetes ? how are you doing with , with that diet ? i remember you have somewhat of a sweet tooth .\n[patient] yeah .\n[doctor] jelly beans ?\n[patient] i love jelly beans , yeah , yeah . that's been a struggle , but i'm getting through it .\n[doctor] okay . all right . um , and you're watching your blood sugars at home ?\n[patient] mm-hmm . i monitor it regularly . not always, i can forget, , but i'm pretty good about my measuring it .\n[doctor] okay . and you are still on your metformin ?\n[patient] yes .\n[doctor] okay . all right . all right . now , i know the nurse did a review of symptoms sheet when you checked in .\n[patient] mm-hmm .\n[doctor] i know that you were endorsing the back pain-\n[patient] mm-hmm .\n[doctor] . and maybe a little weakness in your right leg . um , any other symptoms ? i know we went through a lot .\n[patient] no .\n[doctor] okay . um , so , i wan na go ahead and move on to a physical exam , okay ?\n[patient] mm-hmm .\n[doctor] hey , dragon , show me the vital signs . so , here in the office , you know , your vital signs look great . they look completely normal , which , which is really good .\n[patient] good .\n[doctor] okay ? so , i'm just gon na check you out , and i'm gon na let you know what i find , okay ?\n[patient] mm-hmm .\n[doctor] lean up . okay . all right . so , on your physical exam , everything seems fine .\n[patient] good .\n[doctor] on your heart exam , i do appreciate a 2 out of 6 systolic ejection murmur , which we've heard in the past-\n[patient] mm-hmm .\n[doctor] . so that's stable .\n[patient] okay .\n[doctor] on your back exam , you do have some pain to palpation of the lumbar 5 or lumbar spine-\n[patient] mm-hmm .\n[doctor] at the level of l5 .\n[patient] okay .\n[doctor] you have , you know , decreased range of docetl with flexion and extension , and , um , you have a positive straight leg raise . uh , for your strength , you do have a 4 out of 5 on your right and 5 out of 5 on your left .\n[doctor] so , what does that mean ? what does all that mean ? so , that basically means that , you know , i , i think that you probably , you know , have injured your , your back with a muscle strain , but we're gon na look at some of your results , okay ?\n[patient] okay , sure .\n[doctor] hey , dragon , show me the back x-ray . so , in reviewing the results of your back x-ray , this is a normal x-ray of your lumbar spine . there's good boney alignment . i do n't see any abnormality there , which is not surprising based on the history , okay ?\n[doctor] hey , dragon , show me the diabetic labs . and this is just ... i just wanted to check your last , uh , diabetic labs that we did on you . uh , it looks like your hemoglobin a1c has been a little high at 8 . i'd like to see that a little bit lower around 7 , okay ?\n[patient] okay .\n[doctor] um , so , let's just talk a little bit about my assessment and my plan for you . um , so , for your first problem , i think you have an acute lumbar , um , strain .\n[patient] mm-hmm .\n[doctor] and i wan na go ahead and prescribe meloxicam 15 milligrams once a day , and i'd like to refer you to physical therapy to kind of strengthen that area . now , if you're still having symptoms , i wan na go ahead and , uh , order an mri-\n[patient] mm-hmm .\n[doctor] . just to make sure that you do n't have any disc herniation or anything like that , okay ?\n[patient] that's fine .\n[doctor] how does that sound ?\n[patient] no problem .\n[doctor] hey , dragon , order meloxicam 15 milligrams once a day . for your next problem , your type 2 diabetes , i would like to increase your metformin to 1,000 milligrams twice daily-\n[patient] mm-hmm .\n[doctor] . and i wan na go ahead and order another hemoglobin a1c in a couple weeks , or , i'm sorry , a couple months .\n[patient] okay .\n[doctor] all right ? hey , dragon , order a hemoglobin a1c . and for your congestive heart failure , uh , i think you're doing really well with it . um , you know , i wan na just continue you on your current medications , your lisinopril and your lasix . now , do you need a refill-\n[patient] actually , i-\n[doctor] of the lisinopril ?\n[patient] actually , i do .\n[doctor] okay . hey , dragon , order a refill of lisinopril 20 milligrams once a day . and so , the nurse will come in . she's gon na help you get checked out . i wan na see you again in a couple weeks , okay ?\n[patient] that's fine .\n[doctor] um , any questions ?\n[patient] not at this point .\n[doctor] okay . hey , dragon , finalize the note .", "file": "D2N004-virtassist", "document_id": "05c8522c-5868-4931-98c4-cbd817040c4e" }, { - "medication_info": "Medication Info: Tramadol, 50 mg, every six hours as needed for pain; Digoxin (mentioned, but no dosage given); Symptoms: pain at the end of right middle finger, tenderness over distal phalanx of right middle finger, distal phalanx fracture.", + "medication_info": "Medication Info: tramadol 50 milligrams, dispensed 8 tablets, to be taken every six hours as needed for pain. Symptoms: pain at the end of the right middle finger, specific pain when pressing on the distal phalanx, very painful upon touch, no pain noted in other areas during examination, distal phalanx fracture.", "src": "[doctor] hey , ms. hill . nice to see you .\n[patient] hi , dr. james , good to see you .\n[doctor] hey , dragon , i'm seeing ms. hill . she's a 41-year-old female , and what brings you in today ?\n[patient] um , i am having a lot of pain at the end of my right middle finger .\n[doctor] what did you do ?\n[patient] a little embarrassing . um , i got rear-ended , slow motor , uh , vehicle accident , and i got really angry with the person who hit me , so i went to flip him the bird , but i was a little too enthusiastic .\n[patient] and i hit the ceiling of the car .\n[doctor] okay . when did this happen ?\n[patient] uh , it was saturday , so about four , five days ago .\n[doctor] five days ago . what were you doing ? were you , like , stopped at a stoplight ? a stop sign ?\n[patient] yes . so i was stopped at a four-way stop , and it was not my turn to go . there were other cars going , and the person behind me just was n't watching . i think they were texting and rear-ended me .\n[doctor] how much damage to your car ?\n[patient] uh , not too much . the , the trunk crumpled up a little bit .\n[doctor] okay . and no other injuries ? just the finger ?\n[patient] just the middle finger .\n[doctor] so you would've escaped this accident without any injuries ?\n[patient] yes . uh , i'm not proud .\n[doctor] okay . um , so four days of right middle finger pain-\n[patient] yes .\n[doctor] . after a motor vehicle accident .\n[patient] yes .\n[doctor] all right . um , let's look at your x-ray . hey , dragon , show me the last x-ray . so what i'm seeing here is on the tip of this middle finger , you actually have a fracture . so you have a distal phalanx fracture in the middle finger . very ...\n[patient] great .\n[doctor] very interesting . let me check it out . um , so does it hurt when i push right here ?\n[patient] yes .\n[doctor] and does that hurt ?\n[patient] very much so .\n[doctor] what about down here ?\n[patient] no .\n[doctor] okay . so generally , your exam is normal other than you've got tenderness over your distal phalanx of your right middle finger . um , so your diagnosis is distal phalanx fracture of the middle finger or the third finger . and i'm gon na put you on a little bit of pain medicine just to help , just , like , two days' worth . okay , so tramadol , 50 milligrams , every six hours as needed for pain . i'm gon na dispense eight of those .\n[patient] okay .\n[doctor] and then , um , i'm gon na put you in a finger splint and have you come back in two weeks to get a follow-up x-ray . any questions for me ?\n[patient] yes . so i'm taking digoxin for afib . will the tramadol be okay with that ?\n[doctor] it will be okay . so you have atrial fibrillation .\n[patient] yes .\n[doctor] you take digoxin .\nall right . any other questions for me ?\n[patient] no , that's it . thank you .\n[doctor] you're welcome . hey , dragon , go ahead and finalize the recording , and , uh , come with me . we'll get you checked out .", "file": "D2N005-virtassist", "document_id": "891fe758-52bd-437a-a3b8-7d8fd4737130" }, { - "medication_info": "Medication Info: 1. Allopurinol - 100 mg, once daily\n2. Omeprazole - 40 mg, once daily \n\nSymptoms: 1. Joint pain\n2. Gout episode in right first big toe\n3. Nausea\n4. Vomiting\n5. Abdominal pain\n6. Bloating", + "medication_info": "Medication Info: \n1. Allopurinol, 100 mg, once daily (refill requested) \n2. Omeprazole, 40 mg, once daily \n\nSymptoms: \n1. Joint pain \n2. Gout \n3. Nausea \n4. Vomiting (throwing up in the morning) \n5. Abdominal pain \n6. Bloating \n7. Right upper quadrant pain \n8. Swollen right knee \n9. Decreased range of motion in the right knee", "src": "[doctor] hi , anna . how are you ?\n[patient] i'm doing okay . how are you ?\n[doctor] i'm doing okay . so i know the nurse told you about dax . i'd like to tell dax a little bit about you .\n[patient] all right .\n[doctor] so , anna is a 44-year-old female with a past medical history significant for arthritis , gout , and reflux , who presents today for follow up of her chronic problems .\n[doctor] so , anna , it's been probably about six months since i've seen you . how are you doing ?\n[patient] i'm doing okay . um , my arthritis is starting to get better . um , i've been trying to move my body , doing pilates , lifting weights , um , and that's , kind of , helped me build up some muscle , so the joint pain is , has been going away .\n[doctor] okay . yeah . i know you were having , you know , some problems with your right knee , uh , and we sent you for physical therapy . so , so that's going well ?\n[patient] yeah . the physical therapy's gone really well . i've built up my strength back and it's been really great .\n[doctor] okay . so you feel like you're able to walk a little bit further now ?\n[patient] yup . i'm walking about a mile , a mile and a half a day .\n[doctor] okay . great . that's good . i'm glad to hear that . okay .\n[doctor] and then , in terms of your gout , um , how are you doing with that ? i know you had an episode of gout of your , your right first big toe , um , about two months ago . how are you doing with that ?\n[patient] i'm doing , doing well . the medication helped it , you know , go down and go away . hopefully , , it does n't come back .\n[doctor] okay . and are you taking the allopurinol that i prescribed ?\n[patient] yes .\n[doctor] okay . and no issues with that ?\n[patient] nope .\n[doctor] okay . great . um , no further flare ups ?\n[patient] no .\n[doctor] okay . great . all right .\n[doctor] and then , you know , how about your reflux ? we had placed you on , um , omeprazole , you know , to help with some of those symptoms and i know that you were gon na do some dietary modifications . how are you doing with that ?\n[patient] so , i started to make some dietary modifications . unfortunately , i have n't cut the stone out quite yet . um , i've still been having some episodes and , and throwing up in the mornings , um , things like that .\n[doctor] you're throwing up in the morning ?\n[patient] yup .\n[doctor] like , just , like , reflux into your throat or are you actually vomiting ?\n[patient] um , actually vomiting .\n[doctor] okay . that's a problem .\n[patient] yup .\n[doctor] all right . well , um , let's talk about any other symptoms that you might have . have you had any abdominal pain ? um , diarrhea ? um , do you feel like your belly's bigger than usual ?\n[patient] um , the , the first and the last . so , i've been having some abdominal pain and then i feel like i'm bloated all the time .\n[doctor] okay . and when was your last bowel movement ?\n[patient] uh , probably two days ago .\n[doctor] okay . was it normal ?\n[patient] yes .\n[doctor] okay . any blood ?\n[patient] no .\n[doctor] okay . all right . and any weight loss ? anything like that ?\n[patient] no , not that i've noticed .\n[doctor] okay . and any fever or chills ?\n[patient] no .\n[doctor] okay . all right . uh , well , sounds like we just did the review of systems with you . it sounds like you're endorsing this , you know , nausea , vomiting , abdominal distension . um , any other symptoms ?\n[patient] no .\n[doctor] no ? okay . all right . well , i wan na go ahead and do a quick physical exam . okay ?\n[doctor] hey , dragon , show me the vital signs . all right . well , your , your vital signs here look quite good . all right . so , i'm , i'm reassured by that . i'm just gon na check out your heart and lungs and your belly and , and l- let you know what i find , okay ?\n[patient] okay .\n[doctor] all right . so , on physical examination , you know , everything looks good . your heart sounds good . your lungs sound good . you know , on your abdominal exam , you do have some pain to your right upper quadrant when i press on it , um , and there's no rebound or guarding and there's no peritoneal signs and your right knee does show a little bit of , uh , an effusion there and there's , uh , some slight pain to palpation and some decreased range of docetl .\n[doctor] so what does that mean , you know ? that means that you have some findings on your belly exam that concern me about your gall bladder , okay ? so , we'll have to look into that and then , um , your right knee looks a little swollen , but you know , we know you have some arthritis there , okay ?\n[patient] okay .\n[doctor] let's take a look at some of your results . hey , dragon , show me the autoimmune panel . hey , dragon , show me the autoimmune labs .\n[doctor] okay . so looking at your autoimmune panel here , you know , we sent that because , you know , you're young and you have , you know , arthritis and gout and that type of thing and everything seemed to be fine .\n[patient] okay .\n[doctor] hey , dragon , show me the right knee x-ray .\n[doctor] so , looking here at your right knee x-ray , you know , there's no fracture or anything , but you know , it does show that you do have that residual arthritis there , um , that we're , you know , we're working on improving so that we do n't have to do some type of surgery or intervention , okay ?\n[patient] okay .\n[doctor] so let's talk a little bit about my assessment and plan for you , okay ? so , for your first problem , um , your reflux and your nausea and vomiting , uh , i wan na go ahead and get a right upper quadrant ultrasound to rule out any gallstones , okay ? um , and then i'm gon na check some labs on you . okay ?\n[patient] okay .\n[doctor] i want you to continue on the omeprazole , 40 milligrams , once a day and continue with those dietary modifications .\n[doctor] um , for your second problem , your gout , um , you know , everything seems controlled right now . let's continue you on the allopurinol , 100 milligrams , once a day . um , do you need a refill of that ?\n[patient] yes , i do actually .\n[doctor] hey , dragon , order allopurinol , 100 milligrams , once daily .\n[doctor] and then from your last problem , your arthritis , i'm very pleased with how your right knee is doing and i want you to continue pilates and using the knee and let me know if you have any issues and we can , and we can talk about further imaging or intervention at that time , okay ?\n[patient] okay .\n[doctor] any questions ?\n[patient] uh , no . that's it .\n[doctor] okay . great . hey , dragon , finalize the note .", "file": "D2N006-virtassist", "document_id": "ce73222e-dbd0-4189-a0fe-a3a44fbd50b3" }, { - "medication_info": "Medication Info: \n\nMedications:\n1. Prozac - 20 mg daily (previous dosage) \n2. Prozac - 40 mg daily (increased dosage plan)\n3. Aspirin - 81 mg daily (prescribed)\n\nSymptoms:\n1. Depression (struggled with it more recently)\n2. Chronic back pain (managing it)\n3. Numbing in legs (not tingling or pain)\n4. Pain with prolonged sitting (at desk work)\n5. Stiffness in back after sitting for long periods", + "medication_info": "Medication Info: Prozac 20 mg/day; Increase to Prozac 40 mg/day; Aspirin 81 mg daily.", "src": "[doctor] and why is she here ? annual exam . okay . all right . hi , sarah . how are you ?\n[patient] good . how are you ?\n[doctor] i'm good . are you ready to get started ?\n[patient] yes , i am .\n[doctor] okay . so sarah is a 27-year-old female here for her annual visit . so , sarah , how have you been since the last time i saw you ?\n[patient] i've been doing better . um , i've been struggling with my depression , um , a bit more just because we've been trapped really inside and remotely over the past year , so i've been struggling , um , off and on with that .\n[doctor] okay . uh , and from looking at the notes , it looks like we've had you on , uh , prozac 20 milligrams a day .\n[patient] yes .\n[doctor] are , are you taking that ?\n[patient] i am taking it . i think it's just a lot has been weighing on me lately .\n[doctor] okay . um , and do you feel like you need an increase in your dose , or do you ... what are you thinking ? do you think that you just need to deal with some stress or you wan na try a , a different , uh , medication or ...\n[patient] i think the , the medication has helped me in the past , and maybe just increasing the dose might help me through this patch .\n[doctor] okay . all right . and , and what else has been going on with you ? i know that you've had this chronic back pain that we've been dealing with . how's that , how's that going ?\n[patient] uh , i've been managing it . it's still , um , here nor there . just , just keeps , um , it really bothers me when i sit for long periods of time at , at my desk at work . so i have ... it helps when i get up and move , but it gets really stiff and it hurts when i sit down for long periods of time .\n[doctor] okay , and do you get any numbing or tingling down your legs or any pain down leg versus the other ?\n[patient] a little bit of numbing , but nothing tingling or hurting down my legs .\n[doctor] okay , and does the , um , do those symptoms improve when you stand up or change position ?\n[patient] yeah , it does .\n[doctor] okay . all right . and any weakness in , in your legs ?\n[patient] no , no weakness , just , just the weird numbing . like , it's , like , almost like it's falling asleep on me .\n[doctor] okay . and are you able to , um , do your activities of daily living ? do you exercise , go to the store , that type of thing ?\n[patient] yeah , i am . it bothers me when i'm on my feet for too long and sitting too long , just the extremes of each end .\n[doctor] okay . and i know that you've had a coronary artery bypass grafting at the young age of 27 , so how's that going ?\n[patient] yeah , i had con- i had a congenital ... you know , i had a congenital artery when i was a baby , so , um , they had to do a cabg on me , um , fairly young in life , but i've been ... my heart's been doing , doing well , and arteries have been looking good .\n[doctor] okay . all right , well , let's go ahead and do a quick physical exam . um , so looking at you , you do n't appear in any distress . um , your neck , there's no thyroid enlargement . uh , your heart i hear a three out of six , systolic ejection murmur , uh , that's stable . your lungs otherwise sound clear . your abdomen is soft , and you do have some pain to palpation of your lumbar spine . uh , and you've had decreased flexion of your back . uh , your lower extremity strength is good , and there's no edema . so let's go ahead and look at some of your results . hey , dragon , show me the ecg . okay , so that looks basically unchanged from last year , which is really good . hey , dragon , show me the lumbar spine x-ray . hey , dragon , show me the back x-ray . great . so this looks good . that's also stable from last year . okay . so let's go ahead and , you know , my , my plan for you at this time , you know , from a chronic back pain standpoint , if you need , um , you know , some more physical therapy , and i can refer you to physical therapy to help with those symptoms that are kind of lingering .\n[patient] mm-hmm .\n[doctor] um , and we can always give you some pain medication if you , if you get some pain periodically with activity . how do you feel about that ? do you need some pain medication ?\n[patient] no , i think physical therapy is the right way to , way to start out on this .\n[doctor] okay . hey , dragon , order physical therapy referral . and then in terms of your depression , we talked about increasing your prozac , so we'll increase it from 20 milligrams to 40 milligrams . it's just one tablet once a day .\n[patient] okay .\n[doctor] um , and i'll send those to your pharmacy . does that sound okay ?\n[patient] that sounds great .\n[doctor] hey , dragon , order prozac , 40 milligrams , once a day . and then in terms of your ... the heart bypass that you've had ... let's go ahead and just order another echocardiogram for you , and i wan na continue you on the aspirin for now , okay ?\n[patient] okay .\n[doctor] hey , dragon , order an echocardiogram . hey , dragon , order aspirin 81 milligrams daily . okay , so the nurse will come in . she'll help you schedule those things , and we'll go from there , okay ?\n[patient] okay .\n[doctor] all right , take care .\n[patient] thank you .\n[doctor] hey , dragon , finalize the note .\n", "file": "D2N007-virtassist", "document_id": "e80c734d-a945-4674-a979-10ae40c554e3" }, { - "medication_info": "Medication Info: \n\nMedications:\n1. Lasix - 40 mg once a day\n2. Toprol - 50 mg daily\n3. Lisinopril - 10 mg daily\n\nSymptoms:\n1. Fatigue\n2. Dizziness\n3. Swelling in legs\n4. Trace to one plus pitting edema in ankles\n5. Seasonal allergies (nasal congestion)\n6. Low hemoglobin (8.2)\n7. Low pumping function of heart (45%)\n8. Moderate mitral regurgitation", + "medication_info": "Medication Info: 1. Lasix 40 mg once a day; 2. Toprol 50 mg daily; 3. Lisinopril 10 mg daily; 4. Referral to gastroenterology for evaluation, including possible colonoscopy and endoscopy. Symptoms: fatigue, dizziness, tiredness during activities like walking a mile, no weight loss, no passing out, swelling in legs, nasal congestion due to seasonal allergies.", "src": "[doctor] hi , stephanie . how are you ?\n[patient] i'm doing okay . how are you ?\n[doctor] i'm doing okay . um , so i know the nurse talked to you about dax . i'd like to tell dax a little bit about you , okay ?\n[patient] okay .\n[doctor] so , stephanie is a 49-year-old female with a past medical history significant for congestive heart failure , kidney stones and prior colonoscopy who presents today for an abnormal lab finding . so , stephanie , i called you in today because your hemoglobin is low . um , how have you been feeling ?\n[patient] over the past couple of months , i've been really tired and dizzy . lately , i've been really just worn out , even just , you know , walking a mile or going to work , doing things that i've done in the past every day that have been relatively okay , and i have n't gotten tired . and now , i've been getting tired .\n[doctor] okay , yeah . i , you know , the nurse told me that you had called with these complaints . and i know that we have ordered some labs on you before the visit . and it did , it c- you know , your , your , your hemoglobin is your red blood cell count . and now , and that came back as a little low on the results , okay ? so , have you noticed any blood in your stools ?\n[patient] uh , no , i have n't . i did about three years ago , um , and i did a colonoscopy for that , but nothing since then .\n[doctor] okay , yeah . i remember that , okay . and how about , you know , do your stools look dark or tarry or black or anything like that ?\n[patient] no , nothing like that .\n[doctor] okay . and have you been , um , having any heavy menstrual bleeding or anything like that ?\n[patient] no , not that i've noticed .\n[doctor] okay , all right . and any , have you passed out at all , or anything like that ? any weight loss ?\n[patient] no , no weight loss or passing out . i have felt a bit dizzy , but it has n't l- led to me passing out at all .\n[doctor] okay . so , you endorse some dizziness . you endorse some fatigue . have you , but you have n't had any weight loss , loss of appetite , anything like that ?\n[patient] no , nothing like that .\n[doctor] okay , all right . so , you know , let's talk a little bit about that colonoscopy . i know you had a colonoscopy about three years ago and that showed that you had some mild diverticuli- diverticulosis . um , no issues since then ?\n[patient] nope , no issues since then .\n[doctor] okay , all right . and then i know that , uh , you know , you have this slightly reduced heart function , you know , your congestive heart failure . how have you been doing watching your salt intake ? i know that that's kind of been a struggle for you .\n[patient] um , it's been more of a struggle recently . i've been traveling a lot . i went up to vermont , um , to go , um , explore the mountains . and along the way i stopped at , you know , mcdonald's and got two cheeseburgers . and so , i , i could be doing better . i've noticed some swelling in my , my legs . um , but nothing too extreme that where i thought i should call .\n[doctor] okay , all right . and any shortness of breath or problems lying flat at night , anything like that ?\n[patient] no , nothing like that .\n[doctor] okay , all right . and then in terms of the kidney stones , i know that you had those a couple years ago , as well . any recent flare ups ? have you had any , any back pain , flank pain , anything like that ?\n[patient] no , nothing like that .\n[doctor] okay . any blood in your urine that you've seen ?\n[patient] no .\n[doctor] okay , all right . um , okay . well , i know that the nurse did a review of system sheet when you came in . and we've just talked a lot about your , your s- your symptoms , you know , your dizziness , your fatigue and that type of thing . anything else that i might have missed , fever chills , any nasal congestion , sore throat , cough ?\n[patient] uh , i've had a little bit of nasal congestion just because with the seasons changing , i , i get seasonal allergies . but everything else has been okay .\n[doctor] okay , all right . well , i'm gon na go ahead and do a quick physical exam , okay ?\n[patient] okay .\n[doctor] hey , dragon , show me the vital signs . so , here in the office today , your vital signs look great . your blood pressure is fine . your heart rates r- right where it should be , which is good , okay ? i'm just gon na do a quick exam . and i'll let you know what , what i find , okay ?\n[patient] okay .\n[doctor] all right . so , your physical , physical examination looks fine . so , on your heart exam , i do hear a three out of six systolic ejection murmur , which we've heard in the past , okay ? and on your lower extremities , i do notice some trace to one plus pitting edema in your ankles , which is probably from the salt intake , okay ?\n[patient] mm-hmm .\n[doctor] so , we'll talk about that . i wan na just look at some of your results , okay ?\n[patient] okay .\n[doctor] hey , dragon , show me the echocardiogram . so , i just wanted to go over the results of your last echocardiogram , that was about six months ago . that shows that you do have the low pumping function of , of your heart at about 45 % , which is not terrible . and it does show that you have some moderate mitral regurgitation . so , that's that slight heart murmur i heard in your exam , okay ? hey , dragon , show me the hemoglobin . and here , this is the hemoglobin that i was referring to . it's low at 8.2 , okay ? so , we'll have to talk a little bit about that , all right ?\n[doctor] so , let me go over a little bit about my assessment and my plan for you , okay ? so , for you first problem this new anemia , uh , i wan na go ahead and send off some more labs and anemia profile , just to see exactly what type of anemia we're dealing with . i also wan na go and refer you back to the gastroenterologist for another evaluation , okay ? hey , dragon , order referral to gastroenterology . so , they're gon na do , uh , probably do an endoscopy and another colonoscopy on you . um , but again , i wan na send off those labs just to make sure that it's not something else , okay ?\n[patient] okay .\n[doctor] for your next problem your congestive heart failure , um , i do think you're retaining a little bit of fluid . so , i'm gon na go ahead and start you on some lasix 40 milligrams once a day . i want you to continue you on your toprol 50 milligrams daily . and as well your , as well , as your lisinopril 10 milligrams a day . i really want you to watch your salt intake , okay ? get a scale , weigh yourself every day . and call me if your weight starts to go up , okay ?\n[patient] okay .\n[doctor] 'cause i might need to give you more diuretic .\n[patient] all right .\n[doctor] and for your last problem your kidney stones , uh , i think everything seems to be fine right at this time . again , continue to watch your diet and stay hydrated . um , and i know that might be a little difficult with the diuretic , but do your best . uh , and give me a call if you have any question , okay ?\n[patient] okay .\n[doctor] all right . any questions right now ?\n[patient] not that i can think of .\n[doctor] okay , great . hey , dragon , finalize the note .", "file": "D2N008-virtassist", "document_id": "fbd35a61-6d83-48a4-a6dd-8b4b2381bbd8" }, { - "medication_info": "Medication Info: Meloxicam 15 mg once a day; Ultram 50 mg every four hours as needed. Symptoms: back pain, pain to palpation of the right lumbar spine, decreased flexion and extension of the back, positive straight leg raise on the right.", + "medication_info": "Medication Info: meloxicam 15 milligrams once a day; ultram 50 milligrams every four hours as needed; ibuprofen (previously taken but can be stopped); tylenol (previously tried and can be continued). Symptoms: back pain, soreness (patient mentioned being 'a little sore'), pain to palpation of the right lumbar spine, decreased flexion and extension of the back, positive straight leg raise on the right.", "src": "[doctor] hi , bryan . how are you ?\n[patient] i'm doing well . i'm a little sore .\n[doctor] yeah ?\n[patient] yeah .\n[doctor] all right , well , i know the nurse told you about dax . i'd like to tell dax a little bit about you , okay ?\n[patient] that's fine .\n[doctor] so bryan is a 55-year-old male with a past medical history significant for prior discectomy , who presents with back pain . so , bryan , what happened to your back ?\n[patient] you ... my wife made me push a , uh , refrigerator out through the other room , and when i was helping to move it , i felt something in my back on the lower right side .\n[doctor] okay , on the lower right side of this back ?\n[patient] yes .\n[doctor] okay . those wives , always making you do stuff .\n[patient] yes .\n\n[doctor] and what day did this happen on ? how long ago ?\n[patient] uh , this was about five days ago .\n[doctor] five days ago .\n[patient] and , you know , i have that history of discectomy .\n[doctor] yeah .\n[patient] and i'm just worried that something happened .\n[doctor] okay . all right . and , and what have you taken for the pain ?\n[patient] um , i have , uh , been taking ibuprofen . uh , and i tried once tylenol and ibuprofen at the same time , and that gave me some relief .\n[doctor] okay . all right . and have you had any symptoms like pain in your legs or numbing or tingling ?\n[patient] um , no , nothing significant like that .\n[doctor] okay , just the pain in your back .\n[patient] just the pain in the back . it hurts to bend over .\n[doctor] okay , and any problems with your bladder or your bowels ?\n[patient] no , no .\n[doctor] i know the nurse said to review a symptom sheet when you checked in .\n[patient] mm-hmm .\n[doctor] and i know that you were endorsing the back pain . any other symptoms ? chest pain ? shortness of breath ? abdominal pain ?\n[patient] no .\n[doctor] nausea ? vomiting ?\n[patient] no other symptoms .\n[doctor] okay . all right . well , let's go ahead and do a quick physical exam . hey , dragon , show me the vital signs . so your vital signs here in the office look really good . you do n't have a fever . your blood pressure's nice and controlled . so that ... that's good . i'm just gon na check out your back and your heart and your lungs , okay ?\n[patient] okay .\n[doctor] okay , so on physical examination , you know , your heart sounds great . there's ... it's a regular rate and rhythm . your lungs are nice and clear . on your back exam , you do have some pain to palpation of the right lumbar spine , uh , in the paraspinal muscles along with decreased flexion and extension of the back , and you have a positive straight leg on the right . or positive straight leg raise on the right , uh , but your strength is good bilaterally in your lower extremities . so that means that i think that you've injured your back .\n[patient] okay .\n[doctor] uh , but , you know , i think it's something that we can , we can fix , okay ?\n[patient] okay , you do n't think there's anything wrong with the ... where i had the surgery before .\n[doctor] i do n't think so .\n[patient] okay .\n[doctor] let's took at some of your results . hey , dragon , show me the back x-ray . so this is an x-ray of your lumbar spine . you know , there's good bony , bony alignment . i do n't see any fracture or anything like that . so that's a good sign . um , hey , dragon . show me the labs . and your labs here all look good , so i'm , i'm happy to see that . uh , so let's talk a little bit about my assessment and my plan for you , okay ?\n[patient] okay .\n[doctor] so i ... my assessment for your first problem , your back pain . i think you have a lumbar strain . i do n't think that anything else is going on , but i wan na go ahead and order an mri-\n[patient] okay .\n[doctor] just to be sure .\n[patient] okay .\n[doctor] okay ? and then i'm gon na prescribe you some meloxicam 15 milligrams once a day along with some ultram , 50 milligrams every four hours as needed , okay ?\n[patient] okay .\n[doctor] um , and then we'll go ahead and refer you to some physical therapy once we get the mri results back , okay ?\n[patient] should i continue to take the tylenol and the ibuprofen ?\n[doctor] you can stop the ibuprofen .\n[patient] okay .\n[doctor] you can take tylenol if you want .\n[patient] okay .\n[doctor] you know to call me if , if you need anything .\n[patient] okay .\n[doctor] okay ?\n[patient] okay .\n[doctor] any questions , uh , bryan ?\n[patient] no , no questions .\n[doctor] okay . hey , dragon , finalize the note .", "file": "D2N009-virtassist", "document_id": "249cc2d9-6181-43ea-a3f2-0dccf7e4aa99" }, { - "medication_info": "Medication Info: \n1. Amoxicillin - 500 milligrams, three times a day for 10 days\n\nSymptoms: \n- High blood sugar (300's) \n- Joint pain (right knee) \n- Nausea (a couple of days back) \n- Reflux symptoms (improved) \n- Lower extremity edema (right side) \n- Erythema and insect bite on right knee", + "medication_info": "Medication Info: Amoxicillin, 500 milligrams, three times a day for 10 days. \n\nSymptoms: \n1. Hyperglycemia (high blood sugar in the 300's) \n2. Joint pain in right knee \n3. Nausea (from car ride) \n4. Erythema and insect bite with associated fluctuants on right knee \n5. Lower extremity edema on right side \n6. Past reflux symptoms (improved with treatment) \n7. Congestive heart failure (history) \n8. Right rotator cuff issue (improved) \n9. Positive for strep \n10. Elevated lyme titer.", "src": "[doctor] hi keith , how are you ?\n[patient] ah , not too good . my blood sugar is n't under control .\n[doctor] and , uh , so keith is a 58-year-old male here for evaluation of high blood sugar . so , what happened ? ha- have you just been taking your blood sugars at home and noticed that they're really high ? or ?\n[patient] yeah i've been taking them at home and i feel like they've been creeping up slightly .\n[doctor] have- ... what have they been running , in like the 200's or 300's ?\n[patient] 300's .\n[doctor] they've been running in the 300's ? and tell me about your diet . have you been eating anything to spark- ... spike them up ?\n[patient] to be honest my diet has n't changed much .\n[doctor] okay . have you- ... go ahead .\n[patient] actually it has n't changed at all . much of the same .\n[doctor] okay and what do you con- consider the same ? are you eating lots of sugar ? like , teas and coffees and-\n[patient] i do n't take sugar with my tea .\n[doctor] okay , all right . and how about , um , like any added sugars into any kind of processed foods or anything like that ?\n[patient] uh , i think most of my sugars come from fruit .\n[doctor] from what ?\n[patient] fruit .\n[doctor] fruit , okay .\n[patient] yeah .\n[doctor] all right . um , and have you been feeling sick recently ? have you had any fever or chills ?\n[patient] uh , i have not .\n[doctor] body aches , joint pain ?\n[patient] uh , a bit of joint pain .\n[doctor] multiple joints , or just one joint ?\n[patient] uh , my knee . uh , sorry , right knee to be more exact .\n[doctor] your right knee ?\n[patient] yeah .\n[doctor] okay . and what happened ?\n[patient] ah , to be honest , nothing much . i just noticed it when you said it .\n[doctor] okay , all right . um , and how about any nausea or vomiting or belly pain ?\n[patient] uh , i was nauseous a couple of days back but , uh , that's just because i was sitting in the back of a car . i hate that .\n[doctor] okay . all right . and no burning when you urinate or anything like that ?\n[patient] not at all .\n[doctor] okay . all right . so , um ... you know , i know that you've had this reflux in the past . how are you doing with that ? are you still having a lot of reflux symptoms or do you feel like it's better since we've put you on the protonix ?\n[patient] i think it's a bit better . uh , i do n't get up at night anymore with reflux and that's always a good thing .\n[doctor] okay , all right . and i know you have this history of congestive heart failure . have you noticed any recent , uh , weight gain or fluid retention ?\n[patient] um , not really .\n[doctor] no ? okay . um , and any problems sleeping while laying flat ?\n[patient] uh , i- i prefer to sleep on my side so i ca n't really say .\n[doctor] okay , but even then , you're flat .\n[patient] yup , yeah .\n[doctor] okay . all right . and i know that we had an issue with your right rotator cuff , is that okay ?\n[patient] it's surprisingly good now .\n[doctor] okay , all right . all right , well let's go ahead and we'll do a quick physical exam . so ... feeling your neck , i do feel like your thyroid's a bit enlarged here . um , your heart is nice and regular . your lungs are clear . your abdomen , um , is nice and soft . your right knee shows that you have some erythema and- and an insect bite with associated fluctuants . and , um , you have some lower extremity edema on the right hand side . so let's go ahead and look at some of your results . i know the nurse had reported these things and we ordered some labs on you before you came in . hey dragon , show me the vital signs . okay , well your- your vital signs look good , which is good . hey dragon , show me the lyme titer . okay , so , you know , your lyme titer is a little elevated , so i think we'll have to go ahead and- and look into that a little bit , okay ?\n[patient] makes sense .\n[doctor] that can certainly cause your blood sugar to be elevated . um , hey dragon , uh , show me the rapid strep . and you also have , uh , positive for strep . so i think we have some reasons as to why your blood sugar is so high . so my impression of you , you know , you have this hyperglycemia , which is probably related to some infections going on in your body . um , from a- a- a rapid strep standpoint we're gon na go ahead and treat you with penicillin or , i'm sorry , amoxicillin , 500 milligrams , three times a day . uh , make sure you take it all , even if you start feeling better , okay ?\n[patient] for sure .\n[doctor] hey dragon , order amoxicillin , 500 milligrams , three times a day for 10 days . um ... okay . and from ... , and from all- ... a positive lyme titer aspect , we should go ahead and order a western blot , just pcr to see if you have any , um , to see if it's actually acute lyme , okay ?\n[patient] okay .\n[doctor] okay . um , hey dragon , order a western blot pcr for lyme . okay . all right . well we'll go ahead and , um , the nurse will come in soon and she'll set you up with these tests , okay ?\n[patient] yeah . you said lyme . is that related to lyme disease ?\n[doctor] yes it is , yeah .\n[patient] you're certain i do n't have alpha-gal syndrome though , right ? i'm terrified of that one .\n[doctor] have what ?\n[patient] alpha-gal syndrome , the one where a tick bites you and you get an allergic reaction to meat .\n[doctor] yeah , i do n't think so . have you eaten meat over the last couple of days ?\n[patient] i have .\n[doctor] okay . well i- ... it's , you know , your blood sugar's elevated so you might be having an inflammatory response to that , but we'll go ahead and order some tests to look into it , okay ?\n[patient] that sounds good .\n[doctor] all right . call me if anything happens , okay ?\n[patient] definitely .\n[doctor] all right . hey dragon , finalize the note .", "file": "D2N010-virtassist", "document_id": "afd49e7d-544c-4c3d-8e40-3fd45a51b0c7" }, { - "medication_info": "Medication Info: \n- Carvedilol 25 mg twice a day \n- Lisinopril 10 mg once a day \n\nSymptoms: \n- Chest pain \n- Shortness of breath \n- High blood pressure (180 over 95) \n- No other symptoms since the episode\n- No issues post knee surgery \n- Enlarged thyroid \n- Carotid bruit on the right side \n- Regular heart rate and rhythm with a 3/6 systolic ejection murmur \n- No lower extremity edema.", + "medication_info": "Medication Info: Carvedilol 25 mg twice a day; Lisinopril 10 mg daily. Symptoms mentioned: Chest discomfort, shortness of breath, surprising episode of chest pain. Blood pressure reading: 180/95.", "src": "[doctor] hi , roger . how are you ?\n[patient] hey . good to see you .\n[doctor] good to see you . are you ready to get started ?\n[patient] yes , i am .\n[doctor] roger is a 62 year old male here for emergency room follow-up for some chest pain . so , roger , i heard you went to the er for some chest discomfort .\n[patient] yeah . we were doing a bunch of yard work and it was really hot over the weekend and i was short of breath and i felt a little chest pain for probably about an hour or so . so , i got a little nervous about that .\n[doctor] okay . and had you ever had that before ?\n[patient] no , i never have , actually .\n[doctor] okay . and-\n[patient] whose mic is on ? i'm in .\n[doctor] okay . and , um , how are you feeling since then ?\n[patient] um , after , uh , we were done , i felt fine ever since , but i thought it was worth looking into .\n[doctor] okay . and no other symptoms since then ?\n[patient] no .\n[doctor] okay . and any family history of any heart disease ?\n[patient] uh , no , actually . not , not on my , uh , uh , on my immediate family , but i have on my cousin's side of the family .\n[doctor] okay . all right . all right . and , um , you know , i know that you had had the , uh , knee surgery-\n[patient] mm-hmm .\n[doctor] a couple months ago . you've been feeling well since then ?\n[patient] yeah . no problem in , uh , rehab and recovery .\n[doctor] okay . and no chest pain while you were , you know , doing exercises in pt for your knee ?\n[patient] no . that's why last week's episode was so surprising .\n[doctor] okay . all right . and in terms of your high blood pressure , do you know when you had the chest pain if your blood pressure was very high ? did they say anything in the emergency room ?\n[patient] um , they were a little concerned about it , but , uh , they kept me there for a few hours and it seemed to regulate after effect . so , it , it did n't seem to be a problem when i , when i went home .\n[doctor] okay . and , and i see here that it was about 180 over 95 when you went into the emergency room . has it been running that high ?\n[patient] uh , usually no . that's why it was so surprising .\n[doctor] okay . all right . all right . well , let's go ahead and we'll do a quick physical exam . so , looking at you , you know , i'm feeling your neck . i do feel a little enlarged thyroid here that's not tender . you have a carotid bruit on the right hand side and , uh , your lungs are clear . your heart is in a regular rate and rhythm , but i do hear a three out of six systolic ejection murmur . your abdomen is nice and soft . uh , there is the healed scar on your right knee from your prior knee surgery , and there's no lower extremity edema .\n[doctor] so , let's look at some of your results , okay ?\n[patient] mm-hmm .\n[doctor] hey , dragon , show me the blood pressure . yeah . and here , your blood pressure's still high , so we'll have to talk about that . um , hey , dragon , show me the ekg . so , here you- that's good , your , your ekg-\n[patient] mm-hmm .\n[doctor] . here is normal , so that's , that's very encouraging . um , i know that they had the echocardiogram , so let's look at that . hey , dragon , show me the echocardiogram . okay . so , looking at this , you know , you do have a little bit of a , a low pumping function of your heart , which , you , you know , can happen and we'll have to look into that , okay ?\n[patient] mm-hmm .\n[doctor] so , you know , my impression is is that you have this episode of chest pain , um , that could be related to severe hypertension or it could be related to some heart disease . so , what i'd like to go ahead and do is , number one , we'll put you on , um ... we'll change your blood pressure regimen . we'll put you on carvedilol , 25 milligrams twice a day . that helps with coronary disease as well as your pumping function of your heart . um , i wan na go ahead and order a cardiac catheterization on you and make sure that we do n't have any blockages in your heart arteries responsible for the chest pain .\n[doctor] for the high blood pressure , we're gon na add the carvedilol and i want you to continue your lisinopril 10 milligrams a day and i wan na see , uh , how your blood pressure does on that regimen , okay ?\n[patient] okay . sounds good .\n[doctor] all right . so , the nurse will be in soon and i'll ... we'll schedule that cath for you , okay ?\n[patient] you got it .\n[doctor] hey , dragon , finalize the note .", "file": "D2N011-virtassist", "document_id": "de2fd24a-4cad-4eea-81ab-817e032cb4ec" }, { - "medication_info": "Medication Info: \n1. Prozac - 20mg daily (currently taken, patient self-weaned off) \n2. Metformin - increase to 1000mg twice a day \n3. Albuterol - 2 puffs every 4 to 6 hours as needed \n4. Symbicort - 2 puffs twice a day during the summer \n5. Zoloft - 25mg once a day (new prescription) \n\nSymptoms mentioned: \n- Depression (persistent issues) \n- Asthma (shortness of breath, wheezing) \n- Dizziness/lightheadedness (thought to be from heat and fatigue) \n- Knee pain from activity", + "medication_info": "Medication Info: \n- Prozac 20mg daily (currently weaning off) \n- Metformin 1000mg twice a day (increased) \n- Albuterol 2 puffs every 4 to 6 hours as needed \n- Symbicort 2 puffs twice a day (added) \n- Zoloft 25mg once a day (started) \n\nSymptoms: \n- Depression (battles with it periodically) \n- Asthma issues (shortness of breath, wheezing) \n- Lightheadedness and dizziness (due to heat and fatigue) \n- Knee pain (from physical activity)", "src": "[doctor] hi , joseph . how are you ?\n[patient] hey , i'm okay . good to see you .\n[doctor] good to see you . are you ready to get started ?\n[patient] yes , i am .\n[doctor] okay . joseph is a 59 year old male here for routine follow-up of his chronic problems . so , joseph , how have you been doing ?\n[patient] yeah , i've been kind of managing through my depression , and , uh , my asthma's been acting up 'cause we had a really bad pollen season , and i am at least keeping my diabetes under control , but just , uh , it's just persistent issues all around .\n[doctor] okay . all right . well , let's start with your diabetes . so , your diet's been good ?\n[patient] um , for the most part , but we have been traveling all over to different sports tournaments for the kids , so it was , uh , a weekend of , uh , eating on the go , crumby junk food , pizza , and did n't really stick to the diet , so that was a bit of an adjustment .\n[doctor] okay . all right . um , but , ha- ha- have you ... let's just talk about your review of systems . have you had any dizziness , lightheadedness , fever , chills ?\n[patient] running up and down the stairs , it was pretty warm , so i did feel a little bit lightheaded , and i did get a little dizzy , but i thought it was just the heat and the fatigue .\n[doctor] okay . any chest pain , shortness of breath , or belly pain ?\n[patient] shortness of breath . no belly pain though .\n[doctor] okay . all right . and , how about any joint pain or muscle aches ?\n[patient] uh , my knees hurt a little bit from running up and down , and maybe picking up the boxes , but nothing out of the ordinary .\n[doctor] okay . all right . um , and , in terms of your asthma , you just said that you were short of breath running up and down the stairs , so , um , do , how often have you been using your inhaler over the past year ?\n[patient] only when it seems to go over about 85 degrees out . that's when i really feel it , so that's when i've been using it . if it's a nice , cool , dry day , i really do n't use the inhaler .\n[doctor] okay . and , um-\n[doctor] and , in terms of your activities of daily living , are you able to exercise or anything like-\n[patient] yes , i do exercise in the morning . i , i ride , uh , our bike for probably about 45 minutes or so .\n[doctor] okay . all right . and then , your depression , you said it's ... how's that going ? i know we have you on the , on the prozac 20mg a day . are you taking that ? are you having a lot of side effects from that ?\n[patient] i was taking it regularly , but i've kind of weened myself off of it . i thought i felt a little bit better , but i think , uh , i , i kinda go through battles with depression every so often .\n[doctor] okay . all right . are you interested in resuming the medication , or would you like to try a different one ?\n[patient] i , maybe adjusting what i'm currently taking , maybe l- less of a dose so i do n't feel the side effects as much , but i , i'm willing to try something different .\n[doctor] okay . all right . okay , well , let's , let's go ahead and we'll do a quick physical exam . so , looking at you , you're in , in no apparent distress . i'm feeling your neck . there's no cervical lymphadenopathy . your thyroid seems not enlarged . and , listening to your lungs , you do have some bilateral expiratory wheezing that's very faint , and your heart is a regular rate and rhythm . your abdomen is soft , and uh , your lower extremities have no edema . so , let's go ahead and look at some of your results . hey , dragon , show me the pfts .\n[doctor] okay , so your , your pfts , that , those are your breathing studies , and those look quite good , so i know that you're wheezing right now , but , um , you know , i think that we can add , add , um , a regimen to that to help , to help you with your , um , exacerbations during the , the summer months , okay ?\n[patient] okay .\n[doctor] and then , let's look at your ... hey , dragon ? show me the hemoglobin a1c . okay , so your a1c , you're right , you know , over the past couple months is , you know , your blood sugar's probably been running a little high , so , you know , i know that you're gon na get back on your diet regimen , but , um , for right now , let's go ahead and we'll increase your metformin , okay ?\n[patient] okay .\n[doctor] um , and then , hey , dragon ? show me the chest x-ray . okay , good , and your chest x-ray looks fine , so we know that there's no pneumonia there .\n[patient] mm-hmm .\n[doctor] and , it's just is all just from your asthma . so , you know , my impression of you at this time , you know , from a diabetes standpoint , let's , let's increase the metformin to 1,000 mg twice a day . um , and , we will get a repeat hemoglobin a1c in three months , and i want you to continue to monitor your blood sugars at home .\n[doctor] from an asthma standpoint , let's continue you on the albuterol , two puffs , uh , every four to six hours as needed , and we'll add symbicort , two puffs twice a day during the summer , to kind of help prevent those exacerbations . and then , from a depression standpoint , we'll go ahead and start you on a different medication , zoloft , um , 25 mg once a day and see how you tolerate that . does that sound okay ?\n[patient] perfect .\n[doctor] all right . so , the nurse will be in soon , and she'll get you situated with all of that , okay ?\n[patient] great .\n[doctor] it was good to see you .\n[patient] same here .\n[doctor] hey , dragon ? finalize the note .", "file": "D2N012-virtassist", "document_id": "f1aa2565-a844-4d3f-829a-f69c3e262960" }, { - "medication_info": "Medication Info: \nMedications: \n1. Metformin - 500 mg twice a day \n2. Keppra - dosage not specified \n\nSymptoms: \n1. High blood sugar (blood sugar level of 162) \n2. Anxiety (patient mentioned having moments of anxiety) \n3. Epilepsy (previous minor seizures a few monthsago) \n4. Trace pitting edema in lower extremities (possible fluid retention) \n5. No recent chest pain, shortness of breath, nausea, vomiting, dizziness, fever, or chills.", + "medication_info": "Medication Info: Metformin 500 mg twice a day; Keppra; Symptoms: high blood sugar, anxiety, epilepsy, trace pitting edema, fluid retention.", "src": "[doctor] hi , john , how are you doing ?\n[patient] hi , good to see you .\n[doctor] good to see you too . so i know the nurse told you about dax , i'd like to tell dax a little about you .\n[patient] sure .\n[doctor] so john is a 55-year-old male with a past medical history significant for anxiety and epilepsy who presents with an abnormal lab finding . so , john , um , i , uh , was notified by the emergency room that you , um , had a really high blood sugar and you were in there with , uh ... they had to treat you for that , what was going on ?\n[patient] yeah , we've been going from place to place for different events and we've had a lot of visitors over the last couple of weeks and i just was n't monitoring my sugar intake and , uh , a little too much stress and strain i think over the last couple of weeks .\n[doctor] okay , yeah , i had gone through your hemoglobin a1c's and you know , they were borderline in the past but-\n[patient] mm-hmm\n[doctor] -i guess , you know , i guess they're high now so how are you feeling since then ?\n[patient] so far so good .\n[doctor] okay , did they put you on medication ?\n[patient] uh , they actually did .\n[doctor] okay , all right . i think they have here metformin ?\n[patient] yeah , that's- that sounds right .\n[doctor] all right , um , and , um , in terms of your anxiety , i'm sure that this did n't help much-\n[patient] did n't help , no , not at all .\n[doctor] how are you doing with that ?\n[patient] um , i had my moments but , um , it ... now that it's almost the weekend , it's- it's been a little bit better . i think things are under control by now .\n[patient] okay .\n[doctor] okay ? um , how about your epilepsy , any seizures recently ?\n[patient] not in a while , it's been actually quite a few months and it was something minor but noth- nothing major ever since .\n[doctor] okay . all right , well you know i wanted to just go ahead and do , um , a quick review of the systems , i know you did a cheat with the nurse-\n[patient] mm-hmm .\n[doctor] any chest pain , shortness of breath , nausea , vomiting , dizzy- dizziness ?\n[patient] no , no .\n[doctor] okay , any recent fever , chills ?\n[patient] no .\n[doctor] okay . and all right , let's go ahead do a quick physical exam . hey , dragon , show me the vitals . so looking here at your vital signs today , um , they look really good . so i'm just gon na go ahead and take a listen to your heart and lungs .\n[patient] mm-hmm .\n[doctor] okay , so on physical examination , you know , everything seems to look really good , um lungs are nice and clear , your heart's at a regular rate and rhythm . you do have some trace pitting edema to your lower extremities so what that means is that it looks like you might be retaining a little bit of fluid-\n[patient] mm-hmm .\n[doctor] um , did they give you a lot of fluid in the emergency room ?\n[patient] they actually did .\n[doctor] okay , all right , so it might just be from that . okay , well let's look at some of your results . hey , dragon , show me the glucose . okay , so yeah , you know i know that they just checked your blood sugar now and it was 162 and you know , what ... you know , did you eat before this ?\n[patient] uh , probably about two hours ago .\n[doctor] okay , all right . hey , dragon , show me the diabetes labs . yeah , so your hemoglobin a1c here is is 8 , you know last time we had seen it , it was about 6 and we had n't put you on medications so , um , i think it's something we'll have to talk about , okay ?\n[patient] you got it .\n[doctor] um , so let's just talk a little bit about my assessment and my plan for you so for your first problem , this newly diagnosed diabetes . um , you know , i want to continue on the metformin 500 mg twice a day . we'll probably increase that over time .\n[patient] mm-hmm .\n[doctor] i'm gon na go ahead and order hemoglobin a1c for the future okay ?\n[patient] sure .\n[doctor] um for your second problem , your anxiety . it sounds like you know you might have , you know , some issues leading into the winter . how do you feel about that ?\n[patient] well , i'll try something new just to help . if it helps that'd be great .\n[doctor] okay , all right , and so for your last ish issue , your- your epilepsy , you know , i think you saw your neurologist about three months ago , you must be due to see her again some time soon ?\n[patient] i am .\n[doctor] and we'll just continue you on the keppra , okay ?\n[patient] sure .\n[doctor] any questions ?\n[patient] not at this point , no .\n[doctor] okay , um , hey , dragon , finalize the note .", "file": "D2N013-virtassist", "document_id": "34fc3b93-c73e-4824-82ce-516e49fca25c" }, { - "medication_info": "Medication Info: \nMedications: \n- Lasix 80 mg, once a day \n- Carvedilol 25 mg, twice a day \nSymptoms: \n- Shortness of breath during tennis \n- Light-headedness \n- Dizziness \n- Trace lower extremity edema \n- Congestive heart failure exacerbation", + "medication_info": "Medication Info: \n- Lasix 80 milligrams, once a day\n- Carvedilol 25 milligrams, twice a day\n\nSymptoms: \n- Shortness of breath\n- Light-headedness\n- Dizziness\n- Trace lower extremity edema\n- Some fine crackles in lungs", "src": "[doctor] hi , louis . how are you ?\n[patient] hi . good to see you .\n[doctor] it's good to see you as well . are you ready to get started ?\n[patient] yes , i am .\n[doctor] louis is a 58-year-old male here for follow up from an emergency room visit . so , louis , what happened ?\n[patient] yeah . i was playing tennis on saturday . it was really , really hot that day , very humid . and about after about a half an hour i was very short of breath , i was struggling breathing . i thought i was having a heart attack , got really nervous . so , my wife took me to the er and , uh , everything checked out , but i was just very upset about it .\n[doctor] okay . all right . and how have you been feeling since that time ?\n[patient] uh , foof , probably , probably about six hours after we got home , i felt very light-head and very dizzy and then , sunday , i felt fine . i just thought it was worth checking up with you though .\n[doctor] okay . and have you been taking all of your meds for your heart failure ?\n[patient] i have . i have . i've been , uh , very diligent with it . and , uh , i'm in touch with the doctor and so far , so good , other than this episode on saturday .\n[doctor] okay . and , and you're watching your diet , you're avoiding salt . have you had anything salty ?\n[patient] i cheat every now and then . you know , i try and stay away from the junk food and the salty foods . but , for the most part , i've been doing a good job of that .\n[doctor] okay . all right . um , and i know that they removed a cataract from your eye-\n[patient] mm-hmm .\n[doctor] . a couple of , like couple months ago . that's been fine ?\n[patient] that was three months ago , thursday , and everything's been fine ever since .\n[doctor] okay . so , no vision problems .\n[patient] no .\n[doctor] okay . and you had a skin cancer removed about five months ago as well . you've had a lot going on .\n[patient] yeah . it's been a really busy year . an- and again , so far , so good . that healed up nicely , no problems ever since .\n[doctor] okay . all right . um , so , why do n't we go ahead and we'll do a quick physical-\n[patient] mm-hmm .\n[doctor] . exam . hey , dragon , show me the blood pressure . so , here , your blood pressure is a little high .\n[patient] mm-hmm .\n[doctor] um , so , you know , i did see a report in the emergency room that your blood pressure was high there as well .\n[patient] mm-hmm .\n[doctor] so , we'll have to just kind of talk about that . uh , but let's go ahead and we'll examine you .\n[patient] sure .\n[doctor] okay ?\n[patient] mm-hmm .\n[doctor] okay . so , you know , looking at you , your neck is very supple . i do n't appreciate any fibular venous distention . your heart is a regular rate and rhythm , no murmur . your lungs have some fine crackles in them , bilaterally . and you have trace lower extremity edema in both legs . so , what that means , essentially , is that you may have some extra fluid on board , um , from eating salty foods-\n[patient] mm-hmm .\n[doctor] . along with this history of your congestive heart failure . but , let's go ahead and look at some of your results . hey , dragon , show me the ecg . so , this is , uh , a s- a stable ecg for you . this basically shows that you have some left ventricular hypertrophy which caused your congestive heart failure . um , let's go ahead and review your echocardiogram . hey , dragon , show me the echocardiogram . so , in reviewing the results of your echocardiogram , it shows that your pumping function of your heart is a little low , uh , but it's stable . and , you know , i think that we know this and we have you on the appropriate-\n[patient] mm-hmm .\n[doctor] medication therapy . and then , i just wan na be reminded about , um , the results of your skin biopsy . hey , dragon , show me the skin biopsy results . okay . and in reviewing the pathology report for your skin cancer-\n[patient] mm-hmm .\n[doctor] . you know , it looks like they got all of that and everything's fine .\n[patient] yep .\n[doctor] so , you know , my impression of you at this time , for the shortness of breath that you had in the emergency department , i think it was an exacerbation of your heart failure . and you probably had some , what we call , dietary indiscretion , you ate some salty food which made you retain some fluid .\n[patient] mm-hmm .\n[doctor] so , for that , i'm going to prescribe you , you know , an extra dose of lasix 80 milligrams , once a day . and , um , we're going to , uh , put you on some carvedilol 25 milligrams , twice a day . okay ?\n[patient] okay . perfect .\n[doctor] um , and i think from a , a cataract surgery standpoint and your skin cancer removal , everything seems to be fine and you're doing well , so i do n't think we need to adjust any of those medications .\n[patient] good to hear .\n[doctor] okay ? hey , dragon , order lasix 80 milligrams , once a day . hey , dragon , order carvedilol 25 milligrams , twice a day . okay . and the nurse will come in and she'll see you soon . okay ?\n[patient] great .\n[doctor] hey , dragon , finalize the note .", "file": "D2N014-virtassist", "document_id": "842460bd-2460-4a75-9ff1-1f83110636c0" }, { - "medication_info": "Medication Info: \nMedications:\n1. Effexor - dosage not specified, for depression\n2. Gabapentin (Neurontin) - dosage not specified, for chronic back pain\n3. Combivent - 2 puffs twice a day, for COPD\n4. Albuterol - 2 puffs as needed, for acute shortness of breath\n5. Prednisone - taper pack, for COPD\n\nSymptoms:\n1. Shortness of breath during mild exercise or walking\n2. Palpitations\n3. Depression (with fluctuations in mood)\n4. Chronic back pain\n5. Mild wheezes in lung fields\n6. Possible asthma or COPD", + "medication_info": "Medication Info: 1. Effexor - dosage not mentioned; for depression. 2. Gabapentin (Neurontin) - dosage not mentioned; for chronic back pain. 3. Combivent - two puffs twice a day; for COPD. 4. Albuterol - two puffs as needed; rescue inhaler for shortness of breath. 5. Prednisone - taper pack; for COPD.", "src": "[doctor] thanks , rachel . nice , nice to meet you .\n[patient] yeah .\n[doctor] um , as my nurse told you , we're using dax . so i'm just gon na tell dax a little bit about you .\n[patient] mm-hmm .\n[doctor] so rachel is a 48-year-old female here for shortness of breath . she has a history of depression , smoking , and chronic back pain . so tell me about this shortness of breath .\n[patient] okay . so there are times when i'm either doing very , very mild exercises or just walking , even if i'm just walking up , you know , my driveway , i find myself palpitating a lot , and there's a little bit of shortness of breath .\n[doctor] mm-hmm .\n[patient] i do n't know if it's got to do with the back pain , you know , whether that gets triggered as well at the same time .\n[doctor] right .\n[patient] but definitely i feel it happens more often lately .\n[doctor] okay . and anything else change recently ? like , have you changed lifestyle , like you're exercising more than you used to , having any allergies , anything like that ?\n[patient] probably exercising more to get rid of the covid 15 .\n[doctor] the covid 15 . yeah . now last time i saw you , you were smoking two packs a day . how much are you smoking now ?\n[patient] um , it's gone down quite a bit because , yeah , we said we have to make some , you know , changes as you get older .\n[doctor] yeah .\n[patient] so i would say it's probably , um , maybe , maybe a couple ... probably a coup- i do n't know . probably once or day or something .\n[doctor] just couple cigarettes a day ?\n[patient] probably once a day , yeah .\n[doctor] we're getting close .\n[patient] yeah .\n[doctor] that's awesome .\n[patient] mm-hmm .\n[doctor] that's great news . um , and then how's your depression doing ?\n[patient] i have my moments .\n[doctor] yeah .\n[patient] there are some days when i feel , you know , i wake up and everything was great .\n[doctor] uh- .\n[patient] and then there are times , i do n't , i do n't know whether it's got to do with the weather or what else kind of triggers it .\n[doctor] yeah .\n[patient] there are some days when i feel extremely low .\n[doctor] okay . and you had been taking the effexor for your depression . are you still taking that ?\n[patient] yes , i am .\n[doctor] okay , great . and then , um the chronic back pain , we've been giving you the gabapentin neurontin for that . is that helping control the pain ?\n[patient] i think it is .\n[doctor] yeah .\n[patient] it is ... it's definitely , um , i feel better .\n[doctor] uh- .\n[patient] but it does come every now and then .\n[doctor] right . what do you do when it's really bad ?\n[patient] um , i try to just get as much rest as i can .\n[doctor] okay . and you had talked about doing yoga . are you doing yoga anymore ?\n[patient] i wish i said yes , but i have n't really made it a habit .\n[doctor] okay . okay . well , um , you know , said ... you said you were coming in with shortness of breath , so we sent you to get some pulmonary function tests .\n[patient] mm-hmm .\n[doctor] so let's just look at those . hey , dragon , show me the pulmonary function tests . okay , so it looks like ... , it's interesting . it says that you might be having a little bit of asthma or , uh , copd . and if you are , we'll talk about that .\n[patient] mm-hmm .\n[doctor] let's look at our x-ray . hey , dragon , show me the most recent x-ray . okay , i said it wrong . hey , dragon , show me the most recent chest x-ray . okay , this is interesting . your ... kind of your diaphragm is a little bit flatter , and we'll see that in some , uh , copd , which happens with smokers often . so let's just do a quick physical exam . i know my nurse did the review of systems with you . is there anything else bothering you that we need to talk about today ?\n[patient] no other issues .\n[doctor] okay . great . let's do the exam . all right , so your physical exam looks pretty normal other than you've got kind of these mild wheezes in all your lung fields . and so i think you do have copd from your pulmonary function tests , your x-ray , and that . so i'm gon na diagnose you with copd . chronic obstructive pulmonary disease . it means you're not able to exhale appropriately .\n[patient] mm-hmm .\n[doctor] so we're gon na put you on a medicine called combivent . okay , you're gon na do two puffs twice a day . it's gon na help open up your lungs . it's an inhaler .\n[patient] mm-hmm .\n[doctor] i'm also gon na prescribe albuterol , which you use when you get really short of breath . it's like a rescue thing .\n[patient] mm-hmm .\n[doctor] um , and then i'm gon na prescribe some steroids to help , also some prednisone . so let me just order those .\n[patient] okay .\n[doctor] hey , dragon , order combivent , uh , two puffs twice a day . order albuterol , two puffs as needed . and order , uh , prednisone uh taper pack . okay , so and then it sounds like your depression's stable , so we're not gon na change anything . you're gon na keep taking the effexor . um , do yoga for depression and your back pain , so for your back pain , stay on the neurontin , and we just wo n't do anything different . any questions for me .\n[patient] no , i think this is good . thank you .\n[doctor] perfect . hey , dragon , finalize the note . why do n't you ...", "file": "D2N015-virtassist", "document_id": "ef8fe8a5-6fd9-4856-8949-5aa8ee7ceb9b" }, { - "medication_info": "Medication Info: \n1. Norvasc - 10 mg daily (increase planned)\n2. Symptoms: \n - Depression (managed with counseling and swimming)\n - Hypertension (having good and bad days)\n - Occasional swelling in ankles (1-2+ pitting edema, mainly at the end of the day)\n - Systolic ejection murmur (3 out of 6)\n - No nasal congestion, chest pain, or shortness of breath.", + "medication_info": "Medication Info: Norvasc, current dosage unspecified, increased to 10 mg daily; symptoms: depressed mood, swelling in ankles (1 to 2+ pitting edema), elevated blood pressure (156 over 94), slight three out of six systolic ejection murmur.", "src": "[doctor] hi , edward , how are you ?\n[patient] i'm doing well , yourself ?\n[doctor] i'm doing okay .\n[patient] good .\n[doctor] so , i know the nurse told you about dax . i'd like to tell dax a little bit about you .\n[patient] absolutely .\n[doctor] edward is a 59 year old male with a past medical history significant for depression , hypertension and prior rotator cuff repair who presents for followup of his chronic problems . so , edward , it's been a little while since i saw you .\n[patient] mm-hmm .\n[doctor] how are you doing ?\n[patient] i'm doing pretty well , actually . it's been a good , uh , good six months .\n[doctor] good . okay . so , you know , the last time we spoke , you know , you were trying to think of some new strategies to manage your depression . you did n't wan na go on medication because you're already on a bunch of meds .\n[patient] absolutely .\n[doctor] so , how are you doing with that ?\n[patient] i'm doing well . i see a counselor , uh , once a week . uh , and i've been out swimming at the pool a lot this , this , uh , summer , and , uh , fall . so , things have been well , going well with my depression .\n[doctor] okay , so , you do n't wan na , you do n't feel the need to start any medications at this time ?\n[patient] no , no , no . but , i know i can call you if i do .\n[doctor] yeah , absolutely .\n[patient] okay .\n[doctor] yeah . all right . and then , in terms of your high blood pressure , how are you doing with that ? i know we , we were kind of struggling with it la- six months ago . how are you doing ?\n[patient] i still have my good days and my bad days . i do take my medicine daily . uh , but , you know that burger and wine , every once in a while , sneaks in there , and that salt be ... we know what that does .\n[doctor] yeah . so , i love burgers and wine too .\n[patient] okay .\n[doctor] so , i get it . um , okay , so , and you're taking the norvasc ?\n[patient] norvasc , yep .\n[doctor] okay . um , and , you're checking your blood pressures at home , it sounds like ?\n[patient] i , i do . well , i go to cvs pharmacy . they , they have a , uh , machine that i can sit down at quickly and get my , uh , blood pressure taken . and , i go there about once a week .\n[doctor] okay . all right . and then , i know that you had that rotator cuff repaired about eight months ago . how are you doing ?\n[patient] um , it's doing well . i , i'm , i'm , been stretching with a yoga ball .\n[doctor] uh- .\n[patient] and , uh , i'm getting stronger each time . and , i can continue that once a week also .\n[doctor] okay . are you still seeing the physical therapist in the center , or are you just doing exercises at home ?\n[patient] i'm just , i progressed to exercises at home .\n[doctor] okay . all right . great . all right . well , i know you did a review of systems sheet when you checked in .\n[patient] mm-hmm .\n[doctor] and , you know , it seems like you're doing well . any symptoms at all ? any nasal congestion or chest pain , shortness of breath , anything ?\n[patient] no . none of those . i do , do notice that i get a little bit of a de- , uh , swelling in my ankles .\n[doctor] okay .\n[patient] uh , mainly near the end of the day .\n[doctor] okay .\n[patient] um , it seems to go away by the next morning .\n[doctor] okay . all right . all right . maybe that has to do with some of the salt intake you're , you're eating .\n[patient] okay .\n[doctor] all right . well , i wan na go ahead and do a quick physical exam , okay ?\n[patient] mm-hmm .\n[doctor] hey , dragon ? show me the blood pressure . yeah , so , your blood pressure's a little elevated today , 156 over 94 .\n[patient] okay .\n[doctor] you know , you could be a little happy to see me . i do n't know .\n\n[doctor] um , but let's look at some of the readings . hey , dragon ? show me the blood pressure readings . yeah , so , they've been a , running a little high over the past couple months .\n[patient] okay .\n[doctor] so , we'll have to just kinda talk about that , okay ?\n[patient] okay .\n[doctor] i'm gon na go ahead and listen to your heart and lungs , and i'll let you know what i find , okay ?\n[patient] okay .\n[doctor] okay . all right . so , on physical exam , you know , everything looks good . on your heart exam , i do appreciate a slight three out of six systolic ejection murmur , but we've heard that in the past .\n[patient] okay .\n[doctor] so , that seems stable to me . um , on your lung exam , everything sounds nice and clear , and on your lower extremity exam , i do appreciate , you know , 1 to 2+ pitting edema in your legs , okay ? so , we'll have to just talk a little bit about your diet and decreasing the salt intake , okay ?\n[patient] okay .\n[doctor] so , let me just look at some of your results , okay ? hey , dragon ? show me the labs . so , looking here at your lab results , everything looks really good . you know , your creatinine , that's your kidney function , that looks stable . everything looks good from that standpoint . hey , dragon ? show me the ekg . and , looking here at your ekg , everything , you know , looks fine . there's no evidence of any coronary artery disease . it's a nice , normal ekg , which is good .\n[patient] okay .\n[doctor] okay ?\n[patient] good .\n[doctor] so , let me just talk a little bit about my assessment and my plan for you . okay ? so , from a depression standpoint , it's , you know , your first problem , i think that that sounds like you're doing really well managing it . you know , you have good strategies . it sounds like you have a good support system , um , and i agree . i do n't think you need to start on any medication at this time , but you said before , you know you can call me , okay ?\n[patient] yes .\n[doctor] for your second problem , your hypertension , i , i do n't believe it's well controlled at this time . so , i wan na go ahead and , you know , increase the norvasc up to 10 mg a day , and i wan na go ahead and order an echocardiogram and a lipid panel , okay ?\n[patient] okay .\n[doctor] hey , dragon ? order an echocardiogram . and , for your third problem , your rotator cuff repair , i , i think you're doing really well with that . i would just continue with the exercises and , uh , i do n't think we need to intervene upon that anymore . it sounds like that's pretty much resolved , okay ?\n[patient] good . good .\n[doctor] do you have any questions about anything ?\n[patient] no questions .\n[doctor] okay , great . hey , dragon ? finalize the note .", "file": "D2N016-virtassist", "document_id": "ecf5b98b-0dd0-44e4-a0b7-65c000336a61" }, { - "medication_info": "Medication Info: \n- Fluocinonide: used for eczema (no dosage specified).\n- Ibuprofen: taken as needed (no dosage specified).\n- Tylenol: taken as needed (no dosage specified).\n- Mobic: 15 mg, once a day prescribed for leg pain.", + "medication_info": "Medication Info: fluocinonide; mobic 15 milligrams, once a day; symptoms: minimal bruising on the back end of the right leg, significant soreness when walking, tenderness to the lateral aspect of the right upper leg, and the patient avoids stairs due to pain.", "src": "[doctor] hello , mrs . peterson .\n[patient] hi , doctor taylor . good to see you .\n[doctor] you're here for your hip today , or your- your leg today ?\n[patient] yes . i hurt my- the- my- top part of my right leg here .\n[doctor] hey , dragon . i'm seeing mrs . peterson , here , she's a 43-year-old patient . she's here for left leg pain . right leg pain , right leg pain ?\n[patient] yes .\n[doctor] um so , what happened to you ?\n[patient] i was bowling and as i was running up to the lane , i had my bowling ball all the way back , and when i slung it forward , i hit it right into my leg instead of the lane and so then i fell but- yeah-\n[doctor] did you get a strike ?\n[patient] no . in fact , i actually dropped the ball and it jumped two lanes over and landed in the other people's gutter .\n[doctor] terrific , terrific . so , did it swell up on you ?\n[patient] it- not- did n't seem like it swelled that much .\n[doctor] what about bruising ?\n[patient] um , a little bit on the back- back end , that side .\n[doctor] have- have you been able to walk on it ?\n[patient] just a little bit . very carefully .\n[doctor] sore to walk on ?\n[patient] yes . it's very sore .\n[doctor] um , and going upstairs or downstairs , does that bother you at all ?\n[patient] yeah , well , i do n't have stairs , but um , i would avoid that at all costs .\n[doctor] okay . um , it looks like you had a history of atopic eczema in your past ?\n[patient] yes . yes , i have eczema .\n[doctor] okay . and you take uh- uh , fluocinonide for that ?\n[patient] yes , when it gets really itchy , i'll- i'll use that and it usually takes care of it .\n[doctor] okay . and , it looks like you have a pre- previous surgical history of a colectomy ? what happened there ?\n[patient] yes , i had a- um , some diverticulosis and then um , i actually went into diverticulitis and they ended up going in and having to remove a little bit of my colon .\n[doctor] okay , let me examine you . does it hurt when i push on your leg like that ?\n[patient] yes , it does .\n[doctor] okay . if i lift your leg up like this , does that hurt ?\n[patient] no .\n[doctor] so , on my exam , you have some significant tenderness to the lateral aspect of your um right upper leg . you do n't seem to have any pain or tenderness with flexion or extension of your um your lower leg . um , are you taking anything for it right now ?\n[patient] i've been going back and forth between taking ibuprofen and tylenol .\n[doctor] okay . well , my impression is that you- you probably have a contusion , but let's take a look at your x-ray first . hey , dragon . show me the x-ray . yeah , so if you look at this , this is a normal femur . um , really do n't see any evidence of a fracture or any swelling , so it's essentially , a normal x-ray . so , what we're going to do is , i'm going to start you on um an anti-inflammatory . it's going to be mobic 15 milligrams uh , once a day . i want you to use some ice for the pain , um , and it should , honestly , just being a contusion , get better in the next week or so . if it's not getting better , of course , come on back and- and see me .\n[patient] okay , sounds good .\n[doctor] hey , dragon . go ahead and um , pres- do the orders and um , procedures uh , as described . come with me , and uh , i'll get you checked out . dragon , go ahead and finish off the note .", "file": "D2N017-virtassist", "document_id": "f6d83de4-7696-4d7b-a092-764e61cfaeff" }, { - "medication_info": "Medication Info: \n- Ibuprofen: every six hours (not specified dosage) \n- Lortab: 5 mg, one to two tablets every six hours as needed for pain, total of 20 tablets \n\nSymptoms: \n- Severe right upper arm pain (rated 9 out of 10) \n- Swelling and erythema on the right shoulder \n- Tenderness over the right shoulder \n- No numbness or tingling in the right arm", + "medication_info": "Medication Info: \n- Ibuprofen: every six hours (not helping) \n- Lortab (5 mg): 1 to 2 tablets every six hours as needed for pain (20 tablets prescribed) \n\nSymptoms: \n- Severe right upper arm pain (rated 9/10) \n- Swelling and erythema on right shoulder \n- Tenderness over right shoulder \n- No numbness or tingling in right arm.", "src": "[doctor] hi miss russell .\n[patient] hi-\n[doctor] nice to meet you-\n[patient] doctor gutierrez . how are you ?\n[doctor] i'm well .\n[patient] good .\n[doctor] hey dragon . i'm seeing miss russell . she's a 39-year-old female here for , what are you here for ?\n[patient] it's my right upper arm . it hurts really , really bad .\n[doctor] so severe right upper arm pain .\n[patient] yeah , uh yes .\n[doctor] and how did this happen ?\n[patient] i was playing volleyball yesterday , uh last night . um and i went to spike the ball , and the team we were playing , they're dirty . so um , somebody right across from me kinda kicked my legs from under me as i was going up , and i fell and landed on my arm .\n[doctor] mm-hmm , like right on your shoulder .\n[patient] yeah .\n[doctor] ow .\n[patient] yes .\n[doctor] that sounds like it hurt .\n[patient] it was nasty .\n[doctor] um , so this happened , what ? like 12 hours ago now ?\n[patient] uh , seven o'clock last night , so a little more than that .\n[doctor] okay .\n[patient] eighteen hours .\n[doctor] so less than a day .\n[patient] yeah .\n[doctor] in severe pain .\n[patient] yes .\n[doctor] have you taken anything for the pain ?\n[patient] i've been taking ibuprofen every six hours i think , but it's really not helping at all .\n[doctor] okay , what would you rate your pain ?\n[patient] it's like a nine .\n[doctor] nine out of 10 ?\n[patient] yeah .\n[doctor] so like really severe ?\n[patient] yes .\n[doctor] have you used any ice ?\n[patient] no , i have n't .\n[doctor] okay . and do you have any medical problems ?\n[patient] i have gallstones .\n[doctor] okay . do you take any medicine for it ?\n[patient] pepcid .\n[doctor] okay . and any surgeries in the past ?\n[patient] yes , i had a lumbar fusion about six years ago .\n[doctor] okay .\n[patient] um , yeah .\n[doctor] all right . let's uh , let's look at your x-ray .\n[doctor] hey dragon . show me the last radiograph . so this is looking at your right arm , and what i see is a proximal humerus fracture . so you kinda think of your humerus as a snow cone , and you knocked the-\n[patient] the top of the snow cone ?\n[doctor] the top off the snow cone . um , so i'll be gentle but i want to examine your arm .\n[patient] all right .\n[doctor] okay .\n[patient] all right . all right .\n[doctor] all right . are you able to straighten your arm ?\n[patient] yeah , i can just straighten the elbow as long as i do n't move up here .\n[doctor] as long as you do n't move your shoulder .\n[patient] yeah .\n[doctor] go ahead and bend . okay . so your exam is generally normal , meaning that the rest of your body is normal\n[patient]\n[doctor] but you've got some swelling and erythema-\n[patient] yeah .\n[doctor] . on that right shoulder . you've got uh , tenderness over your right shoulder . you've got normal pulses , and everything else is normal . any numbness or tingling in that right arm ?\n[patient] no .\n[doctor] okay . um , so what we're going to have to do- the good thing about um , these kinds of fractures is generally , they will heal up without surgery . um , but we have to put you in a sling that weighs your arm down and pulls it down . so we're going to put you in a long arm cast and a sling , and then we're gon na check you in two weeks to see if those bones have realigned and if they have n't , then we're gon na have to talk about doing surgery at that time .\n[patient] okay .\n[doctor] i'm going to prescribe you some pain medicine . we'll do lortab 500- lortab 5 milligram .\n\n[doctor] um , you can take one to two tablets every uh , six hours as needed for pain . i'll give you 20 of those .\n[patient] all right .\n[doctor] and um , do you have any allergies to medicines ? i did n't ask .\n[patient] no , i do n't have no allergies .\n[doctor] okay . um , hey dragon , go ahead and order any medications or procedures discussed . um , do you have any questions for me ?\n[patient] no , i do n't .\n[doctor] okay , great . why do n't you come with me , we'll get the tech to put the cast on .\n[patient] okay .\n[doctor] and we'll get you checked out .\n[patient] thank you .\n[doctor] hey dragon , finalize the report .", "file": "D2N018-virtassist", "document_id": "6795ad1c-62e3-4ec7-a252-b506e3ef78d3" }, { - "medication_info": "Medication Info: \nMedications: \n1. Ibuprofen - dosage not specified \n2. Motrin - 800 milligrams every six hours \n\nSymptoms: \n1. Pain in right elbow \n2. Popping sensation in right elbow \n3. Strain in right elbow \n4. Tenderness over lateral epicondyle \n5. Swelling in elbow \n6. Redness in elbow \n7. Pain with flexion of elbow \n8. Pain with extension of elbow \n9. Throbbing pain after ice is removed \n10. No pain moving fingers", + "medication_info": "Medication Info: Motrin, 800 mg every six hours; Ibuprofen (noted by patient) for pain relief; EpiPen for anaphylaxis. Symptoms: tenderness around the elbow, swelling in the elbow area, pain with flexion and extension of the elbow, redness, and throbbing pain after removing ice.", "src": "[doctor] hi ms. hernandez , dr. fisher , how are you ?\n[patient] hi dr. fisher . i'm doing okay except for my elbow here .\n[doctor] all right . so it's your right elbow ?\n[patient] it's my right elbow , yes .\n[doctor] okay . hey dragon , ms. hernandez is a 48-year-old female here for a right elbow . so , tell me what happened .\n[patient] well , i was , um , moving to a new home-\n[doctor] okay .\n[patient] and i was , um , moving boxes from the truck into the house and i lifted a box up and then i felt like this popping-\n[doctor] hmm .\n[patient] and this strain as i was lifting it up onto the shelf .\n[doctor] okay . and when- when did this happen ?\n[patient] this was just yesterday .\n[doctor] all right . and have you tried anything for it ? i mean ...\n[patient] i put ice on it . and i've been taking ibuprofen , but it still hurts at lot .\n[doctor] okay , what makes it better or worse ?\n[patient] the ice , when i have it on , is better .\n[doctor] okay .\n[patient] but , um , as soon as , you know , i take it off then it starts throbbing and hurting again .\n[doctor] all right . uh , let's review your past medical history . uh ... looks like you've got a history of anaphylaxis , is that correct ?\n[patient] yes . yes , i do . yeah .\n[doctor] do you take any medications for it ?\n[patient] um , ep- ... just an epipen .\n[doctor] just epipen for anaphylaxis when you need it . um , and what surgeries have you had before ?\n[patient] yeah , so carotid . yeah-\n[doctor] . yeah , no , uh , your , uh , neck surgery .\nall right . well let's , uh , examine you here for a second .\nso it's your , uh , this elbow right here ?\n[patient] yeah .\n[doctor] and is it hurt- ... tender right around that area ?\n[patient] yes , it is .\n[doctor] okay . can you flex it or can you bend it ?\n[patient] it hurts when i do that , yeah .\n[doctor] all right . and go ahead and straighten out as much as you can .\n[patient] that's about it .\n[doctor] all right .\n[patient] yeah .\n[doctor] so there's some swelling there . and how about , uh , can you move your fingers okay ? does that hurt ?\n[patient] no , that's fine .\n[doctor] how about right over here ?\n[patient] uh , no that's fine . yeah .\n[doctor] okay . so on exam you've got some tenderness over your lateral epicondyle . uh , you have some swelling there and some redness . uh , you have some pain with flexion , extension of your elbow as well . uh , and you have some pain on the dorsal aspect of your- of your forearm as well . okay ? so let's look at your x-rays . hey dragon , show me the x-rays . all right . your x-ray of your elbow-\nit looks like , i mean , the bones are lined up properly . there's no fracture-\n[doctor] . it , uh , there's a little bit of swelling there on the lateral elbow but i do n't see any fracture , so that's good . so , looking at the x-ray and looking at your exam , uh , my diagnosis here would be lateral epicondylitis , and this is basically inflammation of this area where this tendon in- inserts . and probably that happened when you were moving those boxes . so we'll try some motrin , uh , about 800 milligrams every six hours . uh , i'll give you a sling for comfort , just so you can use it if- if it's causing a lot of pain .\n[patient] hmm .\n[doctor] and it should get better , uh , in about , you know , in a couple of days it should be improved . and if it does n't get better , give us a call and we'll see you some time next week . okay ? so we'll give you a sling , we'll give you the motrin , i'll give you about , uh , 30 , uh , uh , 30 , uh , uh , medications for that . uh , do you have any questions ?\n[patient] no , no . thank you .\n[doctor] hey dragon , order the medications and the procedures . all right , why do n't you come with me and we'll get you signed out ?\n[patient] okay , sounds good .\n[doctor] hey dragon , finalize the report .", "file": "D2N019-virtassist", "document_id": "b9870b42-f40d-4d3e-8d59-733a7f3f65f1" }, { - "medication_info": "Medication Info: Protonix, 40 mg, once a day.\nSymptoms: Low hemoglobin, dizziness, lightheadedness, slight decreased appetite, nausea.", + "medication_info": "Medication Info: Protonix, 40 mg once a day (proton pump inhibitor to decrease stomach acid); Symptoms: low hemoglobin, dizziness, lightheadedness, slight decrease in appetite, slight nick from a knife (potential bleeding), no blood in stools, no abdominal pain, no fever, no chills, not really any vomiting (but some nausea), mentions of nausea when sitting at the back of a car, tenderness to the right lower quadrant.", "src": "[doctor] hi , vincent . how are you ?\n[patient] i'm good . how about you ?\n[doctor] i'm good . so le- are you ready to get started ?\n[patient] i am .\n[doctor] okay . vincent is a 56-year-old male here with abnormal lab findings . so , i've heard you were in the er , vincent , and they found that you had a low hemoglobin .\n[patient] yup .\n[doctor] were you having some dizziness and some lightheadedness ?\n[patient] i was very lightheaded . i- i do n't know . very lightheaded .\n[doctor] okay . and have you noticed bleeding from anywhere ?\n[patient] i have not . i have n't hurt myself in quite a while . maybe a slight nick from a knife while chopping some onions , but nothing more than that .\n[doctor] but no blood in your stools or-\n[patient] no .\n[doctor] . anything like that ?\n[patient] no .\n[doctor] okay . and any type of weight loss or decreased appetite or night sweats ? coughs ?\n[patient] uh , s- slightly decreased appetite , but i wish i had some weight loss .\n[doctor] um , okay . and how about any abdominal pain ? fever , chills ?\n[patient] uh , none of that .\n[doctor] okay . all right . um , any nausea or vomiting ?\n[patient] not really . yeah . maybe a bit of nausea .\n[doctor] okay .\n[patient] i- sitting at the back of a car , that makes me nauseous at times .\n[doctor] okay . all right . um , well , how are you doing in terms of your knee replacement . i know you had that done last year . that's going okay ?\n[patient] mm , it seems okay . yeah .\n[doctor] okay . you're walking around without a problem ?\n[patient] yup , yup . just not good enough to run yet , but everything else works just fine .\n[doctor] all right .\num , and i know a few years ago , you had , had that scare with the possible lung cancer , but then they did the biopsy and , and you've been fine .\n[patient] yup , yup . all good .\n[doctor] turned out to be benign .\n[patient] yup .\n[doctor] okay . great . all right . well , let's go ahead and do a quick physical exam . so looking at you , you do n't appear in any distress . your heart is regular . your lungs sound nice and clear . you have some tenderness to the right lower quadrant to palpation of your abdomen . your lower extremities have no edema .\n[doctor] um , all right . well , let's go ahead and look at your labs , okay ?\n[patient] yup .\n[doctor] hey , dragon , show me the hemoglobin . yeah , so your hemoglobin is 8.2 , which is quite low for somebody of your height and weight , so we'll have to look into that a , a little bit further . i know that they did the endoscopy in the emergency room . hey , dragon , show me the endoscope results .\n[doctor] good . so it looks like you had some gastritis , which is just inflammation of your stomach and they also found a slight polyp , which i know that they biopsied and the results are pending at this time . um , so , you may have had some bleeding from the gastritis . it's not usual for people to have bleeding from that .\n[doctor] um , okay , well , hey , dragon , show me the anemia panel . okay .\n[doctor] anyway , okay . well , vincent , i think , you know , in terms of , my impression of you is that you've had this newfound anemia and for that , i think that we should go ahead and put you on protonix , 40 milligrams , once a day to help with the gastritis . does that sound okay to you ?\n[patient] it does . you're the doctor . i do n't know what it is .\n[doctor] so that's just , uh , what we call a proton pump inhibitor which , uh , helps decrease the amount of acid secreted within your stomach .\n[patient] got it . makes sense .\n[doctor] hey , hey , dragon , order protonix , 40 milligrams , once a day .\n[doctor] and i'd like you to try to cut down on your caffeine 'cause that can also irritate your stomach . try not to take any ibuprofen and try to cut down on any alcohol intake , okay ?\n[patient] yup , yup . the coffee's the hard part .\n[doctor] yeah . it always is . how about one , one , one eight-ounce cup a day ? okay ?\n[patient] sure .\n[doctor] um , and we'll go ahead and we'll see you in a couple weeks , okay ?\n[patient] sure thing .\n[doctor] i'm going through , uh , i'll also order another , uh , cbc on you . hey , dragon , order a complete blood count .\n[doctor] all right . the nurse will be in soon . it's , you know , settle all that . i'll see you soon .\n[patient] see you .\n[doctor] hey , dragon , finalize the note .\n", "file": "D2N020-virtassist", "document_id": "0185d92e-3dfe-4ca3-9b3b-583bab95ab6a" }, { - "medication_info": "Medication Info: \n\n1. **Unithroid** - Dosage not specified, price noted to be around $9 for 90 days with discount card. \n2. **Clindamycin Gel** - Dosage not specified. \n3. **Benzoyl Peroxide Gel** - Dosage not specified. \n4. **Miralax** - For constipation. Dosage not specified. \n5. **Vitamin D** - Noted deficiency, specific dosage not mentioned, plan to start with 2000 IU daily. \n6. **Phexxi** - A contraceptive (type of spermicide), dosage not specified. \n\n**Symptoms mentioned:** \n- Acne \n- Weight gain \n- Swelling of feet \n- Constipation \n- High cholesterol \n- Vitamin D deficiency \n- Liver enzyme issues", + "medication_info": "Medication Info: \n1. Unithroid - 90 days; discount code reduces cost to around $9 (original charge $75).\n2. Clindamycin gel - topical antibiotic for acne vulgaris; no specific dosage mentioned.\n3. Benzoyl peroxide - topical agent for acne vulgaris; may bleach sheets; no specific dosage mentioned.\n4. Miralax - indicated for constipation; no specific dosage mentioned.\n5. Vitamin D - 2000 IU daily for vitamin D deficiency.\n6. Phexxi - spermicide for birth control; no specific dosage mentioned.\n\nSymptoms: \n- Acne vulgaris.\n- Weight gain.\n- Swollen feet.\n- Skin sensitivity (developing rashes with different products).\n- Constipation.\n\nNote: The clindamycin and benzoyl peroxide are prescribed to treat acne vulgaris.", "src": "[doctor] next patient is christine hernandez , uh , date of birth is january 13th , 1982 .\n[doctor] hey , miss christine , how are you doing today ?\n[patient] i'm good , thanks . how are you ?\n[doctor] i'm pretty good . so it looks like you've completed the covid vaccine , that's great .\n[patient] yes , i did .\n[doctor] anything new since your last visit ?\n[patient] no , i did all the tests that you had recommended me to take . i have n't been able to take the thyroid medicine , the one that you prescribed , as i'm still taking my old one . um , the price was a little high on the new one .\n[doctor] okay , so did ... did you try the coupon that i gave you ?\n[patient] i did not try the coupon , uh , there was a charge of $ 75 .\n[doctor] okay , well , next time that ... that coupon should help , and it should only be about $ 3 .\n[patient] okay , um ... i do n't have it , do you happen to have another one you can give me ?\n[doctor] yep , right here .\n[patient] wonderful , thank you so much , and ... and then the gel , they are charging me $ 100 for it . so , i do n't know if this is because it's a ... it's wal-mart , or if i should try somewhere else , or ... maybe you know how or where i can get it cheaper .\n[doctor] yeah , let's try something else , um ... sometimes it can be cheaper if we just prescribe you the individual ingredients of a medication , rather than the , the combined medication itself .\n[patient] that would be great .\n[doctor] so , that's clindamycin gel and benzoyl peroxide , uh , maybe by doing them separately , they could be a lot cheaper . so , that we can do . the unithroid , with the discount code , should only be about $ 9 for 90 days .\n[patient] okay , that would be great . yeah , they were charging me $ 75 , and i just could n't pay that .\n[doctor] maybe we'll try different pharmacy , as well .\n[patient] okay . so , do you think that my weight gain could have been the birth control that i was taking before that caused it ?\n[doctor] maybe . i do n't really see an endocrine cause for it , at least , so i would need to see the , the hyperandrogynism or high testosterone . or , a high dhea , to cause acne , or hair growth , or any of that stuff . but , the numbers are n't showing up out of range .\n[patient] okay .\n[doctor] i really do n't see any endocrine cause for it , like i said . your growth hormone was fine , but we definitely want to and need to treat it . um , i do n't know if we talked about maybe a little weight loss study .\n[patient] you mentioned the weight loss study , and you mentioned that i have some meal plans , um , that you had given me . i still have those , too .\n[doctor] have you tried to make any changes in the diet since the last time we spoke ?\n[patient] i've been trying to get better . i will start back at the gym in july , because of my contract , i had to put a hold on it until then .\n[doctor] okay .\n[patient] so , i do want to start doing that . i will be a little freer since , um , i'll be on vacation after july 8th .\n[doctor] okay , good .\n[patient] and then my cousin was telling me to ask you about cla , because it's supposed to help your metabolism . is that okay to take ?\n[doctor] um , i'm not sure . what is c , cla ?\n[patient] i'm not sure what it is , either .\n[doctor] okay , well , i'm unfamiliar with it , so ...\n[patient] okay . i also have a coworker who has a thyroid issue too , and she suggested to try chromium for weight loss .\n[doctor] so , that likely will not help too much . you can try either , if you really want to , but then ... it will not accept you into the weight loss study if you try those two .\n[patient] okay .\n[doctor] chromium is just a supplement and it wo n't help that much .\n[patient] it wo n't , okay , thank you .\n[doctor] it wo n't hurt ... okay , i should n't say that it wo n't hurt , but , it also wo n't help that much . so , it's up to you .\n[patient] okay . and so , my cousin also suggested amino acids , and that i might find them in certain foods , i guess , for my workout .\n[doctor] yeah . amino acids are fine , they wo n't , wo n't really help with weight loss either , but it might help , uh , you replenish , and just kind of , feel hydrated .\n[patient] okay . are they proteins ? um , my cousin said she had lost some weight , and has been working out every day , but she does n't work , so ... i do n't know .\n[doctor] yes , amino acids are what make up the protein , which is in any food you eat , with any protein . so , meats , dairy , nuts , any of that sort of thing .\n[patient] okay , thank you . got it .\n[doctor] all right . um , are you allergic to any medications ?\n[patient] no , not that i know of .\n[doctor] okay . is your s- skin pretty sensitive ?\n[patient] yes .\n[doctor] all right .\n[patient] um , yeah , my size , i will start getting rashes , with different products .\n[doctor] and have you ever tried clindamycin topical , as an antibiotic for your acne ?\n[patient] no , i've never tried anything for it .\n[doctor] okay . we might give you some of that .\n[patient] okay . and i also want to mention that my feet do swell up a lot .\n[doctor] okay . i'm ... let me take a look at that for just a moment . um , any constipation ?\n[patient] yes , i also do have that problem .\n[doctor] all right . mira- miralax will definitely help with that .\n[patient] okay , yes , my doctor did also recommend that .\n[doctor] great . all right , let's do an exam real quick . please have a seat on this table and i'll listen to your lungs and heart .\n[patient] okay .\n[doctor] all right , deep breath . all right , again .\n[patient] okay .\n[doctor] all right , sounds good .\n[patient] great .\n[doctor] let me take a look at your feet and ankles .\n[patient] okay .\n[doctor] all right , they look okay right now , certainly let your doctor know about this if it gets any worse or reoccurs .\n[patient] okay , i will do that .\n[doctor] now , let's go over your lab work . so , when you took that pill , the dexamethasone test , you passed , which means you do n't have cushing's syndrome . on that test , at least . the salivary cortisol , though , unless you did one wrong ... two of them were completely normal and one was abnormal , so , we might need to repeat that in the future .\n[patient] okay , that's okay .\n[doctor] all right , so , your cholesterol was quite high . the total cholesterol was 222 . the good cholesterol was about 44 . the bad was 153 , and it should be less than 100 . the non-hdl was about 178 , and it should be less than 130 . the good cholesterol should be over 50 , and it was 44 . so , your screen for diabetes is ... was fine . you do have a vitamin d deficiency , and , i do n't know if we started the vitamin d yet , or not .\n[patient] yes , we did . i- i do need to take one today , though .\n[doctor] okay . so , i also checked a lot of other pituitary hormones , iron levels ... everything else seemed to be pretty good , and in decent range .\n[patient] okay , that sounds great . so , i wanted to also show you my liver enzymes , um , because i have n't come back since then ... but i was also happy , because one of them was back to normal .\n[doctor] okay , great . let's see them .\n[patient] okay . so , the one that's 30 , that was almost 200 not so long ago .\n[doctor] yeah , your alt was about 128 .\n[patient] okay , and , and back in october was 254 .\n[doctor] yeah , this is much better .\n[patient] okay , great . and then it dropped in january , and then it dropped a little more in march , since i stopped taking the medicine in december .\n[doctor] okay , that's good . so ... i'm proud of you with the course of your labs , so before i forget , i'm going to , uh , just put your labs into the computer today , and i wo n't be checking your vitamin d level for some time .\n[patient] okay . so , with the thyroid , and the low vitamin d , does that always happen together ?\n[doctor] um , i do have a lot of people that have thyroid , thyroid issues and they have vitamin d deficiency .\n[patient] okay .\n[doctor] this is what i'm , um , i'm going to do . i'm going to put , print out your prescriptions , so you can shop around at the pharmacies and see if you can find better prices .\n[patient] okay , that way i can go ask them and try cvs .\n[doctor] yeah , that sounds like a plan .\n[patient] okay , good . so , the weight loss study that you mentioned , when does that start ? or , how does that work ?\n[doctor] so , we are about to start , as we just got approval last week , and we are just waiting on our paperwork so we can get started .\n[patient] okay , and what's involved with that ?\n[doctor] so , it'll involve you receiving a medication which has been used for diabetes treatment , and it works mostly in the gut on satiety , or satiety hormones . um , the most common side effects are going to be nausea , vomiting , diarrhea and constipation . they are s- uh , six arms , to the study . one is a placebo , the other ones are a , various as ... various dosages of the medication , excuse me . um , you would receive an injection once a week . also , keep in mind that most of the weight loss medications are not covered by insurance .\n[patient] okay .\n[doctor] so , it's a way of getting them , but , the odds of getting one of the arms with the medication that are in your favor , right , might be only one out of five of our hundred patients that we have on the list for the study that will receive the placebo .\n[patient] okay .\n[doctor] does that make sense ?\n[patient] yes , it does .\n[doctor] so , we do expect pretty big weight loss , because of what we learn in diabetes study . so , it's a year long , uh , process , and it's an injection once a week . you come in weekly for the first four , five weeks , i believe . and then , after that , it's once a month . you do get a stipend for partici- for participating in the study , and parking is validated , and whatever else that you need for the study .\n[patient] okay , do you know how much the stipend is ?\n[doctor] um , i will have to double check for you , and , you do n't have to be my patient , you just have to meet the criteria . so the criteria is a bmi greater than 30 , if you do n't have any other medical condition . or , a bmi greater than 27 , if you do have another medical condition , like your cholesterol . um , a bmi greater than 27 would quali- uh , qualify you .\n[patient] i have a friend who might be interested , and she does have diabetes .\n[doctor] if she has d- diabetes , then she wo n't qualify .\n[patient] okay , you ca n't if you ... if you have diabetes , got it .\n[doctor] correct . yeah , the only thing that , um , they can not have , really , is diabetes . so , either a psychiatric disease , or schizophrenia , bipolar , things like that .\n[patient] okay .\n[doctor] but , if they have hypertension , high cholesterol , things like that ... they can definitely sign up .\n[patient] and they can , okay . thank you for explaining that .\n[doctor] of course . so , do you want me to try to get you into that study ? or , would you just like to try , me to prescribe something ? it's kind of up to you .\n[patient] i think i'll just wait for a little bit now .\n[doctor] all right , sounds good . i'll give you the information for the research , it's just in my office . um , it is a different phone number , though . so then , if you're interested , just call us within a month , because i do n't know how long , uh , the , the wait will be .\n[patient] okay , will do .\n[doctor] perfect . so , let me go grab your discount card for the unithroid . um , when you go in to activate it , the instructions are on this card , and then you use your insurance ... then , show them this , and ask how much it'll cost . if it's too expensive , just let me know .\n[patient] i will . thank you so much for your help on that .\n[doctor] you're welcome . then , what i did is , i gave you a topical antibiotic , plus i gave you the benzoyl peroxide . so , the peroxide may bleach your sheets , but , you want to make sure to take it and apply it at night , so you do n't have a reaction from the sun during the day .\n[patient] okay , i can do that .\n[doctor] but , you do also want to make sure that you do n't mess up your sheets .\n[patient] okay , sounds good .\n[doctor] um , so , that's that . and then , let's see how you do on the other medications . i think this will , this will get better . in the meantime , a low-carb diet , avoid alcohol and fatty foods , and low chole- cholesterol foods .\n[patient] okay .\n[doctor] and again , once you finish your dose of vitamin d , for the vitamin d deficiency , you're gon na start with the 2000iu daily , so that you're able to maintain those levels . sound good ?\n[patient] yes , that sounds great .\n[doctor] i really think your liver enzymes are going to get better once you lose the weight , though .\n[patient] okay , that would be great .\n[doctor] since we stopped your birth control , we can try once called phexxi , which is kind of like a spermicide , basically .\n[patient] okay .\n[doctor] and you just apply it before intercourse .\n[patient] okay .\n[doctor] if you need some , uh , just let me know .\n[patient] okay , i will . i'll let you know .\n[doctor] okay , perfect . so , stay put for me now . i'm going to go see if they have discount samples , and bring you that prescription . and then , i'm going to order the labs for next time .\n[patient] okay , great , thank you so much .\n[doctor] you're welcome .\n[doctor] so , under the plan , under abnormal liver enzymes , they have improved since discontinuation of her birth control . under abnormal weight gain , her dexamethasone suppression test was normal . two out of three salivary cortisol tests were normal , not consistent with cushing's , and therefore we're ruling out cushing's . under her hirsutism , her androgen levels were normal . for the acne vulgaris , the epiduo was not covered , so we'll try benzoyl peroxide with clindamycin , and remove the previous information . on the hyperthyroidism , we'll print out her prescriptions . unithroid should be better priced with the discount card , and we'll repeat levels of everything before next visit . thanks .", "file": "D2N021-virtscribe", "document_id": "f4aad5b3-e48b-4dd3-a038-2638f3b1e918" }, { - "medication_info": "Medication Info: \n1. Methylprednisolone \u2013 patient experienced itching\n2. Betamethasone (Celestone) \u2013 recommended for steroid injection\n3. Ibuprofen \u2013 recommended for pain relief after injection\n4. Blood pressure medication \u2013 unspecified dosage", + "medication_info": "Medication Info: \n1. Betamethasone (Celestone) - 1 cc for injection (recommended to the patient) \n2. Lidocaine - 0.5 cc for injection (used with betamethasone) \n3. Methylprednisolone - previous steroid that caused itching (reaction noted) \n4. Dexamethasone - previously reacted poorly causing heart racing \n5. Blood pressure pill - unspecified dosage (no details available) \n\nSymptoms mentioned: \n1. Pain in right index finger \n2. Swelling in right index finger \n3. Inability to make a fist \n4. Severe pain during movement \n5. Numbness in finger \n6. Itching from methylprednisolone \n7. Scar tissue around the flexor tendon \n8. Inflammation around the tendon \n9. Violent painful reaction during injection procedure.", "src": "[doctor] this is philip gutierrez , date of birth 1/12/71 . he is a 50-year-old male here for a second opinion regarding the index finger on the right hand . he had a hyperextension injury of that index finger during a motor vehicle accident in march of this year . he was offered an injection of the a1 polyregion , but did not want any steroid because of the reaction to dexamethasone , which causes his heart to race . he was scheduled to see dr. alice davis , which it does n't appear he did . he had an mri of that finger , because there was concern about a capsular strain plus or minus rupture of , quote , \" fds tendon , \" end quote . he has been seen at point may orthopedics largely by the physical therapy staff and a pr , pa at that institution .\n[doctor] at that practice , an mri was obtained on 4/24/2021 , which showed just focal soft tissue swelling over the right index mcp joint , partial-thickness tear of the right fds , and fluid consistent with tenosynovitis around the fdp and fds tendons . radial and ulnar collateral ligaments of the index mcp joint were intact , as the mcp joint capsule . extensor tendons also deemed intact .\n[doctor] his x-rays , four views of the right hand today , show no bony abnormalities , joint congruency throughout all lesser digits on the right hand , no soft tissue shadows of concern , no arthritis . hi , how are you , mr . gutierrez ?\n[patient] i'm good , how about you ?\n[doctor] well , how can i help you today ?\n[patient] so i was a passenger in , uh , a car that was rear-ended , and we were hit multiple times . i felt two bumps , which slung me forward and caused me to stretch out my right index finger .\n[doctor] so hitting the car in front of you all made that finger go backwards ?\n[patient] um , i do n't really know . i just felt , like , it felt like i laid on my finger , and so , i felt like it went back , and it's been hurting since about march . and it's been like that ever , ever since the wreck happened . so i , and i ca n't make a fist , but sometimes the pain's unbearable . and , like , even driving hurts .\n[doctor] okay , so this was march of this year , so maybe about three months ago ?\n[patient] yeah , and it's still swollen . so i was seeing , uh , an orthopedist , and they sent me to an occupational therapist . and i've been doing therapy with them , and then they sent me to go back and get an mri . so i went and got the mri . uh , then they told me that the mri came back , and it said i had a tear in my finger , but he was n't gon na give me an injection , because the injection was going to make the tear worse .\n[doctor] mm-hmm .\n[patient] and then , after he got the mri , he said that i have , uh , a tear in my finger , and that he did n't wan na do surgery , but he would do an injection . then i'm thinking that you told me you would n't do an injection in there , and then the oper- , occupational therapy says it's because of the tear . and then , they do n't want me to keep rubbing the thing , and doing things with my hand . so i feel like i'm not getting medical care , really .\n[doctor] yeah , i see that .\n[patient] so i came to see if you could do anything for this hand , because i am right-handed , and i kinda need that hand .\n[doctor] what do you do for a living ?\n[patient] uh , i'm an x-ray tech .\n[doctor] well , um , so do you have any diabetes or rheumatoid arthritis ?\n[patient] nope .\n[doctor] uh , do you take any chronic medications of su- , significance ?\n[patient] uh , i do take a blood pressure pill , and that's it .\n[doctor] okay , and it looks like you suffer from itching with the methylprednisolone ?\n[patient] uh , that's correct .\n[doctor] all right , well , i'm gon na scoot up closer and just take a quick look at your hand . all right , so , lean over here . all right , so on this exam today , we have a very pleasant , cooperative , healthy male , no distress . his heart rate is regular rate , rhythm , 2+ radial pulse , no swelling or bruise , bruising in the palm over the volar surface of his index finger , normal creases , slightly diminished over the pip of the index finger compared to the middle finger .\n[doctor] his index finger rests in a 10-degree pip-flexed , uh , position . all right , is that uncomfortable to correct that , and is it uncomfortable now here ?\n[patient] yeah , uh , when you push on it , yeah .\n[doctor] all right , how about here ?\n[patient] um , there , it's not .\n[doctor] okay , not as bad ?\n[patient] yeah , it feels , uh , a little numb .\n[doctor] gotcha , all right . bend , bend the tip of this finger . bend it as hard as you can . keep bending . keep bending . all right , straighten it out . all right , and now , bend it for me as best you can .\n[patient] my goodness . it feels like it's , it's tearing in there .\n[doctor] okay , okay . well , bend the tip of this finger , and bend it as hard as you can . keep bending . all right , straighten that out , and now , bend it for me as best you can . all right , good . now , bend that finger , and i'm going to pull , put it down like this . and then bend that finger for me . okay , sorry , can you bend it for me ? all right . now , make a fist . great , so relax the finger . all right , so just keep it , keep , when i bend the finger , we're just going to bend that finger where it meets the hand . is that okay there ?\n[patient] ow , .\n[doctor] okay , okay . so all the hurt , it seems , is stretching , because you have n't been doing this for so long . so , you know what i mean ? so , um , you're going to have to start really doing that .\n[patient] well , i've tried . i even bought myself a splint .\n[doctor] well , but a splint does n't help move you . it actually immobilizes you .\n[patient] okay . i thought it would straighten it out .\n[doctor] no , no . so , so you really need to start bending the finger right here for me , as hard as you can , and keep going , going . all right , so , so you're okay . all right , so i would say the following , that there is a partial tear in one of the two flexor tendons . there is the fdp and the fds , and the fds is the least important of the two . so the mri shows that it's the fds , the flexor digitorum superficialis , which is the least important of the two .\n[patient] okay .\n[doctor] uh , now , there's two halves of it . so it's a partial tear of one half of a whole tendon . that's not that important , and the other one is just fine .\n[patient] so the good one is good ?\n[doctor] yes , correct . so the one that goes all the way to the tip is good .\n[patient] okay , good .\n[doctor] yeah , so you know , i think what you have got so much scar tissue and inflammation around the fds tendon blocking excursion of these other tendons , that they ca n't get through to the pulley .\n[patient] okay , all right .\n[doctor] so what i would recommend what we try is a cortisone injection , and i would avoid the dexamethasone , because i saw you have a little reaction to that . but we could use the betamethasone , which is a celestone .\n[patient] i've gotten another , uh , methylprednisolone , and that itched me like crazy .\n[doctor] did it ? yeah , this one is water-soluble , and i think it's fairly low toxicity , but high benefit , and i think decreasing the pain will encourage you to move that finger .\n[patient] all right , we'll give it a try .\n[doctor] good . so , you do the shot , and it's going to take about three to five days before it starts feeling better . and then probably over the next couple of weeks , it'll start feeling even better .\n[patient] perfect .\n[doctor] all right , so take advantage of that . you've got ta start moving the finger . you're not going to tear anything or break a bone , uh , because your intensors , extensors are intact . but your collateral ligaments are intact , so you've got a stiff , sore finger . i'm going to try to help as much as i can with this soreness part , and then you have to do all the stiff part .\n[patient] the lady in occupational therapy tried some maneuvers to straighten the finger out , but it even hurt after i left . the whole thing just swelled up .\n[doctor] hmm . okay , so it was injured , and you had scar tissue . and then , you had post-traumatic inflammation . and so , this will help some with all of that . it's not going to make it to where your finger is like , , my finger does n't hurt at all , but it will make it to where at least tolerable , to where you can make some gains . and we actually might need to repeat this as well .\n[patient] will i be able to drive ? i drove myself here today , so ...\n[doctor] yeah , it may feel a little weird , but it's totally safe for you to drive .\n[patient] okay , good .\n[doctor] so for mr . gutierrez , just put that he has a post-traumatic rather severe stenosing tenosynovitis of his right index finger , and the plan is steroid injection today , do a trigger injection , but i'm using a cc of betamethasone . so , mr . gutierrez , do you have , um , therapy scheduled or set up ?\n[patient] uh , not at the moment .\n[doctor] all right , well , i mean , you know that you need to move that finger , and i think to the degree that they can help you do that . so i want you to move that finger , finger , but i think it would be , uh , beneficial for you to have an accountability , um , so at least you know to check in with them once a week with somebody .\n[patient] um , okay . that's kinda why i'm here , for you to tell me what needs to be done , you know ?\n[doctor] yeah , so i'll write you out , um , an outpatient prescription . i think if you go back to the same people where you were before , i'm hoping that after this injection , you're going to be able to do a whole lot more with them . so let's do outpatient once a week for six weeks , um , and then full active and passive range of docetl is the goal with no restrictions .\n[patient] all right , sounds like a plan .\n[doctor] all right , well , i will have the nurse set up the injection procedure , and we'll , and i'll be back shortly .\n[patient] thanks , doc .\n[doctor] right trigger finger injection template . attempted to inject one cc of celestone with f- , a half a cc of lidocaine . however , the patient had a dramatic and violent painful reaction to the introduction of the needle , with contortions of the hand , and with dangerously withdrawing the hand with concerns for secondary needle stick . needle was withdrawn . the patient was counseled as to the importance of attempting to get some therapeutic steroid in the flexor tendon sheath . we attempted a second time for a similar injection using the same technique with one cc of celestone and half a cc of lidocaine . a small parma- , uh , palmar vein bled a scant amount , which was cleaned up and band-aid applied . reassured on multiple occasions that no harm was done to his finger . recommended icing in it this evening , and taking ibuprofen .", "file": "D2N022-virtscribe", "document_id": "91fe875e-3756-4d59-bcbe-e02eac80208b" }, { - "medication_info": "Medication Info: \n1. Finasteride - 5 mg (taking half a pill) \n2. Cialis - 5 mg (on workout days), 2.5 mg (on non-workout days) \n3. Testosterone - 140 mg (current dose), increases discussed to 175 mg\n\nSymptoms/Concerns: \n1. Hypogonadism \n2. Gynecomastia \n3. High triglycerides (decreased from 265 mg/dL to 145 mg/dL) \n4. Increased red blood cell count \n5. Good PSA levels (0.6) \n6. Feeling good, vigorous, and sleeping well.", + "medication_info": "Medication Info: 1. Testosterone: 1 milliliter every 10 days; last testosterone level > 1,500. 2. Finasteride: 5 mg (taking half a pill). 3. Cialis: 5 mg on workout days, otherwise 2.5 mg. Symptoms: Hypogonadism, gynecomastia, high triglycerides (initially 265 mg/dL, now 145 mg/dL), stable red blood cell count, normal PSA (0.66).", "src": "[doctor] next patient is paul edwards , date of birth is january 15th 1962 . so he's a 59 year old hiv positive gentleman here for hypogonadism . patient was last seen on november 24th 2020 . his notable things are number one , he is on 1 milliliter every 10 days , uh , his levels were less than 300 to begin with . he's on finasteride currently . he also takes cialis daily so he takes all his pills just from me . um , patient's other area of concern is gynecomastia which is ... which we will discuss with him today . his last psa was 0.66 and his last testosterone was greater than 1,500 .\n[doctor] hey , how are you today ?\n[patient] all right , how have you been ?\n[doctor] i'm good .\n[patient] good , good .\n[doctor] have you lost some weight or are you at least putting on some muscle ? you look trim .\n[patient] no , i think i'm pretty much the same as i've always been .\n[doctor] really ? okay , maybe it's just your black shirt . makes you look thin .\n[patient] yeah , i guess that's it .\n[doctor] so health wise , how is everything going ?\n[patient] good , the testosterone's going well .\n[doctor] that's great .\n[patient] uh , it helped me out . i feel good , more vigorous , sleeping well and i think it's having some positive effects . not so much physically because like i said i've- i've been this way my whole life , but i'm seeing some good improvements in my bloodwork .\n[doctor] okay , well that's good .\n[patient] so the finasteride i'm only taking half a pill , it's the 5 milligram one .\n[doctor] yeah , i remember you telling me that .\n[patient] and cialis , on the days i work out i take 5 milligrams otherwise i take two and a half milligram pills , but , uh , i have been out of it .\n[doctor] okay .\n[patient] but overall i'm doing well , i'm actually taking the correct steps to get my life together .\n[doctor] good . it's always great to hear . well let's take a look . uhm , i'm gon na listen to your heart and lungs .\n[patient] okay .\n[doctor] please use my general exam template , all right . just take a few breaths .\n[patient] okay .\n[doctor] in and out .\n[patient] okay .\n[doctor] all right , everything sounds good , no concerns there .\n[patient] great . so i wanted to show you something .\n[doctor] sure .\n[patient] look at this .\n[doctor] okay , this is your cholesterol ?\n[patient] yeah , my cholesterol and triglycerides . uh , i used to have high triglycerides , you see they were 265 milligrams per deciliter , and i took my first dose of the testosterone on the 28th .\n[doctor] right .\n[patient] now 5 months later look at my numbers .\n[doctor] wow , that's remarkable .\n[patient] is it the test ? it's the only change .\n[doctor] i do n't know , i have n't honestly seen many guys over the years that have cholesterol problems and this . i mean there's a big correlation between diabetic control and testosterone replacement , meaning those who get good levels of their test see their diabetic control improve .\n[patient] yeah .\n[doctor] but i have n't seen a lot of data on the impact on cholesterol . regardless , we will take it .\n[patient] i agree . i was very impressed with my triglycerides and was just wondering if the test may be what's helping .\n[doctor] yeah , that's an unbelievable difference .\n[patient] 145 milligrams per deciliter from 265 milligrams per deciliter is awesome . i also read that it- it's cardioprotective .\n[doctor] absolutely .\n[patient] my red blood cell count has increased .\n[doctor] yeah , i saw that . it's fine though .\n[patient] stable .\n[doctor] your psa today is also , uh , is good also . it's , uh , .6 i think .\n[patient] yeah . , is it ?\n[doctor] yeah , it was .5 last year and anything under 4 is good .\n[patient] nice , that's good news .\n[doctor] so it just needs to be checked every year or so .\n[patient] so in terms of , uh , estrogen control i've been hearing that indole-3-carbinol , or broccoli extract , supposedly can improve my estrogen levels . have you ever heard of it ?\n[doctor] yeah , i've heard of it but i have n't had anybody consistently use it . i mean , your levels are fine and we checked your estra- estradiol and it was not elevated , so .\n[patient] okay .\n[doctor] i would argue that we could test that in the fall if you want , but we do n't need to do , uh , do any more tests ... any more than test once a year , excuse me .\n[patient] okay , what about increasing my testosterone to 175 milligrams ? i'm at 140 now .\n[doctor] well , your levels are high .\n[patient] are they right now ?\n[doctor] well , i mean they were last time .\n[patient] yeah but i just- just injected though , or i had right before that was taken .\n[doctor] i know . i know you had then , uh , when did you inject this time ?\n[patient] i figure i'm on my eighth day today .\n[doctor] okay .\n[patient] so i'm due to dose on thursday or friday .\n[doctor] all right .\n[patient] i have a little med calendar and i put checks and ts on it . that helps me .\n[doctor] that's a great idea . so look , the biggest issue i've seen , even if your levels today are around 700 , is that your peaks are getting greater than 1,500 , putting you at a higher chance of needing to come off due to blood thickness . and your risk will only astronomically go up the higher the dose that we go on .\n[patient] okay .\n[doctor] you look well , your levels are good and you're feeling well .\n[patient] yeah , i'm feeling good .\n[doctor] i'm going to be blunt . unfortunately this happens often where you're feeling good but you want to feel really good . i mean , i get it and this is why people get into problems with this stuff , right ? it's like , back in the day when it was n't prescribed by doctors and people would get it at gyms and stuff and they would take huge doses . and then they would have a heart attack at 50 .\n[patient] yeah , they have to be taking a lot .\n[doctor] likely they are taking more than testosterone , but still .\n[patient] and they are taking stuff for a long time .\n[doctor] true . but right now i would not change your dose .\n[patient] okay .\n[doctor] make sense ?\n[patient] it does , i appreciate the discussion .\n[doctor] no problem . what pharmacy are you using ? have you changed it or anything ?\n[patient] no changes , i use walmart pharmacy . i do need more cialis and finasteride .\n[doctor] okay .\n[patient] i would prefer the paper prescription .\n[doctor] for all of them ?\n[patient] sure .\n[doctor] all right , will do . i'm gon na get your prescriptions .\n[patient] okay , thank you .", "file": "D2N023-virtscribe", "document_id": "6939b6ad-1a48-47e5-99aa-f7872f52ec0a" }, { - "medication_info": "Medication Info: 1. Mederma Scar Gel - applied twice a day. Symptoms mentioned: 1. Back pain - resolved. 2. Lump under left breast - not felt since last visit.", + "medication_info": "Medication Info: Mederma scar gel, application twice a day; Symptoms: Scar discomfort, no chills, fever, nausea, or vomiting, no back pain, no lumps or bumps noticed since last visit.", "src": "[doctor] patient is pamela cook . medical record number is 123546 . she's a 36-year-old female post bilateral reduction mammoplasty on 10-10 20-20 .\n[doctor] hey , how are you ?\n[patient] good . how are you ?\n[doctor] i'm doing well . it's good to see you . how have you been ?\n[patient] i've been doing good .\n[doctor] great . how about your breasts , are they doing all right ?\n[patient] great .\n[doctor] are you having any chills , fever , nausea , or vomiting ?\n[patient] no .\n[doctor] good . all right . let's take a peek real quick .\n[patient] sure .\n[doctor] how's life otherwise ? pretty good ? nothing new ?\n[patient] no , just enjoying summertime .\n[doctor] okay . how's your family ?\n[patient] they're good .\n[doctor] good . all right . i'm going to take a look at your breast now . if you would just open up your gown for me .\n[doctor] everything looks good .\n[patient] yeah .\n[doctor] how's your back pain ?\n[patient] i'm not really having any more .\n[doctor] any hard spots , lumps , or bumps that you've noticed ?\n[patient] i did when i came in last time when i saw your pa , ruth sanchez in march . she said i , she said she found a lump right here under my left breast , but i have n't felt it since then . but i did the massages .\n[doctor] okay , well . that that's good . uh , it's probably just the scar tissue , but everything looks good and you're healing wonderful , so .\n[patient] i told her that the scars here was kind of bothering me and i got scar gel . i was using it everyday , but i do n't think i need it now .\n[doctor] yeah , that scar did widen a little bit . let me take a closer look , hang on . this one widened a little too , ? the incisions are well healed though with no signs of infection or any redness on either breast , so i'm not concerned .\n[patient] yeah , but this one just bothered me a little bit more .\n[doctor] i understand . um , you can close your gown now .\n[doctor] the only thing that is really going to help out that is to uh , to cut it out and re-close it .\n[patient]\n[doctor] and you do n't want that , ?\n[patient] i mean , not right now .\n[doctor] um , you want to come back and revisit um , maybe six months ?\n[patient] yeah , i will do that . i still have n't , i still have some more of the gel and i can try using that again .\n[doctor] okay . keep doing that twice a day . the gel is going to lighten the color a little bit , which is already pretty light . um , but , just in that area , and it's high tension , so it's going to rub a little bit .\n[patient] yeah , but it kind of bothers me a little bit .\n[doctor] uh , i do see that . like i said , the only way to really fix that is to cut it out .\n[patient] uh- .\n[doctor] um , let's take a look in six months and then we'll go from there . sound like a plan ?\n[patient] but we have n't hit a full year yet .\n[doctor] i know . um , i would n't do any revisions anyway for scar tissue until we're at least a year out anyway .\n[patient] okay .\n[doctor] so let's wait those six months . you can keep using uh , the mederma scar gel twice a day . massage and scar gel will help for the scars . um , you can put it on other scars too , if you need .\n[patient] okay .\n[doctor] um , so that's what i would do . let's just get some pictures today so we can keep up um , with them . and keep an eye on these scars and then we'll go from there .\n[patient] sounds good .\n[doctor] all right , well it's good to see you . i'm glad you're doing well .\n[patient] yeah , same here .\n[doctor] all right . well , i'm going to tell the front desk six months and we'll revisit those scars .\n[patient] all right .\n[doctor] thank you . they're gon na come get your photos now , okay ?\n[patient] okay .", "file": "D2N024-virtscribe", "document_id": "e215cf05-da70-405d-a8db-d51c26388158" }, { - "medication_info": "Medication Info: \n1. Furosemide - 20 mg by mouth daily \n2. Torsemide - 20 mg by mouth daily \n3. Lisinopril - 10 mg daily \n4. Oxyglutinine - not specified \n5. Iron supplement - not specified \n6. Prilosec - used previously, dosage not specified \n7. Magnesium supplement - to be recommended, dosage not specified \n8. Clopidogrel - needs to be stopped a week before surgery \n\nSymptoms mentioned: \n- Chronic congestive heart failure with diastolic dysfunction \n- Dyspnea (shortness of breath) \n- Leg cramps \n- Heartburn \n- Urgency to use the bathroom \n- Anemia", + "medication_info": "Medication Info: Furosemide 20 mg daily (previously on Furosemide before switching to Torsemide); Torsemide 20 mg daily; Lisinopril increased to 10 mg daily (previous not specified); Iron supplement; Oxybutynin (specific usage stated to help with urgency); Prilosec (used for two weeks in January, then stopped); Magnesium supplement (recommended to increase levels); Clopidogrel (to be stopped one week before surgery). Symptoms: Dyspnea (increasing); leg cramps (experienced recently and relieved with pickle juice); heart burn (managed with Prilosec previously); history of anemia; elevated potassium (3.9, holding steady with Torsemide); creatinine levels noted as normal at 0.7; BUN elevated at 23 indicating possible dehydration; weight loss reported at 3-3.5 pounds; urgency to use the bathroom improved.", "src": "[doctor] next patient is nicole miller . date of birth is 09/18/1949 . patient was called for a follow-up with me for chronic congestive heart failure with diastolic dysfunction . bmp's been , uh , 3,000 in march , and is about six- was up to 6,000 in april . she was increasingly dyspneic . we changed her furosemide and torsemide 20 milligrams by mouth daily . uh to note , the patient is not currently on potassium supplement . her lisinopril had- has also been increased up to 10 milligrams daily in march . also did when i saw her last april . she reported being interested in having her right knee replaced this summer at east metro . it was recommended that we work to control her cardiovascular status before surgery .\n[doctor] hey , miss miller , how are you today ?\n[patient] i'm doing okay , thank you .\n[doctor] i asked you to come in today because we want to keep- we want you to have this knee surgery this summer but we want to keep a close eye on you to make sure a week before your surgery you do n't suddenly go into congestive heart failure and it gets postponed .\n[patient] yeah , that would not be good .\n[doctor] i see you're scheduled on the 24th for surgery .\n[patient] yeah , that's right .\n[doctor] okay , good . well it looks like you have lost about 3 , 3 and a half pounds since i saw you last in april . some of that might be water weight , but still , this is positive .\n[patient] yeah , i noticed that too . i think the oxyglutinine is helping as well . my urgency to use the bathroom is much better .\n[doctor] well that's great .\n[patient] yeah , i , i'm pleased about it too .\n[doctor] you ever get leg or finger cramps or anything like that ?\n[patient] yeah , i had leg cramps the other day , but i thought it might , was maybe just because i was cold as i had my ceiling fan on and fell asleep . i had cramps when i woke up in both legs right here . um i drank pickle juice and it went right away .\n[doctor] well do n't , do n't get crazy with the pickle juice because all of the salt in it .\n[patient] haha , i know , i only drink about 4 ounces or so .\n[doctor] okay good .\n[patient] um it went away so i did n't drink anymore . i find it works a lot better than trying to put some cream on my leg .\n[doctor] sure just , just keep it in moderation .\n[patient] okay .\n[doctor] and then are you still on an iron supplement ? and are you using the bathroom okay ?\n[patient] uh yes , everything is good .\n[doctor] good . how is your heart burn doing ? any problems with that ?\n[patient] no , it did get bad for a while so i tried to take some prilosec and then stopped that other one .\n[doctor] okay .\n[patient] um i did that for like , gosh , i think it was two weeks back in january and have n't had any problems since .\n[doctor] great .\n[patient] um and after i stopped taking that um i went back to the stomach one , so i'm doing good now .\n[doctor] okay and you're still due for a colonoscopy , correct ?\n[patient] uh yeah , that's right .\n[doctor] all right , let's review your blood work real quick . i checked your hemoglobin level because you have had some anemia in the past but that is still doing great .\n[patient] good , that's a relief to hear .\n[doctor] your potassium is 3.9 so it's holding steady on the torsemide . your creatinine was .7 not .8 so you're doing well with kidney numbers . your bun may be a tiny bit elevated at 23 which is the number we look for for dehydration sometimes the kidneys , but it's not terrible . um so when i look at your numbers as a whole i think you're tolerating the torsemide okay at the current dose . i also sent out to look at the heart failure number- i sent to look at your heart failure number . there is a test called a bmp that i was monitoring and in march it was up to 3,000 and then went up to 6,000 in april before i made the change . i'm still waiting for those results .\n[patient] okay .\n[doctor] all in all i think you're doing good on paper though .\n[patient] what about , um what's it called , a1c ? does that show up ?\n[doctor] um i do n't think i ordered it but i could . your last a1c was 5.5 in march .\n[patient] all righty .\n[doctor] so your blood sugar is a little bit high , it was 169 today but that kind of depends on what you ate and you were n't fasting for the blood check so i might have to repeat that test for pre-op , but i do n't think we need to do it today .\n[patient] all righty that sounds good .\n[doctor] i checked your magnesium level because sometimes you uh urinate out magnesium with the water pills but it was normal at 1.7 and your blood pressure is also looking good .\n[patient] okay great . that all sounds awesome .\n[doctor] all right let's take a quick listen .\n[doctor] use my general physical exam template .\n[doctor] and take a couple of deep breaths for me .\n[doctor] your lungs sound pretty good to me so keep doing what you're doing . um uh , like i said , i think you're doing good overall but let's just talk about a few things .\n[patient] all righty .\n[doctor] so we often like to keep people with heart problems on magnesium and get their levels up to around the 2-ish range . yours is a little bit less than 2 and we want that 2-ish range because it can help stabilize the heart muscle . so i might recommend putting you on magnesium supplement . it's supposed to be twice a day so that's kind of annoying , but i know you're on other medicines twice a day too , so i think you'll do fine .\n[patient] yeah , that'll be okay .\n[doctor] great . now before surgery we'll have to get you off your clopidogrel for a week beforehand .\n[patient] yes , okay , i have everything written down on my phone , and i have a letter taped to the side of my bed to remind me .\n[doctor] perfect ! we will give you a reminder as well . we will also need to complete a pre-op check within two weeks of your surgery during the first or second week of june .\n[patient] okay , i'll put that down .\n[doctor] you might also have to repeat an ekg before surgery which we could do today . i know i'm sure it feels like you're doing , you're always doing ekgs . um we do n't need to any x-rays of your chest because you had one recently , and we do n't need any more blood work because we did that today .\n[patient] yeah , i do a lot of ekgs . i'm basically a regular . but i'm happy to do one today , no problem .\n[doctor] lastly , once we get your knee surgery , um we , we should think about getting you a colonoscopy . we can do it here locally because you have medicare . do you have private insurance also ?\n[patient] yeah , i have both .\n[doctor] okay so yes , you can get it , your colonoscopy , wherever you'd like .\n[patient] okay , well my husband's insurance may be running out . might we be able to get the procedure done sooner ? maybe in the next 30 days ? is that okay ?\n[doctor] um i can put it in right now for , uh , for county for the next 30 days , and they might be able to get you in within the next few weeks . it should not take , it should not make you ineligible for the surgery . in other words completing a colonoscopy would not delay your surgery .\n[patient] okay , good .\n[doctor] so let me see . i've been doing one of two things at every one , and everyone is great so it depends more on timing availability of their or for the colonoscopy . we can send you to dr. martin for the surgery who is at county surgical services down here or the other option is valley medical , and they do it at springfield .\n[patient] okay , that sounds good .\n[doctor] i think either direction they're good technicians of the colon .\n[patient] okay , yeah whatever you can get me in , that works great .\n[doctor] so i'll call around . now if you get that done and they tell you 10 years then you'll be good to go .\n[patient] great , thank you .\n[doctor] you're welcome . have a great day . let us know if you need anything else , okay ?\n[patient] sounds good .\n[doctor] all right , assessment and plan .\n[doctor] chronic chf . mixed presentation . had a exacerbation of cf , chf earlier in the spring . we switched her from a furosemide to torsemide and symptomatically she is doing a lot better . she's about 3 , 3 and a half pounds down in weight . breathing is non-labored . going to repeat ekg today but otherwise continue with her current regimen . labs checked and creatinine is appropriate .\n[doctor] uh number 2 , pre-op examination . she is , she's having a right knee replacement end of june . also , she would like to have a colonoscopy performed which we'll try to have done at uh bartley regional , rightley regional hospital in the next month , uh , prior to a change in her insurance . this is just a screening colonoscopy that she is overdue for . no family history of colon cancer .\n[doctor] uh the next one is diabetes . a1c is 5.1 on the last check so no need for further a1c today . she may need another one prior to her surgery next month though . thanks .", "file": "D2N025-virtscribe", "document_id": "2d794989-cfee-4631-b84f-02cc18b23309" }, { - "medication_info": "Medication Info: Gabapentin (exact dosage not mentioned), Numbing medicine (type and dosage not specified), Neck pill (exact type and dosage not specified), Eliquis (exact dosage not mentioned). Symptoms: Left arm pain, pain in hand, numbness and weakness in hand, pain recurring at night, strain in neck, potential cervical radicularopathy.", + "medication_info": "Medication Info: Gabapentin (not specified if 300 mg or 100 mg), Prednisone (not specified), Numbing medicine, Eliquis; Symptoms: Left arm pain, weakness in the hand, nighttime pain, strain in the neck, occasional shoulder discomfort.", "src": "[doctor] dictating on donald clark . date of birth , 03/04/1937 . chief complaint is left arm pain . hello , how are you ?\n[patient] good morning .\n[doctor] it's nice to meet you . i'm dr. miller .\n[patient] it's nice to meet you as well .\n[doctor] so , i hear you are having pain this arm . is that correct ?\n[patient] that's correct .\n[doctor] okay . and it seems like it's worse at night ?\n[patient] well , right now the hand is .\n[doctor] mm-hmm .\n[patient] and the thing started about two weeks ago . i woke up about two o'clock in the morning and it was just hurting something awful .\n[doctor] uh- .\n[patient] and then i laid some ice on it and it finally did ease up .\n[doctor] okay , that's good .\n[patient] so i got up , i sat on the side of the bed and held my arm down , thinking it would , like , help the circulation , but it did n't .\n[doctor] okay , i see .\n[patient] and so , after a while , when it eased off , maybe about four , five am , i laid back down and it did n't start up again .\n[doctor] mm-hmm , okay .\n[patient] um . i went back to sleep but for several nights this happened , like , over and over . so , i finally went to see the doctor , and i do n't really recall her name .\n[doctor] okay . yeah , i think i know who you're talking about , though .\n[patient] um , she's the one who sent me to you , so , i , i would , i would think so . but when i went to her after the third time it happened and she checked me out , she said it was most likely coming from a pinched nerve .\n[doctor] probably . uh , do you notice that moving your neck or turning your head seems to bother your arm ?\n[patient] uh , no .\n[doctor] okay . is moving your shoulder uncomfortable at all ?\n[patient] no .\n[doctor] and do you notice it at other times besides during the night ?\n[patient] um , some days . if it bothers me at night , then the day following , it usually will bother me some .\n[doctor] okay . and do you just notice it in the hand , or does it seem to be going down the whole arm ?\n[patient] well , it starts there and goes all the way down the arm .\n[doctor] okay . have you noticed any weakness in your hand at all ?\n[patient] uh , yes .\n[doctor] okay . like , in terms of gripping things ?\n[patient] yeah .\n[doctor] okay .\n[patient] uh , this finger , i hurt it some time ago as well .\n[doctor] really ?\n[patient] yeah . it does n't work properly . or , it works very rarely .\n[doctor] gotcha . and did i hear that she gave you some prednisone and some oral steroids , or ?\n[patient] uh , well , she gave me some numbing medicine . it helped a little bit . the other two were a neck pill and gabapentin . uh , you should have my full list in your notes , though . since then it has n't really bothered me at night . also , just so you know , i am a va and i'm one percent disabled from this leg , um , issues from my knees down to my feet .\n[doctor] okay . is it neuropathy ?\n[patient] uh , yep .\n[doctor] gotcha . that is good to know . all right , well , let's go ahead and take a look .\n[patient] okay .\n[doctor] all right . so , to start , i'm gon na have you do something for me . uh , just go ahead and tilt your chin as far as you can down to your chest . okay , good . and now , go the other way , tilting your chin up as far as you can . now , does that seem to bother you at all ? okay . and now , come back to normal , just look and turn your head as far as you can that way . great . and now , as far as you can towards that wall . uh , does that seem to bother you at all ?\n[patient] no . well , actually , i do feel a little strain .\n[doctor] okay . so , you feel it in the neck a little bit ?\n[patient] yeah , just a little strain .\n[doctor] okay . uh , now squeeze my fingers as hard as you can with both hands . great . now , hold your arms like this .\n[patient] okay .\n[doctor] and i'm going to try to strain your arms and try to keep them as stiff as you can . do n't let me strain it . okay , good . good . now , when i , i'm just touching your hands like this . does it seem to feel about the same in both hands ?\n[patient] uh , yes .\n[doctor] okay . all right . so , i do agree with betty . uh , more than likely , this seems like it would be coming from your neck . that's the most common reason that causes what , what you're experiencing . and i looked at an x-ray of your neck , and you do seem to have a lot of arthritis there , and there does seem to be potential for a disc to be pushing on a nerve . and now , what i do n't have is an mri , which would show me , uh , kind of exactly where the nerve roots are getting pinched off .\n[patient] i see .\n[doctor] so , gabapentin can help a little bit with the nerve pain , and what i would like to do is potentially set you up for an epidural . and what that is is it , it's a focused anti-inflammatory medicine , excuse me , that works behind the nerve roops that , nerve roots that we are thinking might be getting squished off . it can often help alleviate your symptoms , and i do need to get an mri of your neck . um , i know we have had one of your lower back , but i need one of your neck to see exactly where the roots are getting pinched off . so , what i can do is tentatively set you up for an epidural , but before you do that , we do need to get that mri so i can see right where i need to put the medicine for your epidural . uh , what do you think of that ?\n[patient] i think that sounds good to me .\n[doctor] okay , good . and just to confirm , do you take any blood thinners ? i do n't think i saw any on your medicine list .\n[patient] uh , no , i do n't .\n[doctor] okay , good . and what i would have you do is continue with the gabapentin . um , are you taking 300 or 100 ?\n[patient] um , not sure . my lady friend helps me handle this stuff .\n[doctor] okay .\n[patient] i am taking eliquis , though .\n[doctor] okay . um , so whatever you are doing you can just keep doing it , and i'm going to set you up for the epidural and imaging study , um , just so i know right where to put the medicine . and i will follow up with you after s- um , that's in . we can do the shot , just to make sure your arm is feeling better . sound good ?\n[patient] sounds good . for the last couple of nights , though , my neck has not been bothering me .\n[doctor] okay . s- um , so , presumably what's happening , then , is when you're sleeping your neck is kind of gets off-tilt , uh , kilter , and it compresses the nerve roots there . now , if you think you're doing fine , we could hold off , but at the very la- least , i'd like to update that mri of yours and see what's going on , because probably this is something that will likely flare up again .\n[patient] yeah , it , it has been for the last week , so , i understand .\n[doctor] okay . all right . well , do you want to do that work-up and do the epidural , or do you think you're doing fine and you want to wait ?\n[patient] well , my hand is still bothering me .\n[doctor] okay . so , you're saying your neck is not bothering you but the hand is . okay . so then , let's just stick with the plan . mri of the neck , so we can see where the nerve roots may be compressed , that's giving your hand the issue . and then , we're going to set you up with the epidural .\n[patient] okay . sounds good .\n[doctor] all right . so , keep going with the gabapentin . i will order the imaging of your neck , and the shot will hopefully help some with those symptoms in your hand , and then we'll follow up afterwards .\n[patient] all right . is the mri today ?\n[doctor] um , you probably ca n't do it today , but let me talk with roy and see how soon we can get it done . just give me a quick minute , and then roy will come in and get things scheduled as soon as we can .\n[patient] all right .\n[doctor] all right . well , it was nice meeting you , my friend .\n[patient] you as well . thank you .\n[doctor] physical exam , elderly white gentleman presents in a wheelchair . no apparent distress . per the template , down through neuro- neurologic . one plus bilateral biceps . triceps brachioradialis . reflexes bilateral all negative . follow up and take out the lower extremities . gait not assessed today . strength and sensation is per the template . uh , upper and lower extremities . musculoskeletal , he is non-tender over his cervical spine . he does have mildly restricted cervical exte- extension . right and left lateral rotation which is symmetric , which gives him mild lateral neck pain but no radi- radicular pain . spurling's maneuver is benign .\n[doctor] paragraph , diagnostics . cervical x-ray 6421 . cervical x-ray reveals significant disc degeneration at c56 , and to a lower extent c45 and c34 . significant lower lumbar facet arthropathy c67 and c7-t1 is difficult to visualize in the current x-rays .\n[doctor] paragraph , impression . number one , left upper extremity neuropathy suspicious for cervical radicularopathy . possible contribution of peripheral neuropathy . number two , neck pain in the setting of arthritis disc degeneration .\n[doctor] paragraph , plan . i suspect that this is a flare of cervical radicularopathy . i'm going to set him up for a cervical mri , and we'll tentatively plan for a left c7-t1 epidural afterwards , although the exact location will be pending the mri results . he'll continue his home exercise program as well as twice a day gabapentin . we'll follow up with him afterwards to determine his level of relief . he denies any blood thinners .", "file": "D2N026-virtscribe", "document_id": "531abacf-6b7b-41c3-9ed2-c8cbba693785" }, { - "medication_info": "Medication Info: \n- Vitamin D3: 50,000 units on Sundays and 2,000 units on other six days\n- Clindamycin: Prior to dental procedures\n\nSymptoms:\n- Increased fatigue\n- Pursed lip breathing\n- Nodule on the right testicle\n- Snoring during sleep", + "medication_info": "Medication Info: Vitamin D3 5,000 units on Sundays and 2,000 units on other days; Clindamycin prior to dental procedures; Symptoms: Increased fatigue, feels drained at the end of the day, and experiences tiredness after bicycle riding.", "src": "[doctor] eugene walker , n- date of birth 4/14/1960 . he's a 61-year-old male who presents today , uh , for a routine follow-up with chronic medical conditions .\n[doctor] of note , the patient underwent an aortic valve replacement and ascending aortic aneurysm repair on 1/22/2013 . regarding his blood work from 4/10/2021 , the patient's alkaline phosphatate- phosphatase , excuse me , was elevated to 156 . his lipid panel showed elevated total cholesterol of 247 , hdl of 66 , ldl of 166 , and triglycerides at 74 . the patient's tsh was normal at 2.68 . his cbc was unremarkable . his most recent vitamin d level was at the high end of normal at 94 .\n[doctor] good morning , mr. walker . how are you doing ? i mean , it's been a crazy year .\n[patient] i'm doing fine , for the most part , but there are a few things i want to cover today .\n[doctor] sure . go right ahead .\n[patient] uh , well , i'm having more fatigue , but i do n't know if it's age or if it's just , you know , drained at the end of the day . but i still ride my bike . i ca n't go as fast as i used to . i'm still riding , and , you know , after a long bike ride , i'll sit down and then boom . i'm out , you know ?\n[doctor] yeah . what's a long bike ride to you ?\n[patient] uh , 20 to 30 miles .\n[doctor] 20 to 30 miles on a road bike ?\n[patient] yeah , road bike . i think it's a time thing . if i had more time , i would try to do my 40 miles , but i have n't done that . obviously , we're too early in the season so my typical ride is , like , 20 , 30 . in years back , i could do 40 on a good day . i can still do 20 but , you know , i'm tired and have to take a break when i get home .\n[doctor] yeah , i understand .\n[patient] and tyler's my buddy . he's always nice and waits for me , but i used to be able to beat him . but now , he waits for me all the time . he's older than me and it- it kills me .\n[doctor] yeah , i can imagine that would upset me too .\n[patient] well , the last time , you know , you found a heart thing , then . just making sure that the valve is holding out , you know ?\n[doctor] right . so , when was your last stress test ?\n[patient] it was september 9th , 2019 , because i'm eight years out from surgery , and back then , they said , you know , it's going to last eight years . and i'm at that year , so i just want to make sure . i asked dr. lewis for an echocardiogram to see how i'm doing .\n[doctor] yeah .\n[patient] but it's not ... like , nothing has changed drastically since i saw you .\n[doctor] okay , good . do you still go down to hopkins at all ?\n[patient] no , not at all . i just get follow-ups intermittently , here . going there is just ... it's too much stress .\n[doctor] okay .\n[patient] one more thing , i want to make sure i do n't forget . my wife and friends tell me that when i walk , i purse my lips when i'm breathing . other doctors have said , \" did you notice your pursed lips breathing ? \" i do n't know if that's a bad habit or what .\n[doctor] okay . is there any wheezing associated with that ?\n[patient] no , no wheezing .\n[doctor] and you're able to bike 30 miles and mostly keep up with your friend , tyler , correct ?\n[patient] yeah . the only other thing i want to mention is it's not like i do routine testicular exams , but i know i have this little nodule on my right testicle .\n[doctor] on the testicle or the epididymis ?\n[patient] epididymis . uh , i really do n't know . i'm not super concerned . i read a little online . just wanted to ask you .\n[doctor] and did you have a vasectomy ?\n[patient] no . let me pull my notes out and make sure i mentioned everything i wanted to tell you . those were the only things and it's not like my tiredness is depression or anything . i'm a pretty happy guy overall , you know ? i just know you would ask those questions .\n[doctor] what time are you going to sleep , and about how many hours do you sleep a night ?\n[patient] um , it varies . usually , i get six to seven hours of sleep . i get out of bed some days to be at work by 7:00 , lecture , and i try to work out in the morning . i- i do n't ... i'm not ... i'm not always successful , and now what i do is i- i do make reservations twice a week for a 5:45 swim in the morning .\n[doctor] okay , so you're getting six to seven hours of sleep , and has your wife ever mentioned if you snore or stop breathing at any time ?\n[patient] i believe i snore a little bit , but she's never said anything about me not breathing .\n[doctor] okay . so , you're currently taking vitamin d3 , around 5000 units on sundays , and two thous ... or 50,000 units on sundays , excuse me , and 2000s on the other six days , and then clindamycin prior to dental procedures , correct ?\n[patient] yeah , that's right .\n[doctor] have you had a covid-19 shot yet ?\n[patient] i've received both . my first dose on january 15th , '21 and my second on february 5th , '21 .\n[doctor] good . if you'd hop up here on the table , we're just going to do a physical exam .\n[doctor] well , mr. walker , overall you're doing well . i'm going to order an echocardiogram and a stress test . i also recommend that you follow up with cardiology , i think dr. vincent sanchez would be a great fit for you .\n[patient] all right .\n[doctor] also your recent labs showed an elevated alkaline phosphatase level at 156 . now this could be related to your liver but most likely related to your bone health . we're going to check a few labs today .\n[patient] you're going to have them done today ?\n[doctor] yes , sir , and we will send the results through your patient portal unless something is way off then we'll give you a call .\n[patient] sounds good .\n[doctor] now as far as your breathing , i observed the pursed lip breathing and your exhalation is low . i think you should do a pulmonary function test to further evaluate , and i'll order that as well .\n[doctor] now the nodule in your right testicle should be evaluated by urology , and we will place that referral today , also .\n[patient] sounds like i'm going to be busy getting this all checked out .\n[doctor] yes , sir . now you are due for your mmr and i'm recommend you get the shingles vaccine as well . you have completed your covid-19 , so that's good .\n[doctor] now i'm going to have , uh ... have you return in about a year for your wellness visit . we'll see you back sooner if needed after i review all those labs and those other studies .\n[doctor] do you have any other questions for me ?\n[patient] no , doc . i think you covered it all .\n[doctor] great . okay , the nurse will , uh , be back in a minute to give you mmr today , and the front desk will line up a time to do the shingles vaccine next month .\n[patient] thanks , doc . have a great day .\n[doctor] all right , i used my general physical exam template for respiratory notate : pursed lip breathing , low exhalation phase , clear to oscillation , no wheezing . uh , genitalia notate : right testicle with two to three millimeters palpable nodule does not feel as if it will ... does not feel as if with the epididymis or variococele ; left testicle , normal ; no hernia . all other portions of the physical exam are normal default .\n[doctor] assessment history of the aortic aneurysm repair : the patient underwent and aortic valve replacement and ascending aortic aneurysm repair on 1/20/2013 . he is doing well overall and currently asymptomatic . he is currently not seen by cardiology routinely . suggest the following up and suggested vincent sanchez as his physician . we will perform an echocardiogram , eh , slash , stress test .\n[doctor] elevated alkaline phosphatase level . most recent cmd showed elevation at 156 . this could be related to his liver but most likely re- related to his bone health . i've ordered an alkaline phosphatase and again a gt .\n[doctor] lung field abnormal finding on exona ... excuse me , on examination . the patient has been noted to purse his lips while breathing . he was found himself ... he has found himself feeling more fatigued at the end of the day . he does bicycle around 20 to 30 miles at a time . his exhal- exhalation phase is low on exam , and i've ordered pfts today to further ... for further evaluation .\n[doctor] the right testicular nodule is about two to three millimeters , i've noted on the exam . there's no hernia palpable , and i have suggested reaching out to ro ... urology for a possible ultrasound .\n[doctor] preventative health : the most recent blood work was reviewed with no significant abnormalaries ... abnormalities other than the cmv . uh , we will perform mmr titer today . i have suggested the shingles vaccine and he is fully vaccinated against covid-19 .\n[doctor] patient will return , uh , for a follow-up in one year for a wellness visit , sooner if needed . he is to call with any questions or concerns .", "file": "D2N027-virtscribe", "document_id": "4b81e9ec-e2b9-48f1-b305-1d3ab8453bde" }, { - "medication_info": "Medication Info: \nMedications: \n- Crestor: duration - 18 months (dosage not specified) \n- Olmesartan: dosage not specified \n- Tylenol: as needed, frequency - hardly ever (about once a month) \n\nSymptoms: \n- Chronic abdominal pain (location: mid abdomen, around the belly button) \n- Constipation (about 3-4 times a week, stool is hard) \n- Explosive diarrhea (depends on food intake, one-time occurrence) \n- Nagging abdominal pain that varies in intensity \n- Slightly elevated liver enzymes (ALT and AST) \n- No issues with nausea, vomiting, or heartburn reported.", + "medication_info": "Medication Info: \nMedications: \n- Crestor \n- Olmesartan \n- Tylenol (occasional) \n\nSymptoms: \n- Chronic abdominal pain \n- Constipation \n- Explosive diarrhea \n- Nagging abdominal pain \n- Hard stool \n- Slight enlargement of the liver (hepatomegaly) \n- Elevated liver enzymes (ALT and AST) \n", "src": "[doctor] patrick allen . date of birth : 7/7/1977 . new patient visit . past medical history includes gerd , anxiety , depression . here for chronic abdominal pain . he had an abdominal ct on 1/23/2020 . impression is a normal ct of the ab- abdomen .\n[doctor] hello , are you mr. allen ?\n[patient] yes , i am .\n[doctor] hi . my name is dr. edwards . nice to meet you .\n[patient] nice to meet you .\n[doctor] welcome to the gi specialty clinic .\n[patient] thank you .\n[doctor] did you have any problems finding us ?\n[patient] no , i've been here with my sister once before .\n[doctor] good . so how can i help you today ? uh , the referral i have is for abdominal pain and diarrhea .\n[patient] right . so i've had ... i've been having this pain right here in my stomach , like right around here .\n[doctor] so in the area of your mid abdomen , just below the belly button ?\n[patient] correct . i've had the pain on and off for about two years . i finally went to the er and a ... a few months ago and they did a ct scan .\n[doctor] i saw that .\n[patient] yeah . they said they did n't really see anything on the scan .\n[doctor] yes , i agree . it looked normal .\n[patient] the problem is i'm either constipated or have explosive diarrhea .\n[doctor] is the pain there all the time ?\n[patient] it's a nagging feeling and it just depends . sometimes it bothers me , sometimes it does n't .\n[doctor] has this been the case over the past two years as well ?\n[patient] more recently in the past couple months , at least with the constipation and diarrhea .\n[doctor] and before that , how are your bowel movements ?\n[patient] they were normal .\n[doctor] uh , okay . so any blood in your stool ?\n[patient] nope .\n[doctor] do you feel like you have more constipation or diarrhea ?\n[patient] probably more constipation .\n[doctor] okay , so when you're constipated , do you not have a bowel movement or is the stool hard ?\n[patient] i usually do n't go , but when i do , it's hard .\n[doctor] and how often do you have a bowel movement when you are constipated ?\n[patient] about three to four times a week . it's like when i need to go to the bathroom , if i can massage it , it feels like it's moving some and i can eventually go .\n[doctor] okay . and when you have a bowel movement , does the pain change ?\n[patient] yeah , it gets a little better .\n[doctor] and are you eating and drinking okay ? any nausea or vomiting , heartburn or indigestion ?\n[patient] none of that .\n[doctor] okay . so tell me about the diarrhea , how often do you get it ?\n[patient] it kinda just depends on what i eat . i think i have a very sensitive stomach . if i eat pasta with a creamy sauce , i'm probably gon na have diarrhea .\n[doctor] okay . and it does n't happen for multiple days in a row or is it just one time ?\n[patient] it's usually just one time and then it's over .\n[doctor] and how's your weight been ? any fluctuation ?\n[patient] nice and pretty stable , although i could stand to lose about 25 pounds .\n[doctor] okay . and is there any family history of gi issues that you know of ?\n[patient] not that i can think of . well , actually my sister does have problems with her stomach too . she has irritable bowel syndrome and that is kind of what i always thought i had even thought i've never been diagnosed with it .\n[doctor] okay . and is there any family history of gi cancer or liver disease ?\n[patient] nope .\n[doctor] have you ever had any surgeries on your abdomen ?\n[patient] i've never had any surgery .\n[doctor] okay , so your gallbladder , appendix , all those are still intact ?\n[patient] yup .\n[doctor] and have you ever had a colonoscopy ?\n[patient] no . i thought that happen when you turn 50 .\n[doctor] well , that's for colon cancer screening , but there are other reasons to have a colonoscopy , like unexplained abdominal pain and changes in bowel habits .\n[patient] okay .\n[doctor] well , come have a seat here and lay back so i can examine you .\n[patient] okay .\n[doctor] i'm gon na start by listening to your belly with my steth- stethoscope . and i hear bowel sounds in all four quadrants .\n[patient] what does that mean ? is everything okay ?\n[doctor] it just means that i can hear little noises in all areas of your belly , which means your bowels are active and working .\n[patient] okay , good .\n[doctor] so now , i'm going to push on your upper and lower abdomen . let me know if you have any pain .\n[patient] it hurts a little when you push right there on the left side , near my belly button .\n[doctor] okay . i do feel stool in your lower colon , which would coincide with constipation , but i also feel a slight enlargement of your liver here on the upper right side . have you had any lab work done recently ?\n[patient] yes , i have a physical about four months ago and they ... i had blood drawn then .\n[doctor] okay . and did your primary care physician say anything about the lab results ?\n[patient] he said i had some very slightly elevated liver enzymes , but we would recheck them in about six months .\n[doctor] and you remember what enzymes were elevated , alt , ast , alp ?\n[patient] he said the alt and the ast were elevated .\n[doctor] and do you take any medications , either prescription or over-the-counter ?\n[patient] i take crestor and olmesartan daily and then tylenol for occasion- occasional pain .\n[doctor] and how frequently do you take the tylenol ?\n[patient] hardly ever . maybe once a month .\n[doctor] and do you consume alcohol ?\n[patient] uh , yes , but only a couple of beers after working in the yard on saturdays .\n[doctor] okay . and no previous history of heavy alcohol or drug use ?\n[patient] nope .\n[doctor] and have you had any recent issues with excessive bruising or bleeding ?\n[patient] nope .\n[doctor] and how about any issues with your ankles or feet swelling ?\n[patient] no .\n[doctor] okay . i'm gon na take a look at your eyes and skin . i do n't see any jaundice .\n[patient] what would cause that ?\n[doctor] issues with your liver . let me take a quick listen to your heart and lungs .\n[patient] okay .\n[doctor] lungs are clear , bilateral heart sounds are normal , no murmurs , gallops , or rubs noted .\n[patient] that's good .\n[doctor] yes . the rest of your physical exam is normal other than what seems to be an increased stool burden in your colon and a slight hepatomegaly .\n[patient] what's that ?\n[doctor] increase stool burden means that there's a lot of stool sitting in your colon .\n[patient] and that's the constipation , right ? but what about the other thing ?\n[doctor] the hepatomegaly means the liver is enlarged .\n[patient] but you said mine was slightly enlarged ?\n[doctor] correct .\n[patient] so what does that mean ?\n[doctor] well , let's talk about what we found and then some possible next steps if you're in agreement .\n[patient] okay .\n[doctor] so as i said , the hepatomegaly means your liver is enlarged .\n[patient] could that be why my stomach is hurting and i'm having issues with the constipation and diarrhea ?\n[doctor] no , i think you're constipated and have occasional bouts of diarrhea because of certain foods you eat . and we can get you started right away on a fiber supplement that should help with that .\n[patient] so what about my liver ? why is it enlarged ?\n[doctor] well , there are many reasons why people can have an elevated liver enzymes and also enlarged liver . some possible causes are certain medications that can be toxic to liver , alcohol abuse , fatty liver disease , hepatitis , cirrhosis , and other liver diseases like wilson's disease .\n[patient] so what do i need to do ?\n[doctor] well , i think since it's been about four months since your blood work was done , we should check your liver enzymes in addition to a few other labs .\n[patient] okay . and then what ?\n[doctor] we will get those drawn today and then depending upon the results you may need an ultrasound of your liver . i think we need to talk about your medications too .\n[patient] which medications ?\n[doctor] crestor , how long have you been taking that ?\n[patient] about 18 months .\n[doctor] okay . well , crestor is one of the medications that can cause liver toxicity so it may be a good idea to discuss other alternatives .\n[patient] should i talk to my primary care or can you change it ?\n[doctor] i would recommend calling your primary care and discuss that with him since he follows you for your blood pressure and cholesterol .\n[patient] okay . i'll call him this afternoon .\n[doctor] great . i also think we should go ahead and get you scheduled for a liver ultrasound . if your blood work looks good , then we can always cancel that .\n[patient] okay . when do you think i'll be able to get the ultrasound done ?\n[doctor] hopefully , within the next two weeks . you will receive a call from the radiology scheduling this afternoon to get it set up .\n[patient] okay . and then what happens ?\n[doctor] when i get the results from the test , i will contact you . and depending upon what we find , we'll come up with our next steps .\n[patient] and when should i see you again ?\n[doctor] uh , let's schedule an appointment when you check out to return in four weeks . we'll discuss how you're doing with the fiber supplement and your constipation and review test results to determine if we need to do further testing on your liver .\n[patient] okay . is there anything else i can do to help with these issues ?\n[doctor] definitely refrain from drinking any alcohol , increase your water intake to at least 48 ounces a day in addition to taking the fiber supplement to help with your constipation . and be mindful of eating foods that you were sensitive to so you can avoid the bouts of diarrhea .\n[patient] okay . and i'll talk to my primary care about my crestor .\n[doctor] excellent . and do you have any other questions for me ?\n[patient] i do n't think so .\n[doctor] great . so remember when you check out the front desk , schedule follow-up appointment with me for four weeks and then go to the lab to get your blood work drawn .\n[patient] okay . sounds good .\n[doctor] and expect a call from radiology scheduling about setting up your ultrasound .\n[patient] all right . thanks , dr. edwards .\n[doctor] thank you , mr. allen .", "file": "D2N028-virtscribe", "document_id": "37b05441-b65c-4a92-b55e-d243255f1b8e" }, { - "medication_info": "Medication Info: \nMedications: None listed.\nDosages: N/A\nSymptoms: None reported.", + "medication_info": "Medication Info: Allergic to Augmentin. No specific medications or dosages prescribed for melanoma treatment mentioned. Patient reports feeling great with no symptoms such as unintentional weight changes, headaches, fatigue, nausea, vomiting, or vision changes.", "src": "[doctor] next patient is sophia jackson , mrnr472348 . she's a 57 year old female who is here for a surgical consult . her dermatologist referred her . she biopsied a 0.7 millimeter lesion which was located on right inferior back . pathology came back as melanoma .\n[doctor] mrs. jackson , it's good to meet you .\n[patient] likewise , wish it were under better circumstances .\n[doctor] yeah , i hear your dermatologist sent you to me 'cause she found a melanoma ?\n[patient] yes , that's what the biopsy said .\n[doctor] okay and when did you first notice the spot ?\n[patient] my mom noticed it when i was visiting her last month .\n[doctor] i see . and so you went to the dermatologist on april 10th to get it checked out , right ?\n[patient] yes , i wanted to be extra cautious because skin cancer does run in my family .\n[doctor] well i'm really glad you took it seriously and got it checked . who in your family has had skin cancer , and do you know if it was melanoma or was it basal cell or squamous cell ?\n[patient] my mom and her sister , i think they both had melanoma .\n[doctor] okay . do you have any other types of cancer in the family , like breast or ovarian ?\n[patient] my grandfather had pancreatic cancer .\n[doctor] okay , and was that your mom or dad's father ?\n[patient] mother's .\n[doctor] okay . and , um , have you personally had any skin spots in the past that you got checked out and they were cancerous or precancerous ?\n[patient] no , this was the first time i've been to a dermatologist . um , but my primary care doctor looks over all of my moles every year at my physical and has n't said , um , he's concerned about any of 'em before .\n[doctor] good- good . uh , let's go over your medical history from your chart . i have that you're not taking any medications and do n't have any health problems listed , but that you're allergic to augmentin , is that right ?\n[patient] yes , that's correct .\n[doctor] okay , and for social history can you tell me what you do for work ?\n[patient] i own an auto repair shop .\n[doctor] okay and have you ever been a smoker ?\n[patient] yeah , i still smoke from time to time . i started that awful habit in my teens and it's hard to break , but i'm trying .\n[doctor] i'm glad you're trying to quit . uh , what about your surgical history , have you had any surgeries ?\n[patient] i had gall bladder and appendix .\n[doctor] okay , great , we can get your chart up to date now , thank you . and other than the melanoma , how has your health been , any unintentional weight changes , headaches , fatigue , nausea , vomiting , vision changes ?\n[patient] no , i've been feelin' great .\n[doctor] good . well let me take a look at your back here where they did the biopsy if you do n't mind .\n[patient] sure .\n[doctor] okay , i'm gon na describe it in medical jargon what i'm seeing here , so that the recording can capture it , but you and i are gon na go over it together in just a moment , okay ?\n[patient] okay , that's fine .\n[doctor] all right , so on the right inferior back there's a one centimeter shave biopsy site , including all of the dermis with no residual pigmentation . there's no intrinsic or satellite lesions , no other suspicious moles , no axillary , cervical , or supraclavicular lymphadenopathy . there is a soft lymph node in the right groin , but it's nontender , otherwise normal exam .\n[doctor] okay , you can sit up . um , so what i was saying there is that i see your biopsy site , but i do n't see any other s- , um , skin lumps or bumps that look suspicious . uh , i also felt your lymph nodes to see if any of them felt abnormal . there is one in the right groin that felt slightly abnormal . it's very likely nothing , but i do want you to have an ultrasound of that area to confirm it's nothing , um , and , you know , make sure it's nothing that we need to worry about . uh , the reason we're being extra cautious is that melanoma can very rarely metastasize to the lymph nodes . the ultrasound can tell us if we need to look into this further .\n[patient] okay , i should n't worry too much then ?\n[doctor] no , i have a low suspicion that it will show anything .\n[patient] okay , good .\n[doctor] so assuming that the ultrasound is normal , the treatment for you melanoma is to cut out the area where the lesion was . with lesions that are 0.7 millimeters or less , um , and that's what we recommend , and yours was exactly 0.7 millimeters . if it were any bigger , we would have had to do a more complex surgery . but what i recommend for you is what we call a wide local incision , excuse me , excision , meaning that i will make a long incision and then cut out an area a bit wider than your current biopsy site . the incision is long because that's what allows me to close the skin nicely . you'll have a fairly long scar from the incision .\n[patient] okay , that is fine with me , i ca n't see back there anyways .\n[doctor] yeah , your wife can tell you what it looks like and she may need to help care for the incision at it , as it heals . um , but since we're , we are n't doing the more complex surgery , i actually do n't need to see you back unless you want to check in with me or have any problems . however , it is very important that you continue to follow up with your dermatologist regularly so she can monitor you . uh , your dermatologist will check that this one does n't come back , but she'll also check for other lesions that look suspicious . uh , unfortunately , since you've had one melanoma , you're at a higher risk of developing another one somewhere else .\n[patient] yeah , she did say she wants to see me back .\n[doctor] good , and i'm sure she's already told you , but it's very important that you apply sunscreen anytime and anywhere that your skin is exposed to sunlight .\n[patient] yeah , she definitely went over that , um , several times with me .\n[doctor] good . other than that , i think that's all for me . um , we'll get you set up for the ultrasound , the procedure . do you have any questions for me ?\n[patient] um , no i ca n't think of any at this time .\n[doctor] okay , my nurse will be in to get you scheduled , so sit tight . it was very good to meet you .\n[patient] thank you , nice to meet you as well .\n[doctor] please add the following pathology r- , to results . a pathology , shave of right inferior back , malignant melanoma , invasive , superficial spreading . histology , superficial spreading . clark level 4 , breslow thickness 0.7 millimeters , radial growth phase present , vertical growth phase not identified . mitotic features , less than one millimeter squared . ulceration not identified , progression not identified , lymphatic invasion not identified , perineural invasion not identified , microscopic satellitosis not identified . infiltrating , uh , lymphocytes , breast . um , melanocytic nevus not identified . predominant cytology epithelioid , peripheral margin positive , deep margin , uh , negative , stage 1 . also note that i reviewed the dermatologist's photo of the lesion which showed an asymmetric black and brown nevus with central a melanotic component and irregular border .\n[doctor] for assessment and plan , the patient presents today with newly diagnosed melanoma . biopsy revealed an intermediate thickness melanoma . on examination today , there is right inguinal lymph node with slightly atypical consistency . i recommended an ultrasound to rule out metastatic disease . if the ultrasound is normal , the patient is a candidate for wide local excision with a one to two centimeter margin .\n[doctor] primary closure should be possible , but skin graft closure may be needed . the relationship between tumor histology and prognosis and treatment was carefully reviewed . the need for follow-up , according to the national comprehensive cancer network guidelines , was reviewed . we also reviewed the principles of sun avoidance , skin self-examination , and the abcdes of mole surveillance .\n[doctor] after discussing the procedure , risk and expected outcomes , and possible complications , questions were answered and the patient expressed understanding and did choose to proceed .", "file": "D2N029-virtscribe", "document_id": "57def3af-1e43-40a9-be9b-3e509c34ce5c" }, { - "medication_info": "Medication Info: \n1. Buspar (No dosage specified) - Patient reports improvement in anxiety.\n2. Singulair (No dosage specified) - Potentially caused anxiety.\n3. Camila (No dosage specified) - Stopped taking, previously increased hunger level.\n4. Progesterone (No dosage specified) - Used for regulating periods and possibly related to mood/anxiety management.", + "medication_info": "Medication Info: \n1. Buspar - Dosage: Not mentioned; Symptoms: Anxiety improved.\n2. Singulair - Dosage: Not mentioned; Symptoms: Potential link to anxiety.\n3. Progesterone - Dosage: Not mentioned; Symptoms: Possible link to hormonal irritability and anxiety.\n4. Camila - Dosage: Not mentioned; Symptoms: Increased hunger after stopping.\n5. Cream - Dosage: Not mentioned; Symptoms: Helps with itching and discomfort.", "src": "[doctor] donna torres , date of birth , 08/01/1980 .\n[doctor] hi donna ! how are you ?\n[patient] i'm good . how about you ?\n[doctor] i'm doing well , thank you . and so , i saw that dr. brown put you on buspar . have you been on that before ?\n[patient] no , that's new .\n[doctor] okay . how is it working for you ?\n[patient] my anxiety is going good now , thankfully . i'm serious , it was brutal in november and december . finally , i was like , \" i can not do this . \" i have no idea why it happened . dr. ward did put me on singulair , and she did say we need to be careful because singulair can cause anxiety . so i'm not sure if that was the issue or what .\n[doctor] mm . okay .\n[patient] and it would , um , start usually during the day , at work .\n[doctor] i see .\n[patient] i mean , i'm fine now .\n[doctor] well , that's good , that things have settled . i do wonder if some of what you are dealing with is hormonal , and that's why i was asking . 'cause you were on the progesterone , and i feel like you were having some irritability back then too .\n[patient] i did .\n[doctor] and that was before we started the progesterone .\n[patient] yes .\n[doctor] so i know we started it for regulating your periods , but perhaps it helped with this also .\n[patient] yeah . and before , in november and december , i noticed that the week before my period , my anxiety would go through the roof . which then , i knew my period was coming . then it turned into my anxiety spiking just at random times .\n[doctor] hmm , okay .\n[patient] and it seemed like it was for no reason .\n[doctor] but november and december you were on the progesterone at that time .\n[patient] yes .\n[doctor] all right . so not really a link there , all right .\n[patient] yeah , i do n't know .\n[doctor] yeah , i do n't know either . um , sometimes with the aging process , that can happen too .\n[patient] i figured maybe that's what it was .\n[doctor] and we did go through the golive in november and december , so that can be pretty stressful also .\n[patient] yeah , and at work , that's when i first started to lead the process of delivering the results to patients with covid . in the beginning of the whole pandemic , patients would have to wait nine days before they'd get their results . and then we opened the evaluation centers and the covid clinic . so i think it just took a toll on me .\n[doctor] yeah , i can absolutely see that .\n[patient] yeah , and then i was feeling selfish because i was n't even on the front lines . i mean , i was supporting people , sure , but i was n't in the icu . so i felt selfish and guilty . i mean , hands down , the physicians and nurses were in the thick of it and there i was , having anxiety . and it felt ridiculous .\n[doctor] well , honestly , you feel how you feel and what you were doing was n't easy as well , so ... but let's see . i need to just put this dax back to work . all right , so no other issues whatsoever ?\n[patient] no .\n[doctor] have you lost weight ?\n[patient] no , but i stopped taking the camila birth control . my hunger level was at a new high . i mean , i was eating constantly . i felt like , \" what is going on ? \"\n[doctor] all right .\n[patient] and now i am feeling better .\n[doctor] okay , that's good . and your masked face , though , it does look thinner .\n[patient] well , the past six months i have lost some weight .\n[doctor] okay , good . um , anything else going on ?\n[patient] no .\n[doctor] all right . so your pap was in 2019 . i do n't think that we need to repeat that because it was negative/negative . um , have you ever had an abnormal pap ?\n[patient] not with you , but i did around 2009 , and then i had to be seen every six months for a while . and then i had a normal pap .\n[doctor] all right , well , let's just repeat it then .\n[patient] yeah , that's fine with me , to be safe .\n[doctor] okay . i know it sounds superstitious , but i feel like with all the immunocompromising , the pressure , the stress that people's bodies have been under , and the potential for getting covid or the vaccine ... i have actually seen some , um , an increase in abnormal paps in people who have been fine for a while . so that's why i figure let's just check .\n[patient] okay . i fight the vaccine fight every day at home because my husband is n't ready to get it . same with my daughter . she shares the same worries as her dad in how it'll impact her when she gets older .\n[doctor] have you had the vaccine ?\n[patient] yes , i have . and so has my son . he , um , has had his first already .\n[doctor] okay . well , you know , you can only do what you can do .\n[patient] yeah , i agree .\n[doctor] all right . well , let's complete your exam .\n[patient] all right .\n[doctor] so let's take a deep breath . and again . all right , you can breathe normally . all right , and take one more deep breath . okay , now i'm gon na touch your neck . go ahead and swallow . perfect . and just place your hand above your head . okay , i do feel some little bumps .\n[patient] yeah , but they're not as big as they were .\n[doctor] mm-hmm . okay , in this breast it does feel a little bit denser . does it hurt at all ?\n[patient] it does , where your left hand just was .\n[doctor] okay , right here ?\n[patient] yeah , down here . but whenever i breastfed , it was always sore there too . i had a clog and something else . the lumps do feel smaller , but they are still there , unfortunately .\n[doctor] yeah , they are . uh , well now i do n't know , because if it was the progesterone , they would've gone away .\n[patient] yeah .\n[doctor] all right , well just let your knees just op- relax and open . how's the itching or discomfort ? are you still using the cream ?\n[patient] yes , and i actually need to get that refilled for the first time ever .\n[doctor] okay .\n[patient] uh , but yeah , i use it once a week and it does help .\n[doctor] okay , great . all right , looks good .\n[patient] good .\n[doctor] you can go ahead and sit up .\n[patient] thank you .\n[doctor] all right , so typically the lumps would often just shrink up pretty quickly after you've had one or two cycles , and you've had two cycles so far . so i think let's just keep monitoring them for now .\n[patient] okay . and what could that mean ?\n[doctor] well , so just like people have an increased risk of breast cancer , there's also an increased risk for breast issues . you know what i mean ? so for example , cysts and lumps and fibroadenomas , those are all benign things . they're annoying and require some workup , but they're all benign .\n[patient] and i'm- i'm just worried because i'm almost 40 and my mom was almost 45 when she was diagnosed with breast cancer . so i mean , i know there's nothing i can do about it , but it's just i feel like , uh , we had it under control and now it is n't .\n[doctor] well , i would n't say that . i mean , i feel like we're at a point where we have a good cadence for you having surveillance on things , and i think you are more aware of your breasts than ever before , and things actually have n't changed .\n[patient] yeah .\n[doctor] so those are all good things .\n[patient] okay .\n[doctor] because , um , if it was cancer , we'd actually , we would see some change .\n[patient] we would ? okay , thank you for explaining that .\n[doctor] yeah . so i know it's annoying and distressing , but i think that's where we're at . it's annoying that you have the breast issue , and it's annoying that we have to follow them .\n[patient] yeah , i agree there .\n[doctor] um , but the only extra that i could po- , uh , potentially do , is we could get a breast specialist on the team and have you start to follow with them . and one of the advantages there is that they sometimes will do an ultrasound as an extension of their physical exam , in the office , to check out it- check it out on their own . uh , they also have a lot more experience and more willingness to sometimes perform procedures earlier , if they think it needs , um , if they think it needs to be done . and i think they tend to be much quicker than , you know , like radiology as to biopsy it .\n[patient] okay . i'll do whatever you think i should .\n[doctor] all right . well , i think since you're feeling worried , let's go ahead and we can get them on board . i'll send out a referral and they will call you within the next couple of business days to schedule .\n[patient] okay , i think that sounds great .\n[doctor] all right . i do too . all right , well any questions or anything else we can discuss today ?\n[patient] no , i think i'm all set .\n[doctor] all right , good . all right , well have a good rest of your day and just give us a call if you need anything else .\n[patient] all right , thank you . you have a good day too .\n[doctor] all right .", "file": "D2N030-virtscribe", "document_id": "08f943a2-1521-4af7-bd4e-7bc681834062" }, { - "medication_info": "Medication Info: \nMedications: \n- CoQ10 \n- Vitamin D \n- Vitamin C \n- Fish Oil \n- Elderberry Fruit \n\nDosages: \n(all dosages not specified)\n\nSymptoms: \n- Back pain \n- Joint pain \n- High cholesterol", + "medication_info": "Medication Info: CoQ10, Vitamin D, Vitamin C, Fish Oil, Elderberry Fruit. Symptoms: Age-related back pain, Age-related knee pain, Joint pain, High cholesterol.", "src": "[doctor] sophia brown . date of birth , 3/17/1946 . this is a new patient visit . she's here to establish care for a history of dcis . we'll go over the history with the patient .\n[doctor] hello , ms. brown .\n[patient] hi . yes , that's me .\n[doctor] wonderful . i'm doctor stewart . it's lovely to meet you .\n[patient] you as well .\n[doctor] so , you've come to see me today because you had a right breast lumpectomy last year . is that right ?\n[patient] yes . on january 20th , 2020 .\n[doctor] okay . and how have you been since then ? any problems or concerns ?\n[patient] no , i'm feeling good . i do my self breast exams religiously now and have n't felt anything since .\n[doctor] perfect . i want to back up and go over your history so i can make sure everything in your chart is correct and i do n't miss anything . so , i'll tell you what we have in your chart from your other providers and you tell me if anything is wrong or missing . sound good ?\n[patient] sounds good .\n[doctor] great . so , i have that you were found to have a calcification in your right breast during a mammogram in october 2019 . was that just a normal screening mammogram , or was it done because you felt a lump ?\n[patient] it was just a normal one you're supposed to get every so often .\n[doctor] i see . and then it looks like you had an ultrasound of your right breast on november 3rd , 2019 , which revealed a mass at the two o'clock position , 11 centimeters from the nipple in the retroareolar region . the report states the mass was point four by two by three centimeters .\n[patient] yes , that sounds right . hard to remember now , though .\n[doctor] yep , definitely .\n[doctor] based on those results , they decided to do an ultrasound-guided core needle biopsy on december 5th , 2019 . pathology results during that biopsy came back as grade two , er positive , pr positive , dcis , or ductal carcinoma in situ .\n[patient] yes . unfortunately .\n[doctor] i know . scary stuff . but you had a lumpectomy on january 20th , 2020 , which removed the eight millimeter tumor and margins were negative . the pathology confirmed dcis . looks like they also removed 5 lymph nodes , which , thankfully , were negative for malignancy . that's great !\n[patient] yeah , i was definitely very relieved .\n[doctor] and your last mammogram was in january 2021 ? and that was normal .\n[patient] yes .\n[doctor] okay . so , i feel like i have a good grasp of what's been going on with you now . and you're here today to establish care with me so i can continue to follow you and make sure you're doing well , right ?\n[patient] yes . fingers crossed .\n[doctor] definitely . we'll keep a close eye on you and take good care of you .\n[patient] okay , sounds good .\n[doctor] i have a few more questions for you . when was your last colonoscopy ?\n[patient] i had one in 2018 and , if i remember correctly , i had one polyp and that was removed and it was n't cancerous .\n[doctor] okay , yes , i see that report now . one polyp in the sigmoid colon which had a benign tubular adenoma . okay . and when was your last menstrual period ?\n[patient] gosh . it was probably around 30 years ago .\n[doctor] okay . do you have children ?\n[patient] i do . i have five .\n[doctor] ah , big family then . that's nice .\n[patient] yes . and they're all having kids of their own now , so it's getting even bigger .\n[doctor] i bet . sounds like fun .\n[patient] it is .\n[doctor] did you have any other pregnancies that were miscarriages or terminations ?\n[patient] really , i did not .\n[doctor] okay . so for the record , that's g5 p5 . and now that you're post-menopausal , are you currently or have you ever been on hormone replacement therapy ?\n[patient] my primary care doctor gave me the option years ago but i decided against it .\n[doctor] okay . and on your review systems form , you indicated that you've not had any recent weight loss or gain , headaches , bone pain , urinary symptoms , or blood in the stools . but you did indicate that you have some back pain , joint pain , and high cholesterol . tell me some more about those .\n[patient] okay . so i've seen doctors for all of those . they've said , excuse me , the back and knee pain are age-related . and the cholesterol is a fairly new diagnosis , but i am working on exercise and cutting back on fatty foods to see if i can get it lower without any medication .\n[doctor] okay . and your primary care doctor is following you for that , right ?\n[patient] that's correct .\n[doctor] okay . for medications , i have that you take coq10 , vitamin d , vitamin c , fish oil , and elderberry fruit . is that all right ?\n[patient] yes , and that's all .\n[doctor] okay . so for your medical history , it's high cholesterol and stage 0 er/pr positive invasive ductal carcinoma of the right breast . any surgeries other than the lumpectomy ?\n[patient] i did have my tubes tied after my last baby , but that's all .\n[doctor] okay . and how about family history ?\n[patient] my mom had non-hodgkin's lymphoma and my dad had prostate cancer and heart disease , but i think that's it .\n[doctor] all right . any family history of breast cancer ?\n[patient] none .\n[doctor] did any of your children have medical issues or siblings with medical problems ?\n[patient] i do not have any siblings and , thankfully , my children are all healthy .\n[doctor] wonderful . do you have any history of smoking , illicit drug use , heavy alcohol consumption ?\n[patient] no drugs . i do drink socially , but never more than that . and i used to smoke , but really , everybody did back then and i probably quit about 30 years ago .\n[doctor] excellent . i have that you're allergic to penicillin . any other allergies ?\n[patient] nope , just penicillin .\n[doctor] okay . i think that covers it . hop up here and let me take a look at you .\n[doctor] okay , so let's use the normal new patient exam template . only change to make is the breast exam . there are no palpable masses , however , there is skin thickening at the medial inferior aspect of the right breast which may be radiation skin changes .\n[doctor] in the result section , note that her ecog performance status today is zero .\n[doctor] do you have ... did you have radiation after the lumpectomy ?\n[patient] i did . we also talked about endocrine therapy , but i decided against that .\n[doctor] okay . so your exam looks good , no masses , just some skin changes from that radiation . now , let's go over the plan for you .\n[patient] okay , sounds good .\n[doctor] as you know , you've had dcis which we'll list in my note as stage zero , er/pr positive , invasive ductal carcinoma of the right breast . your status post-lumpectomy with removal of five lymph nodes that were benign . you also had , um , radiation therapy but declined endocrine therapy . today's clinical examination shows no evidence of recurrence with the dcis or other malignancy and your mammogram in january , 2021 was also negative for recurrence and malignancy .\n[doctor] so , based on all of that , we can just continue to observe you .\n[patient] okay . that sounds great . and when do i come back in to see you ?\n[doctor] in a year , but you should have another mammogram in april of 2022 before you come back to see me .\n[patient] okay , i can do that .\n[doctor] wonderful . i'm glad to see you doing so well . do you have any questions or concerns i can address for you today ?\n[patient] i do n't think so .\n[doctor] okay , great . my nurse will be in shortly to discharge you . take care !\n[patient] you as well .", "file": "D2N031-virtscribe", "document_id": "789999d5-431a-49d0-969d-ea37584337b7" }, { - "medication_info": "Medication Info: Current Medications: None; Allergies: Percocet, Vicodin, Regulin; Treatment Plan: NSAIDs as needed.", + "medication_info": "Medication Info: Current medications: None; Allergies: Percocet, Vicodin, Regulin; NSAIDs recommended as needed (no specific dosage provided); Cortisone injection discussed (no specific dosage provided); Symptoms: Right hip pain in groin area, pain with movement especially when pivoting, pain rated 2-7 out of 10.", "src": "[doctor] good morning ms. reyes !\n[patient] good morning .\n[doctor] how are you doing ma'am ?\n[patient] i'm doing well doctor , how are you ?\n[doctor] i am fine thank you . so you've been having some problems with your right hip ?\n[patient] yeah .\n[doctor] okay , and where are you hurting ? can you show me ?\n[patient] right in the groin area .\n[doctor] okay , and this has been going on since february 2020 ?\n[patient] yeah .\n[doctor] okay . and is it worse with movement ?\n[patient] well when it catches and i almost fall , yeah .\n[doctor] okay . so it kinda grabs you ?\n[patient] yeah .\n[doctor] okay , and this all started when you were walking ?\n[patient] well , walking around the infusion room .\n[doctor] okay .\n[patient] so it started if i took a step back or , you know , stuff like that . now it happens anywhere .\n[doctor] okay , so now it hurts whenever you move ?\n[patient] it hurts when i pivot .\n[doctor] okay . so if you pivot then it hurts , got it . um ...\n[patient] anything can sometimes do it . sometimes it wo n't though , and sometimes it'll do it several times in a row .\n[doctor] several times in a row , okay .\n[patient] and sometimes i fall .\n[doctor] okay . and you rate the pain to range from two through seven out of 10 ?\n[patient] yeah , that's correct .\n[doctor] okay . and are you experiencing fever or chills ?\n[patient] no .\n[doctor] okay . and any tingling or numbness ?\n[patient] no .\n[doctor] and have you had any problems with your bowel or bladder ?\n[patient] no .\n[doctor] okay . and if you stay still , do you feel better ?\n[patient] yes , but i do n't want to stay still .\n[doctor] i understand , no problem . and for past medical history , do you have anything going on ?\n[patient] i've had a lot of surgeries . i've had pcl , i had infertility , a gall bladder removed , but that's it .\n[doctor] okay . and for family history , it looks like there's high blood pressure , diabetes , thyroid disease , heart disease , kidney disease and gastric ulcers . for your current medications , it does n't look like you're taking anything at this time . and you're allergic to percocet , vicodin and regulin . and it looks like you've had intentional weight loss ?\n[patient] yes , i've lost 110 pounds .\n[doctor] that is awesome . and how did you do that ?\n[patient] with weight watchers .\n[doctor] that's great .\n[patient] mm-hmm .\n[doctor] and how many months have you been participating in weight watchers ?\n[patient] i started in 2018 , and i've been at my current weight for a little over a year .\n[doctor] that is awesome .\n[patient] yeah , thank you .\n[doctor] yeah , very good , and congratulations . and so , for social history , it looks like you work at an infusion center ?\n[patient] yes , over at .\n[doctor] okay . and you live with your roommate , no history of tobacco and you limit alcohol intake to less than five drinks per month .\n[patient] that's correct .\n[doctor] all right . well let's go ahead and take a look at your hip .\n[patient] okay .\n[doctor] please use my general physical exam template . physical exam . ms. reyes is a pleasant 56-year-old woman who is five feet , six inches in height , weighing 169 pounds . blood pressure is 115 over 75 . pulse rate is 67 . ankles , no ankle edema is noted , no calf tenderness . okay , ms. reyes , can you go ahead and stand up for me please and take a couple of steps ? great .\n[patient] okay .\n[doctor] and can you walk on your tippy toes ? good , okay . and can you walk on your heels ? kind of a heel walk and toe walk are intact . um , go ahead and turn around please .\n[patient] okay .\n[doctor] examination of the cervical spine , any pain here now ?\n[patient] no .\n[doctor] okay , no tenderness . look at your right and your left and then over to the right , then go ahead and look up , then look down , and look straight ahead . range of docetl is full in the neck without pain . spurling's test is negative . exam of the low back . any pain here ?\n[patient] no .\n[doctor] okay . skin is intact , no midline tenderness to palpitation . go ahead and lean back . and lean to your right , to your left . does that hurt at all ?\n[patient] no .\n[doctor] okay , great . and go ahead and bend forward and then come back up . and that does n't bother you ?\n[patient] no . i did or do have several bulging discs .\n[doctor] okay . but you're not hurting right now ?\n[patient] no , the weight loss has really decreased all the pain .\n[doctor] okay . range of docetl is decreased in exertion . lateral flection without pain . any pain when i push ?\n[patient] no .\n[doctor] okay . you can go ahead and , um , sit down please . no pain ?\n[patient] no .\n[doctor] okay . sacroiliac signs are negative . examination of the hips . trochanteric is non tender . go ahead and lift your knee up , does that bother you ?\n[patient] um , just a little bit .\n[doctor] okay , little bit . and then back one , probably bothers you ?\n[patient] right there , like there , yeah .\n[doctor] okay . how about this way ? not too bad ?\n[patient] no .\n[doctor] okay . range of docetl is decreased in right hip with pain in the groin and internal and external rotation . okay , go ahead and keep it up , do n't let me push it down . does that hurt ?\n[patient] right there .\n[doctor] okay . resisted right hip flection causes pain in the right groin region . no tenderness is noted . do you feel me touching you all the way down ?\n[patient] yeah .\n[doctor] okay . motor control is normal in the lower extremities . go ahead and lift your knee up .\n[patient] okay .\n[doctor] okay , lift it up . any pain ?\n[patient] no .\n[doctor] okay . and this one ?\n[patient] yeah .\n[doctor] and squeeze your knees together , push it out and kick your leg out straight . now go ahead and bring it back and kick it out straight again . and go ahead and lean back , keep it loose . okay , all set . you can go ahead and sit up now .\n[patient] okay , thank you .\n[doctor] you're welcome . so what i think we're dealing with is right hip degenerative joint disease .\n[patient] okay .\n[doctor] and we do have some options . so first is to start some low impact exercises . i can provide you with a hand out with what exercises you can do . you should take nsaids as needed to help with the pain and discomfort , as well as use of a cane to help offload the right side . a cane will help support your painful side to help reduce the pain .\n[patient] hmm , i do n't love that idea but i'll give it a try .\n[doctor] okay , that would be great . and we can also try a cortisone injection into the right hip joint to see if that offers any relief .\n[patient] i would like to definitely get the injection .\n[doctor] okay . we can take care of that today while you're here and then schedule a follow up appointment in three months to see how you're doing , and then receive another injection if needed .\n[patient] okay , that sounds good .\n[doctor] okay . and here are the risks associated with getting the inje- injection . um , please just take a moment to review it and consent to the shot .\n[patient] i'm good .\n[doctor] great . we'll get that set up for ya . all right , well i hope things , um , feel better , and we will see you back here in three months .\n[patient] see you . have a nice day .\n[doctor] thank you so much , you as well . deep tendon reflex is one plus throughout . no focal motor weakness is noted . no focal sensory deficit noted . can you please include the surgical list ? next radiographs , mr arthrogram of the right hip done june 3rd 2021 show high grade condromalacia involving the interosuperior right acetabulum with subchondral marrow edema and cyst formation . next paragraph plan . options include low impact exercise program , use of an nsaid and use of a cane to offload the right . we discussed that she'd like to proceed with the cortisone injection in right hip joint . i explained the risks of injection , including needles , sterile and covid . she understood and decided to proceed with the injection . she will follow up with me in three months for another injection if needed . end of dictation .", "file": "D2N032-virtscribe", "document_id": "42fd282f-b83d-45eb-81f2-cc26271f43c4" }, { - "medication_info": "Medication Info: \nMedications:\n1. Ibuprofen\n2. Mobic (prescribed)\n3. Metformin - 500 mg (refill) \n\nSymptoms:\n1. Knee pain\n2. Swelling in the right knee\n3. Pain on palpation of the inside of the knee\n4. Limited range of docetl in the knee (pain on flexion and extension)\n5. Pain when standing on the knee\n6. Heard a pop in the knee during injury\n7. Diabetes management issues (forgetting to check blood sugar)", + "medication_info": "Medication Info: Ibuprofen (unspecified dosage); Mobic (unspecified dosage); Metformin 500 mg; Symptoms: Right knee pain; Swelling; Pain on the inside of the knee; Pain on the outside of the knee; Limited range of motion; Felt a pop at injury.", "src": "[doctor] so sophia i see that you you hurt your knee tell me about what happened\n[patient] yeah i was jumping on my kid's trampoline and i could just slipped out from under me\n[doctor] my gosh one of those big trampolines in your back yard\n[patient] yeah a pretty big one\n[doctor] okay which knee was it\n[patient] my right knee\n[doctor] right knee okay and when did this happen\n[patient] about four days ago\n[doctor] great the weather was perfect this weekend so i'm glad you at least got outside sorry to hear you got hurt okay so your right knee did you did you feel it like pop or or snap or anything when you hurt it\n[patient] yeah i felt a little pop and then it swelled up really big afterward\n[doctor] okay did you try anything for the pain\n[patient] i took some ibuprofen and i put some ice on it\n[doctor] okay did that help\n[patient] a little bit but it's still really hard to get around\n[doctor] alright and have you have you been able to stand on it or does that hurt too much\n[patient] it hurts quite a bit to stand but i am able to put weight on it\n[doctor] okay alright and what part of the knee is it inside outside middle\n[patient] kind of that inside part of my kneecap\n[doctor] okay alright and okay so as long as you're here and then your primary care physician i'm looking through your chart and it looks like we're treating your diabetes so how you've been doing with your your diet overall are you are you keeping your sugars low\n[patient] it's going okay i i forget to check quite a bit though\n[doctor] sure\n[patient] on it\n[doctor] yeah i understand how has your diet been lately\n[patient] it's been pretty good\n[doctor] okay okay good good you know it's hard to stay away from the sugary foods sometimes i i enjoy ice cream regularly okay so let's do physical exam as long as you are here so i'm just gon na listen to your heart your heart sounds normal no murmurs or gallops listen to your lungs quick if you can take a deep breath lungs are clear that's good news let's take a look at that knee right knee looks like it definitely has some swelling i'm gon na do some maneuvers here does it hurt when i push you on the inside of the knee\n[patient] yeah that hurts\n[doctor] okay how about the outside\n[patient] a little bit but not as much\n[doctor] okay so some pain on palpation on the inside little bit of pain on the outside of the knee if i bend the knee back does that hurt\n[patient] yeah\n[doctor] how about when i extend it\n[patient] yeah that hurts\n[doctor] okay so little bit of limited range of docetl as well as pain on both flexion and extension on the knee i'm gon na push on this a little bit looks like your mcmurray's test is negative just checking for a meniscus tear okay so let's talk a little bit about your plan what i am concerned about for your knee is it sounds like you have a torn or injured mcl i it's that inside tendon in your knee so i'm concerned about that since you're having trouble with weightbearing and you heard that pop so what i'm gon na do is i'm gon na put you in a straight leg brace and i'll prescribe some mobic you can start taking that as a a pain reliever and to try to get some of the swelling down i want you to ice your knee once an hour for about fifteen minutes but i'm also gon na send you out for an mri because we wan na make sure this is what happens see if there's any other damage to the knee does that sound good\n[patient] yeah that sounds great thank you\n[doctor] yeah and then for your diabetes as long as you're here it sounds like you're managing that pretty well but i do wan na get a recheck on your hemoglobin a1c and then i'm also i'm going to get a refill on the metformin that you have been taking five hundred milligrams so you can keep taking that as well so do you have any other questions for me\n[patient] no that's it thanks\n[doctor] alright well thank you hope that you feel better", "file": "D2N033-aci", "document_id": "b659b17e-00e3-4c51-bea9-f1c1738afe63" }, { - "medication_info": "Medication Info: Tylenol, no specific dosage mentioned; Symptoms: left shoulder pain, limited active and passive range of docetl, tenderness of the greater tuberosity of the humerus, no numbness or tingling, pain affecting sleep.", + "medication_info": "Medication Info: Tylenol; Symptoms: Left shoulder pain (3 weeks), limited range of motion, tenderness at the shoulder, constant pain that worsens with pressure and affects sleep.", "src": "[doctor] alright you can go ahead\n[patient] hey alan i good to see you today so i looked here my appointment notes and i see that you're coming in you had some shoulder pain left shoulder pain for the last three weeks so\n[doctor] how you doing is it is it gotten any better\n[patient] yeah yeah i've been having a lot of pain of my shoulder for the last three weeks now and it's not getting better okay do you remember what you were doing when the pain first started\n[doctor] so i i was thinking that i i ca n't recall like falling on it injuring it getting hit\n[patient] hmmm\n[doctor] i have been doing a lot of work in my basement and i even i put in a new ceiling so i do n't know if it's from all that activity doing that but otherwise that's that's all i can think of\n[patient] okay so do you remember hitting it or anything like that\n[doctor] no nothing at all\n[patient] okay alright did you fall do you remember doing that\n[doctor] no\n[patient] okay hmmm so like a little mystery so have you had pain in that shoulder before\n[doctor] i mean i'm very active so i can get pains in my shoulders but it's nothing that sometime some tylenol can help\n[patient] okay and are you able to move the arm or is it kinda just stuck\n[doctor] i'm having a lot of pain like i can move it but you know when i try to reach for something lifting anything and even like i do n't even try to put my hands over my head because it causes so much pain\n[patient] alright so does that pain radiate anywhere or like where would you say it is in your shoulder\n[doctor] it actually it stays pretty much just right at the shoulder it does n't go down anywhere\n[patient] okay and the pain is it is it all the time or does it come and go\n[doctor] it's pretty much all the time anytime i put any pressure on it like when i'm trying to sleep it hurts even more so it's been affecting my sleep as well\n[patient] okay so i know you mentioned tylenol so this time i have n't taken anything for it\n[doctor] yeah i i do the tylenol which usually works for me and it does take the edge off but i still have pain okay did you try icing it at all\n[patient] i iced it initially but i have n't iced it at all recently\n[doctor] alright\n[patient] and so with your shoulder have you experienced any numbness in your arm or in your fingers\n[doctor] no numbness or tingling\n[patient] okay good so i'm gon na go ahead and do a quick physical exam and take a look at your your shoulder so i reviewed your your vitals everything looks good with that so touch here in your shoulder so your left shoulder exam you have limited active and passive range of docetl so pressure here so that there is tenderness of the greater\n[doctor] okay\n[patient] tuberosity of the humerus let's see there is no tenderness at the sternoclavicular or acro\n[doctor] yeah\n[patient] acromioclavicular joints\n[doctor] yeah yeah\n[patient] and looks like you have good hand grip let me see so on the neurovascular exam of your left arm your capillary refill is less than three seconds and your sensation is is intact to light touch\n[doctor] yes thank you yep\n[patient] so you did get a we get we had to get a x-ray of your shoulder before you came in and so it's normal so that's really good so there is no fractures no bony abnormalities so let's talk a little bit about my assessment and plan for you so you you do have that left shoulder pain so your symptoms are\n[doctor] most likely due to a rotator cuff tendinopathy so this means that you injured tendon you have injured tendons and muscles that make up your shoulder and make up your shoulder muscles so what i'm gon na do is i'm gon na order an mri of your left shoulder\n[patient] and so we're gon na begin with that just to make sure nothing else is going on have you done physical therapy before\n[doctor] i have n't\n[patient] okay so what i'm gon na do i'm going to refer you to physical therapy for approximately six to eight weeks and so they can help you strengthen those muscles around your shoulder and that should definitely help with the pain during that time you can also continue to take tylenol i do n't think i need to prescribe anything else for the pain you said as it's working pretty good for you so if your symptoms do n't improve we can consider a steroid injection of your shoulder which should provide some relief but i think right now we can just go with the the pt and hopefully that works to alleviate your injury so do you have any questions about the plan\n[doctor] so like i said i'm really active do you think that this pain will ever go away\n[patient] yeah so many patients are very successful with rehab and so we'll start with that and see how you do most most of the time once we build up those muscles around that shoulder you know things things the pain alleviates itself and and and you will be good to go back to working on your basement and running and jogging and lifting weights all all the active things people do these days\n[doctor] okay alright thank you\n[patient] bye\n[doctor] okay bye", "file": "D2N034-aci", "document_id": "9171f5a3-6265-4869-bbe2-fd482d2f06c0" }, { - "medication_info": "Medication Info: \n1. Bumex, 2 mg once daily \n2. Cozaar, 100 mg daily \n3. Norvasc, 5 mg once daily\n\nSymptoms: \n1. Swollen ankles \n2. Shortness of breath \n3. High blood pressure (200/90) \n4. Incontinence due to water pill \n5. No chest pain \n6. Trace edema in lower extremities \n7. Abnormal diastolic filling \n8. Mild-to-moderate mitral regurgitation", + "medication_info": "Medication Info: \n- Bumex: 2 mg once daily\n- Cozaar: 100 mg daily\n- Norvasc: 5 mg once daily\n\nSymptoms:\n- Heart failure\n- Swollen ankles\n- Shortness of breath\n- High blood pressure (200/90 initially, 128/72 later)\n- Almost incontinence due to water pill\n- No chest pain\n- Trace edema in lower extremities", "src": "[doctor] well hello christina so how are you doing i was notified you were in the hospital for some heart failure what happened\n[patient] well i'm doing better now but i just started having problems that my ankles were swelling and could n't get them to go down even when i went to bed and could n't breathe very good had to get propped up in bed so i could breathe at night and so i just really got to feeling bad i called my friend diane and she said i probably ought to call nine one one since i was having a hard time talking and so i called nine one one and they sent out an ambulance and they took me into the er on the it was quite an experience\n[doctor] yeah\n[patient] having an ambulance ride and and i've never done that before so not an experience i wan na do again either\n[doctor] i'm sure you do n't yeah i see that your blood pressure was high also it was two hundred over ninety have you been\n[patient] yeah i guess is that really high\n[doctor] yeah that's\n[patient] i feel really bad\n[doctor] yeah that's pretty high are you taking your medications or you missing some doses\n[patient] i do n't know i might miss one now but i try to take them all time\n[doctor] yeah yeah you really need to take them very consistently now you also said you were watching your diet did you did you have some slips with that you said your ankles were swelling\n[patient] no i yeah i do i like to i like to eat\n[doctor] are you eating a lot of salty foods and pizza or\n[patient] i like potato chips\n[doctor] yeah\n[patient] i like the salt and vinegar potato chips they're really good so\n[doctor] well so do you do you go out to eat a lot or do you where you where where are you eating those potato chips or is that just the home snacking or\n[patient] that's home snacking i buy the the the the brand name salt and vinitive because brand wo n't taste real good but the the brand names really tastes good\n[doctor] oh\n[patient] so i eat those probably everyday\n[doctor] goodness well you know you we need to probably stop eating those now\n[patient] yeah well i hate to hate to give those up but i guess i might have to\n[doctor] well since you've been in the hospital and and they've helped you out with some with all that how are you feeling now\n[patient] well i'm i'm doing better\n[doctor] mm-hmm and they\n[patient] i do n't do n't have quite as much shortness of breath i think maybe getting up and walking a little more is helping\n[doctor] and they gave you a water pill and is that is that helping is that making you pee a lot\n[patient] yeah yeah i have almost incontinence so\n[doctor] goodness\n[patient] yes that's not very pleasant at all\n[doctor] and so they added another blood pressure medication also how are you doing with that are you feeling a little bit better\n[patient] yeah i think so\n[doctor] okay\n[patient] if i can remember to take the pills\n[doctor] yeah\n[patient] that seems to be a sticky point\n[doctor] well a a pill box or maybe setting an alarm on your phone might really help\n[patient] okay i'll i'll give that a try anything that will help\n[doctor] yeah okay well that's good to hear so now have you bought a blood pressure cuff to have at home now\n[patient] yes i already had one but i very failed if i ever used it\n[doctor] okay\n[patient] but\n[doctor] got it\n[patient] i'll i'll try to use it everyday now\n[doctor] okay and you might even just keep a log of what your blood pressures are and when it's up think about you know what you've eaten if you've done something different because that may help you to figure out what you need to cut back on or how you might need to change your your eating habits a little bit so\n[patient] okay okay\n[doctor] have you been short of breath or any problems sleeping since you've been home\n[patient] no i've been sleeping like a log\n[doctor] okay good alright have you had any chest pain\n[patient] no no chest pain\n[doctor] okay alright well let's do a quick physical exam here so your vital signs your blood pressure looks pretty good today at one twenty eight over seventy two your temperature is ninety eight . seven and your heart rate is seventy two your respirations are eighteen your oxygen saturation looks pretty good at at ninety six percent okay now on your neck exam there is no jugular venous distention on your heart exam i appreciate a two over six systolic ejection murmur which i've heard before and so it's stable and your lungs are clear bilaterally and your lower extremities show just trace edema now now we since we did the echocardiogram i reviewed those results and it does show a preserved ef of fifty five percent abnormal diastolic filling and mild-to-moderate mitral regurgitation so let me tell you a little bit about my assessment and plan so for your first problem for your congestive heart failure it sounds like this was caused by dietary indiscretion and some uncontrolled hypertension so i want you to continue on your bumex two milligrams once daily continue to watch your diet and avoid salty foods might try keeping that log we talked about with your blood pressures and what you've eaten if if your blood pressure seems a little high also weigh yourself daily and call me if you gain three pounds in two days okay\n[patient] okay\n[doctor] and i also want you to see a nutritionist to give you some education about what foods you can eat okay now for your second problem for i know this sounds like this is just for you and so for your second problem for your hypertension i want you to continue on the cozaar one hundred milligrams daily continue on the norvasc five milligrams once daily also and i'm going to order a renal artery ultrasound just to be sure we're not missing anything and then like maybe you know some renal artery stenosis or something and so so for your third problem for your kidney disease i wan na get some more labs to make sure you tolerate this the new medications and then i'll see you again in three months do you have any questions\n[patient] no i do n't think so not today\n[doctor] alright it's good to see you and i hope we'll just keep getting you feeling better\n[patient] okay", "file": "D2N035-aci", "document_id": "36d57cf4-6508-4c88-a5ca-5a74ee72d764" }, { - "medication_info": "Medication Info: Ibuprofen 600 milligrams every six hours. Symptoms: Numbness and tingling in fingers, pain in wrist, weakness in left hand, dropping things, bilateral positive Tinel's sign.", + "medication_info": "Medication Info: Ibuprofen 600 milligrams every six hours. Symptoms: Numbness and tingling in fingers, pain in wrist, weakness in left hand, difficulty feeling objects, dropping things.", "src": "[doctor] hey george how are you today i understand you're here for some numbness and tingling in your fingers and some pain in your wrist\n[patient] right my right wrist and hand has been bothering me probably for a few months now with pain and numbness\n[doctor] okay and you said that's been ongoing for several months do you know what caused this type of pain or is it just something that started slowly or\n[patient] it just kinda started on it's own it i notice it mostly at night\n[doctor] okay\n[patient] sometimes it will i'll wake up and my hands asleep and i got ta shake it out\n[doctor] shake it out and okay\n[patient] and then some\n[doctor] what kind of work do you do\n[patient] i do yard work\n[doctor] yard work\n[patient] landscaping landscaping\n[doctor] landscaping okay so a lot of raking a lot of digging so a lot of repetitive type movements\n[patient] yeah it's pretty heavy labor but it's yeah the same thing day in and day out\n[doctor] okay okay just a couple questions for you you did say that you have the pain at night in that and you have to you get that numbness into the hand is it in all the fingers\n[patient] yeah it seems to happen to all my fingers but i notice it more in my thumb and pointer finger\n[doctor] okay okay and anything into that little into your fifth finger your little finger any numbness there at times no\n[patient] sometimes yeah it seems like it's numb too\n[doctor] okay what about your right hand any problems with that hand\n[patient] no i do n't seem to have any problems with my right hand so far it's just mostly my left\n[doctor] okay okay good and just a couple you know do you how do you have many or do you drink often do you have you know many any alcohol consumption\n[patient] i drink usually a a beer or two on fridays and saturdays on the weekends\n[doctor] okay and do you have any evidence of any anybody ever said that you had some rheumatoid arthritis in your hand or wrist anything like that\n[patient] no nobody say anything like that so i mean\n[doctor] okay okay good so let me go ahead and do a physical exam here real quick and you know i'm gon na quickly just listen to your heart and lungs okay that's good i'd like you to squeeze i'm gon na hold your hands here and i'd like you to squeeze both hands\n[patient] okay\n[doctor] you seem a little bit weaker on that left hand is that what you've noticed\n[patient] yeah i i i experienced some weakness in my left hand\n[doctor] okay do you you find that you're dropping things when you're picking it up is it to that level or\n[patient] yeah i drop things mostly because i have a hard time feeling it\n[doctor] okay okay good and so you you do have a a grip strength is less on the left and i just wan na touch your fingers here on the on the right side you can feel me touching all the fingers on the right\n[patient] yeah i can i can say you touch me but it feels a little more weird on the thumb side than my pointer finger side\n[doctor] okay okay and i wan na turn your wrist over here and turn your hand over and i'm gon na go ahead and tap on the right wrist on the back here does that do anything when i do that\n[patient] i still i feel a little jolt or a zing in my finger tips\n[doctor] okay and then when i do that on the left side\n[patient] yeah same thing\n[doctor] same thing okay so you do have a bilateral positive tinel's sign so so here's here's where i'm at i think your your diagnosis is beginning to have some bilateral carpal tunnel syndrome usually we see that with repetitive actions such as the landscaping the heavy labor and you you know your your clinical exam and and history sound like it's a carpal tunnel syndrome i do want to order so where are we gon na go from here i would like to order a a study it's called an emg where it it measures some of that electrical impulses down into your fingers we will follow up with that but as far as your treatment so the treatment for carpal tunnel syndrome is really some activity modification now i know you are a landscaper is there any way that you could be work to have some lighter work during the time\n[patient] i suppose i could try to pass it off to some of my other employes and delegate\n[doctor] okay that would be good so that's i i just want you to kinda eliminate that the active repetitive docetls that you're doing all the time just for a couple weeks i'm also gon na give you a wrist splint to wear and that should help and i'd like you to take ibuprofen six hundred milligrams every six hours and then i wan na see you back here in the office in two weeks and in that two week period i think we're gon na see if there's need for any other intervention if i need to do more diagnostic testing or if there is a possibly looking at a surgical intervention to release that pressure that's on the nerves in that hand does that sound like a a good plan for you\n[patient] yeah it sounds like a good first start\n[doctor] okay okay so i i just just off off the record here what kind of what do what do you specialize in landscaping is your company do\n[patient] mostly like yard work and maintenance flower beds not really designing just up keep\n[doctor] okay yeah i'm looking for a landscape designer i need somebody to put in some elaborate walkways back through the backyard so yeah we can do stuff like that i mean if you have an idea what you want i think that's easy\n[patient] okay\n[doctor] you know if you're looking for like some\n[patient] backyard elasis rehab remodel that's i mean i suppose we could do we have n't done things like that in a while because we're busy enough with just the up key but it's something to explore\n[doctor] okay yeah i may have to keep that in mind because i do wan na do some of that so let's listen i'm gon na get my my nurse in here to discharge you do you have any other questions for me before we end this\n[patient] no i think it's all clear i appreciate it\n[doctor] okay take care and i'll look forward to see you in two weeks\n[patient] very good appreciate your time", "file": "D2N036-aci", "document_id": "1b5f5296-7b32-4c8c-98ef-18291b5780d3" }, { - "medication_info": "Medication Info: Ibuprofen 800 mg three times a day; Symptoms: Sore elbows, pain on the inside of the elbows, pain with flexion and extension, limited range of docetl on extension, pain with torsion and twisting (supination), normal sensation in fingers.", + "medication_info": "Medication Info: Ibuprofen 800 mg three times a day; Symptoms: soreness in both elbows (right elbow more severely), new pain starting a year and a half ago, pain with flexion and extension of both arms, pain on the medial side with palpation of right elbow, limited range of extension on right elbow, pain with torsion and twisting (supination) in right elbow, no pain with pronation in either elbow, icing did not provide relief.", "src": "[doctor] hey dylan what's going on so i lift quite a bit of weights i try to stay in shape as much as i can i'm not like normal people i lift heavy weights and my elbow is extremely sore which elbow is it\n[patient] actually it's both my elbows but my right elbow is hurting me the most\n[doctor] okay and you said you lift a lot of weights\n[patient] mm-hmm\n[doctor] did you play any sports when you were younger\n[patient] no anything you can think of primarily it was basketball baseball and football\n[doctor] okay and did your elbows hurt at that time or is this a a new injury\n[patient] it's new\n[doctor] when did it start\n[patient] probably year and a half ago\n[doctor] okay on both elbows about a year and a half ago\n[patient] yeah\n[doctor] okay have you taken anything for the pain\n[patient] ibuprofen eight hundred milligrams three times a day\n[doctor] okay and does anything make it better or worse\n[patient] the more i use my hands or my arms the more it hurts\n[doctor] okay have you tried icing\n[patient] yes\n[doctor] does that give you any relief\n[patient] no\n[doctor] alright is it the inside or outside of your elbows\n[patient] inside\n[doctor] inside okay let's just do a quick physical exam here i'll take a look at your right elbow first\n[patient] mm-hmm\n[doctor] if i bend it this way up does it hurt it's your left does that hurt\n[patient] yes\n[doctor] how about this\n[patient] yes\n[doctor] okay so pain with both flexion and extension\n[patient] mm-hmm\n[doctor] looks like you have little bit of limited range of docetl on extension not on flexion though you said it hurts right here on the inside of your elbow\n[patient] yes\n[doctor] okay so pain on the medial side with palpation\n[patient] yes\n[doctor] alright how about the outside\n[patient] no\n[doctor] no pain with palpation outside of the elbow you have do you have normal sensation in your fingers\n[patient] i think so\n[doctor] yeah\n[patient] yeah\n[doctor] okay great\n[patient] good to go\n[doctor] sensation is normal to the touch\n[patient] yes\n[doctor] pulses equal in all extremities how about the left elbow same thing if i bend it this way does that hurt\n[patient] not as much\n[doctor] how about this way\n[patient] not as much\n[doctor] alright so little bit of pain on flexion and extension little bit of limited range of docetl on extension of the arm how about if you twist like you're opening a door\n[patient] yes\n[doctor] okay so some pain with torsion and twisting supination what about pronation\n[patient] no\n[doctor] no pain with pronation on the right side\n[patient] mm-hmm\n[doctor] same thing on the left\n[patient] yes\n[doctor] pain with supination no pain with pronation\n[patient] correct\n[doctor] alright so dylan it took some x-rays coming in looks like you do n't have any any fractures or any bony misalignment which i expect with this kind of injury i do think that what you have is medial epicondylitis which is\n[patient] is that golfer's elbow\n[doctor] yes same thing have you been golfing a lot\n[patient] well not in the past year and a half i've had this for a long time\n[doctor] okay also known as pictures elbow\n[patient] well i have n't been pitching either\n[doctor] hmmm well in any case what i'm gon na have to do is i'm gon na send you up for mri to take another look at this\n[patient] mm-hmm\n[doctor] that will be our next step so we'll get you scheduled for the mri probably get you in pretty quick here since we're a private practice\n[patient] thank god\n[doctor] yeah and once you get the mri i'll know a little bit more what i'd like to do is something called a whole blood transfusion have you heard of that before\n[patient] no please tell me remind me\n[doctor] yeah it should help with the healing of your elbow it's just a procedure we'll stick a needle in your elbow\n[patient] you do a stick needle in my elbow\n[doctor] mm-hmm and help with some of the healing of your elbow\n[patient] so it's kinda like dry needling then\n[doctor] no\n[patient] not at all\n[doctor] what is it\n[patient] is it is that that thing where like you take the blood out of like say my my thigh\n[doctor] mm-hmm\n[patient] and then you literally inject it into my tendon\n[doctor] yes\n[patient] that it activates the healing\n[doctor] yeah that's exactly what it is\n[patient] interesting cool\n[doctor] yeah\n[patient] maybe i have heard about that\n[doctor] we've we've had some really good responses from other patients on it so hopefully i mean that should be a good solution for you since you've been having issues with this\n[patient] i'm excited\n[doctor] yeah and we can hopefully get you scheduled for that in the next couple of weeks it's not not a major procedure and you should heal in the next two weeks so that wo n't be a problem especially considering that you're expecting a newborn soon we want to make sure you're all healed for that\n[patient] wow i did n't even say that\n[doctor] i read it in your chart\n[patient] man you doctors are good\n[doctor] yeah anything else going on today\n[patient] just trying to figure out how you're doing\n[doctor] very good thank you\n[patient] you're welcome\n[doctor] nice to see you\n[patient] you have a good day", "file": "D2N037-aci", "document_id": "e4633e7d-1024-42ab-9581-03cd4e85620e" }, { - "medication_info": "Medication Info: No medications or dosages were mentioned in the transcript. Symptoms mentioned include anxiety about having hep C. Other health conditions mentioned are high blood pressure, diabetes, and depression, but no specific symptoms were discussed for these conditions.", + "medication_info": "Medication Info: No medications or dosages were mentioned; symptoms include anxiety about hepatitis C diagnosis, history of alcohol use, smoking addiction (1-2 cigarettes per day), and concern about potential impact on family.", "src": "[patient] hey bruce so see here my my notes here is you here he had positive lab work for hep c so how're you doing today\n[doctor] i'm doing okay but i'm a little bit anxious about having hep c i've really surprised because i've been feeling fine they had done it as you know a screen as just part of my physical so i'm really surprised that that came back positive\n[patient] okay so in the past have any doctors ever told you that you had hep c\n[doctor] no never that's why i'm i'm so surprised\n[patient] okay so just you know i need to ask do you have a history of iv drug use or you know have known any hep c partners\n[doctor] i mean i used to party a lot and even did use iv drugs but i have been clean for over fifteen years now\n[patient] okay that that's good i mean i'm i'm happy that you were able to to kick that habit i know a lot of my patients that i see you know they're still dealing with with those dements so i'm i'm i'm happy that you're able to do that so hopefully we can get you better okay\n[doctor] thank you\n[patient] so what about alcohol use is that something that you used to do a lot\n[doctor] i did i did i mean i i still have a beer here and there everyday but not as much as i used to\n[patient] okay and have you ever smoked before\n[doctor] i do smoke i smoke about one to two cigarettes per day i've cut down a lot but i'm just having a hard time kicking those less too\n[patient] yeah yeah and that that's something i've got to work on too because hep c along with smoking you know both of those are n't are n't good so hopefully we can help you out you know if your pcp has n't prescribe something for you already and possibly we can we can do that for you as well\n[doctor] okay\n[patient] so do you have any other medical conditions\n[doctor] no i'm actually other than that i just had my physical and i'm not taking any medications no i'm i'm pretty good otherwise\n[patient] okay and what conditions would you say run in your family\n[doctor] i have high blood pressure diabetes and depression\n[patient] okay\n[doctor] alright so let me go ahead and do a quick physical exam on you so i reviewed your vitals and everything looks good and on general appearance you appear to be in no distress no jaundice on the skin on your heart exam you have a nice regular rhythm rate\n[patient] regular rate and rhythm with a grade two out of six systolic ejection murmur is appreciated on your lung exam your lungs are clear without wheezes rales or rhonchi on your abdominal exam bowel sounds are present your abdomen is soft with no hepatosplenomegaly\n[doctor] hepatosplenomegaly yes let me i will change that one\n[patient] splenomegaly and on your muscle exam there is no gait disturbance or edema so i did we i was able to review your your results of your recent lab work and your hcv antibody test was positive so your your liver panel we did one of those and it showed an elevated ast at thirty nine but your alt albumin and total bilirubin were all within normal limits so that's pretty good so let's talk a little bit about my assessment and plan for you so you do have hepatitis c so your initial labs were consistent with that hep c diagnosis and so you know i do n't know if you read much about hep c but hepatitis c is a viral infection that does affect your liver and you've most likely had it for several years now it it it most patients do n't see symptoms until years later so the next step that i would like to do is just confirm the diagnosis with some additional blood work so that includes checking your hep c rna and your hcv genotype and i would also like to determine the severity of your liver disease by checking for fibrosis of the liver and we will do that by ordering an ultrasound elasto elastography with this information we will we we will be able to know how we can proceed as far as treatment right so how does that sound\n[doctor] i hmmm so i do have a wife and kids so should i be worried about them\n[patient] okay yeah so we can start with the same screening that you had for august first so we'll just let's do that hep c antibody test and i'll actually help you set up those appointments with your your family doctor and then we can just see you back in three weeks and based on the results you know we will take action as needed okay\n[doctor] okay that sounds good\n[patient] alright\n[doctor] alright\n[patient] my nurse will be in with those those orders\n[doctor] alright thank you\n[patient] alright thanks\n[doctor] bye", "file": "D2N038-aci", "document_id": "b5a4c95d-04b0-4d1f-b3c0-022193de8517" }, { - "medication_info": "Medication Info: Norvasc 10mg daily, Carvedilol 25mg twice a day, Lisinopril (previously taken), Cardura 4mg once a day. Symptoms: High blood pressure (noted as 170/90), mild headaches when blood pressure is high, no chest pain, no shortness of breath, some swelling in lower extremities after long periods on feet, bilateral 1+ pitting edema.", + "medication_info": "Medication Info: Norvasc 10 mg daily, Carvedilol 25 mg twice a day, Lisinopril (previously taken), Cardura 4 mg once a day. Symptoms: Consistent high blood pressure, mild headaches primarily associated with high blood pressure, swelling in lower extremities after prolonged standing.", "src": "[doctor] hi virginia how are you today what brings you in\n[patient] i'm doing alright i started seeing this new pcp last year and you know she has been doing a lot of changes to my medication and making sure everything is up to date and she my noticed that my blood pressure has been quite high so she added to medications but and but i you know i've been taking them i've been really good and i i before i was n't but now i am and we're still having a hard time controlling my blood pressure so she thought it would be a good idea for me to see you especially since she noted some on my last blood work she said something about my kidneys\n[doctor] okay yeah so okay let's before i dive into a lot of that tell me a little bit about how you've been feeling\n[patient] i would say you know most of the days i feel fine i'm still busy at work i definitely can tell though when my blood pressure is high\n[doctor] okay you measure it at home you you you measure your blood pressure at home\n[patient] yeah i she wanted me to get a blood pressure cuff so i did start getting checking my blood pressures probably like a few times a week\n[doctor] okay\n[patient] and so then i noticed that it has been getting higher the other day was even as high as one seventy over ninety\n[doctor] wow\n[patient] so i did call my pcp and she increased the meds again\n[doctor] yeah okay now i i just have a couple questions about that are you using a an electronic blood pressure recorder or do you have somebody help you at home\n[patient] yeah she i have a a electronic one an electronic arm one\n[doctor] okay okay yeah that's good that's good and have you ever tried do you go to cvs at all\n[patient] yeah i i do but i've noticed like since the pandemic i do n't see the blood pressures anymore\n[doctor] okay okay yeah i i thought the one down on main street they i thought they just brought that one back so\n[patient] did they\n[doctor] yeah\n[patient] that's good to know\n[doctor] you may wan na check that but okay so that's good but i what i'd like you to do with that is i'd like you to keep a record of them for me for my next visit with you so let's talk a little bit about your diet tell me how how is your diet what what are the what kind of foods do you like what do you eat normally\n[patient] alright do you want the honest answer\n[doctor] well yeah that would be better\n[patient] so i really you know with everything going on i really been trying to get better but i mean during football season it's really difficult i really love watching my games so have a lot of pizza wings subs like i said i've been trying to cut down especially on days where there is no games but it probably could be better\n[doctor] okay i think we all can say that but i do wan na just hey i do n't know that if you've tried it or not but there is a new restaurant down on fifth street and it is nothing but solids and i you know when i heard this i was like okay yeah it's just another these solids are absolutely amazing so if you ever get a chance yeah if you ever get a chance try try that i mean i think you would enjoy them because they're salads that they make are just out unbelievable so let me go ahead and i just have a few more questions and i'm gon na just ask these in in order and you just tell me and then we will come back and talk about them do you have any headaches\n[patient] really just when my blood pressure gets really high i have some mild headaches but otherwise i do n't have it on a regular basis\n[doctor] okay what about chest pain\n[patient] no chest pain\n[doctor] shortness of breath\n[patient] no shortness of breath\n[doctor] even with exertion\n[patient] even with exertion\n[doctor] okay do you have any swelling in your lower extremities at all that you noticed\n[patient] not if i'm on my feet for a long time i'll notice a little bit of swelling but otherwise no\n[doctor] okay and then a couple other family history questions anybody in the family have kidney disease or significant high blood pressure\n[patient] both my parents do have high blood pressure and one of them did have kidney disease\n[doctor] okay okay and in the the the form that you filled out when you came in it says that you are on ten milligrams of norvasc daily and carvedilol twenty five milligrams twice a day is those the medicines you're on\n[patient] yes i was also on lisinopril before but with the adjustments yeah those are the ones i'm on\n[doctor] okay and so here's where i think we are going to go do you take any nonsteroidals like advil or motrin or aleve\n[patient] yeah just once in a while for my like any knee pain or back pain that i have but again not like everyday\n[doctor] okay and then lastly what kind of alcohol intake do you have you know do you consider how many drinks a week is really what i'm looking for\n[patient] i'll have a couple of beers during the week and like one or two on the weekends\n[doctor] okay okay so lem me do a quick physical examination so i looked at your vitals when you came in today and your blood pressure it's still high it's one sixty nine over seventy four your heart rate was eighty eight and your oxygenation was ninety eight percent so those are all fairly good except that blood pressure's a little higher than we'd like to see now when i look at your neck i do n't see any jugular vein distention and i'm gon na listen here real quick no i do n't hear any carotid bruits i'm gon na listen to your lungs okay your lungs are clear and let me listen quickly to your heart i do hear that a two over six systolic ejection murmur and we'll we're gon na have to take a little bit look extra look at that that's when i i can hear an extra sound when i'm listening to your heart and you do have a small amount of one plus pitting edema bilaterally now i did so you do have that your diagnosis is uncontrolled hypertension you know and i think you're aware that that's what your your physician's been treating you for and most of the time this cause is is the cause of this is multifactorial it's not that there is just one thing causing it so we may need to be changing your medicine around and i'm gon na talk to your doctor but first thing before we make any more medication changes i want to order some tests first to rule out if there is any specific cause for this so first order will be a renal artery ultrasound and what i'm looking for there is that there is no areas of areas of narrowing in the the blood vessels of your kidneys that would be the cause of your hypertension in addition to that i'm gon na order a you get another urine collection some morning aldosterone levels reining levels and a twenty four hour urine and these things can really show me if there is any problems with your adrenal glands again this is a lot of big words but you know i'm i i'll write this all out for you i want you to decrease your alcohol i know you like those beers but let's bring it down to maybe one a week or two a week just to get those down lower and then your salt intake you need to be very judicious about decreasing that salt intake i'm gon na give you a referral to a nutritionist to discuss those changes for that you need and and they will help you get that cleared up and then finally stop taking any nonsteroidal medicines such as your advil or motrin the only thing i really want to want you taking is tylenol for any pain right now i am gon na prescribe one medicine and that's cardura four milligrams and i want you to take that once a day and that's good to see if that can help us with your blood pressure and then finally three weeks i'd like you to return i want you to record all of your blood pressures that you take over the next three weeks and bring them into the office but most importantly if you can try to take them at the same time everyday that would be beneficial for me any questions for me\n[patient] no i i just it's a lot so i i'm hoping this will work and this will get it under control\n[doctor] yeah i i think you know this will be you know this we're gon na spend some time together so i'm glad to have you as a patient but you know we got ta try to get this under control and i'm gon na i'll be talking to your pcp just to let them know that you know what my plans are and we'll stay real in sync on treating this as we move forward does that sound like a plan\n[patient] that sounds good thank you\n[doctor] okay take care i'll talk to you later\n[patient] okay alright bye", "file": "D2N039-aci", "document_id": "173dcda0-f114-409c-94ff-55a007bee8cc" }, { - "medication_info": "Medication Info: 1. Tylenol - Dosage not specified; used for headache relief.\n2. Advil - Dosage not specified; used for headache relief.\n3. Metformin - 500 mg twice a day.\n4. Flexeril - 5 mg three times a day (as a new prescription).\n\nSymptoms: 1. Dull pain in the back of the head.\n2. Flushing in ears (red and hot).\n3. Dizziness during headaches.\n4. Tension and tightness in neck and shoulders.\n5. Worsening of headache in the evening.\n6. Stress.", + "medication_info": "Medication Info: Tylenol (dosage not specified), Advil (dosage not specified); Flexeril 5 mg three times a day. Symptoms: dull pain in the back of the head, flushing in the ears, dizziness, tightness in neck and shoulders, headaches related to stress that are worse in the evening.", "src": "[doctor] carolyn is a 34 -year-old female with a history of diabetes mellitus type two who is here today with a headache so hi there carolyn it's nice to see you again listen i'm sorry you're having headaches well let's talk about it but i would like to record this conversation with this app that's gon na help me focus on you more would that be okay with you\n[patient] yes that's okay\n[doctor] okay great thanks so carolyn tell me about your headache and headache or headaches when did when did they start and and what symptoms are you having\n[patient] my headache started about a week ago it's feeling like a dull pain in the back of my head i have flushing in my ears they get really red and hot and sometimes i just feel a little bit dizzy when i get these headaches but i've taken tylenol and advil and it's not really going away it just keeps coming back\n[doctor] okay and alright and so this started about a week ago has it been fairly constant since it started or does it come and go does it come and go or what\n[patient] it comes and goes i it it's relieved when i take my tylenol or advil but then it comes right back\n[doctor] hmmm okay and do you notice any any timing difference you know is it is it worse in the morning worse in the evening is there anything else that makes it better or worse\n[patient] it's definitely worse in the evening\n[doctor] okay and do you feel any sort of tightness in the back of your neck or in your shoulders or you know you said it's in the back of your head primarily any discomfort anywhere else\n[patient] yes no just in the back of my head\n[doctor] okay and did the headache start all of a sudden carolyn or has it been gradual or what\n[patient] i've been under a lot of stress lately so maybe about when some stress started occurring\n[doctor] okay okay and alright and have you noticed any fever along with the headache\n[patient] no no fever\n[doctor] okay and any visual changes you know wavy lines in your vision spots in your vision or anything like that\n[patient] no\n[doctor] okay and have you had headaches like this before\n[patient] i have\n[doctor] okay so this is n't the worst headache you've ever had what did you say\n[patient] no it's not\n[doctor] okay alright and so okay fair enough now how's your diabetes been been been doing lately have you what have your blood sugars been running in the low one hundreds or two hundreds or what\n[patient] i have n't been checking my blood sugars\n[doctor] really okay well we will get you back on that and and we can talk about that but how about your metformin are you still taking the five hundred milligrams once a day no actually it looks like we increased your metformin to five hundred milligrams twice a day last visit are you still taking that\n[patient] yes\n[doctor] okay great and okay you're still watching your diet and getting some exercise\n[patient] i have not been eating well because i've been stressed over the last week but i have n't been exercising for maybe the past week but generally i've been doing better\n[doctor] okay the headache has has maybe made you feel uncomfortable and prevented your your exercise would you say or what\n[patient] yes it has\n[doctor] okay okay so you probably have n't been out golfing i remember you're a big golfer so not not lately uh so you know being\n[patient] not lately\n[doctor] being down being down here in florida we got ta get get some golf in so hey did you see the masters by the way a few weeks ago was n't that i do n't know did you happen to catch it\n[patient] i did\n[doctor] yeah that was crazy what a what a finish what an amazing what an amazing tournament right what do you think yeah yeah that's great well we'll we'll get you feeling better and get you back out there and now are you still working a lot on the computer ac or\n[patient] i am\n[doctor] carolyn okay yeah you're still working a lot on the computer for work okay are you taking breaks every hour or so you know get up stand around walk stand walk around that can be helpful\n[patient] no i really do n't get the opportunity to\n[doctor] hmmm okay understood alright well listen let's go ahead and examine you okay so so on your physical exam your physical exam is pretty normal unremarkable for the most part and you know few things a few exceptions so first of all on your heent exam your eye exam your extraocular docetls are intact without pain you have a funduscopic exam that shows no papilledema that's good that just means there's no swelling in the back of your eye and on your neck exam you do have some posterior mild posterior paraspinal muscular tenderness in the cervical spine and in bilateral trapezius musculature as well and some tightness in those muscles as well and otherwise on your exam let's see your heart exam on your heart exam you have that grade three out of six systolic ejection murmur that's unchanged from your prior exam so it just means i hear some sounds in your heart as it's beating and i'm not too worried about that we'll watch that and otherwise normal heart exam and and your physical examination otherwise is normal and unremarkable and so now let's talk about my assessment and your plan so carolyn for your first problem of the headache i do think that you have a tension type headache and i think this because you've got some tension and tightness in your paraspinal muscles meaning the muscles around your neck and your shoulders and you know working at the computer i think is contributing to this and also probably the stress so you can continue to take that tylenol for the pain i'm also gon na give you a mild muscle relaxant i'll write you for flexeril five milligrams three times a day and you can take that that will help relax those muscles in your neck and that should help with the symptoms i want you to come back or give us a call if the headaches become more severe or suddenly worsen or you develop a fever but i do n't think that this is a a sign of a stroke or any bleeding in your brain or anything like that i think it's more related to tightness in your muscles in your neck now for your second problem of your diabetes mellitus let's continue you on the metformin five hundred milligrams i am going to order a hemoglobin a1c and also a cbc and a chem-12 to check some of your blood tests blood chemistries and so forth and we will continue you on the metformin i do want you to check your blood sugars daily and that will be very helpful so when you come back in a month i want you to bring those numbers with you we can talk about it again and please do try to get back into your exercise routine that's really gon na help you keep those blood sugars under control as well okay so how does that sound for a plan any other questions for me\n[patient] well would it so only call if if it gets worse or not any better\n[doctor] yeah that that just right but also let's set up an appointment in four weeks and i wan na see you back in four weeks if it's not if the headache is not better within the next few days with this flexeril then you can give us a call and and get back in later this week or early next but definitely if things get worse give us a call sooner and you know i meant to ask you on i wanted to ask if you had a history of any any trauma meaning have you hit your head or you have n't fallen hit your head or anything like that have you\n[patient] no no i think it's just stress\n[doctor] okay alright understood okay great well then i'll see you back in a month if not before okay you take care of yourself nice seeing you\n[patient] thank you\n[doctor] sure", "file": "D2N040-aci", "document_id": "24c9dd1d-4c20-4d85-af63-32522dce2158" }, { - "medication_info": "Medication Info: \n1. Lisinopril - 20 mg daily (to be increased to 40 mg daily)\n2. Metformin - 1000 mg twice a day\n3. Amoxicillin - 500 mg three times a day (if rapid strep test is positive)\n4. Ibuprofen - as needed\n5. Lidocaine swish and swallow - for throat pain\n\nSymptoms:\n1. Sore throat\n2. Fever (low-grade of 100.4\u00b0F)\n3. Chills\n4. Sweating\n5. Difficulty swallowing\n6. Stuffy nose\n7. Swollen tonsils\n8. Cervical lymphadenopathy\n9. Cough (coarse rhonchi)\n10. General malaise due to illness\n", + "medication_info": "Medication Info: \n1. Lisinopril - 20 mg daily, increased to 40 mg daily\n2. Metformin - 1000 mg twice a day\n3. Amoxicillin - 500 mg three times a day for ten days (proposed)\n4. Lidocaine swish and swallow (proposed)\n5. Ibuprofen as needed (proposed)\n\nSymptoms:\n1. Sore throat\n2. Fever\n3. Chills\n4. Sweating\n5. Difficulty swallowing\n6. Trouble eating\n7. Stuffy nose\n8. Swollen tonsils\n9. Cervical lymphadenopathy\n10. Low-grade fever (100.4\u00b0F)\n11. Coarse rhonchi in lungs", "src": "[doctor] hi teresa what's going on i heard that i heard that you're having a sore throat you're not feeling well\n[patient] yeah my throat has been hurting me for like four four days now and i think i had a fever last night because i was really sweaty but i did n't take my temperature because i was already in bed\n[doctor] okay alright so four days ago you started feeling badly okay now were you having chills\n[patient] yeah last night i was chills and i had lot of sweating and it's really hard to swallow\n[doctor] it's really hard to swallow okay now do you have pain every time you swallow or is it just periodically\n[patient] every time i swallow i'm even having trouble eating i can drink okay the like really cold water feels good\n[doctor] okay that's what i was gon na ask you okay so you're able to drink water and are you able to drink any other fluids have you been able to drink any you know i do n't know juices or milk shakes or anything like that\n[patient] well besides my wine at night i really just drink water all day\n[doctor] okay well i like to drink wine too what's your favorite type of wine\n[patient] peanut grooves yes\n[doctor] it's a good one i like that too i am also a pino navar fan so there you go alright well let's now do you feel sick to your stomach at all\n[patient] no i have a little bit of a stuffy nose not too bad it's really just my throat but i think my tonsils are swollen too\n[doctor] and your tonsils are swollen too now has anyone else sick in your household\n[patient] i do have little kids that go to school so they've always got you know those little runny noses or cough but nobody is really complaining of anything\n[doctor] okay alright now have you had strep throat in the past\n[patient] when i was a kid i had strep throat but i have n't had anything like that as an adult\n[doctor] okay alright and what do you do for work\n[patient] i i work as a cashier in a supermarket\n[doctor] okay alright and did you get your covid vaccine\n[patient] yep i did get my covid vaccine but it really made me feel sick so i'm hoping i do n't have to get another one later this year\n[doctor] okay did so you just got the two vaccines you did n't get the booster\n[patient] no i did n't get the booster because i really have n't had time to feel that sick again it really knocked me down for like two days and with the little kids it's really hard\n[doctor] okay alright well i saw that they did a rapid covid test when you came in here and that was negative so that's good so you do n't have covid which is which is good now let's talk a little bit about your hypertension and hypertension since i have you here did you ever buy that blood pressure cuff that i asked you to buy\n[patient] yes i did i blood the blood pressure cuff and my blood pressure is like all over the place sometimes it could be like one twenty for the top number sometimes it could be one forty for the top number i i do n't really remember the bottom number though\n[doctor] okay that's okay are you taking the lisinopril i think we have you on twenty milligrams a day\n[patient] yep i take it every morning with my multivitamin and my vitamin d\n[doctor] okay alright and are you watching your salt intake\n[patient] i really like my chips with my wine\n[doctor] is n't that the best we we could get along really well outside of here alright and then tell me a little bit about your diabetes now are you are you watching your blood sugars are you taking them at home\n[patient] sometimes i take that all that often again that could be all over the place sometimes i get if i take it first thing in the morning it'll be like eighty or ninety but at night sometimes it could be one forty\n[doctor] okay alright and i are you still taking the metformin we have you on a thousand milligrams twice a day\n[patient] uh uh yes i do take it i take it with my breakfast and with my dinner\n[doctor] okay alright great alright now are you are you a meds fan or a yankie's fan or god for a bit of filly's fan\n[patient] nope\n[doctor] no\n[patient] no do n't do n't like sports\n[doctor] do n't like sports just the wine\n[patient] no\n[doctor] okay alright well let's go ahead i wan na just do a quick physical exam now i'm gon na be calling out some of my findings and i'm gon na let you know what that means when i'm done okay so looking here first at your vital signs your vital signs look pretty good you do have a low-grade fever of about a hundred . four right now but otherwise your blood pressure is pretty good it's about one thirty two over eighty and your heart rate is eighty four now that looks pretty good so i'm just gon na go ahead and examine you so on your facial exam i'm gon na just press on your face here does this hurt\n[patient] no not no it does n't bother me\n[doctor] okay on facial examination the patient has no pain to palpation of the frontal or maxillary sinuses on nasal examination there is edema and erythema of the nasal turbinates bilaterally with associated clear discharge open up your mouth and say\n[patient] ah\n[doctor] on throat examination there is bilateral erythema and edema of the peritonsillar space with exudates present bilaterally the uvula is midline on your neck exam i do appreciate some cervical lymphadenopathy on the right hand side on your lung exam your lungs you have some coarse rhonchi at the bases that clear with cough and on your heart exam your heart is a nice regular rate and rhythm i do n't appreciate any murmur or or rub so what does all of that mean teresa so all of that means is that yes you're showing signs of what we call an upper respiratory infection and i'm concerned that you might have some strep in the back of your throat based on the findings so let's just talk a little bit about my assessment and plan for you okay so for your first problem of your sore throat i'm gon na go ahead and have the medical assistant come in and swab you for a rapid strep test and if that's positive i wan na go ahead and place you on or prescribe amoxicillin five hundred milligrams three times a day for ten days and i'm gon na give you some lidocaine swish and swallow so that will help with some of the pain and you can take some ibuprofen as needed which will also help with the pain and some of that fever okay i do want you to go ahead and continue to to hydrate as much as possible what kind of questions do you have about that\n[patient] no that sounds good i just wanted to be sure i was okay because of the little kids\n[doctor] sure now for your next problem of your hypertension i wan na go ahead and order a lipid panel on you and i think i do wan na increase i do wan na increase the lisinopril to forty milligrams once a day just to get your blood pressure under better control and we'll see how you do on the forty milligrams once a day for your third problem of your diabetes let's go ahead and order a hemoglobin a1c and just to make sure that we do n't have to make any adjustments to your metformin how does that sound\n[patient] sounds good\n[doctor] any questions\n[patient] nope that's everything\n[doctor] okay bye good to see you i'll be in touch", "file": "D2N041-aci", "document_id": "f06909e5-1a9a-48de-982d-c2d263b04cb7" }, { - "medication_info": "Medication Info: \nMedications: \n1. Ibuprofen \nDosage: Not specified \nSymptoms: \n1. Ankle pain (4/10 with ibuprofen, 6/10 without, and drops to 1/10 with ibuprofen) \n2. Ecchymosis (bruising) over the lateral malleolus\n3. Edema (swelling) of the lateral malleolus\n4. Tenderness to palpation of the anterior lateral soft tissue\n5. No numbness or tingling reported.", + "medication_info": "Medication Info: \n1. Ibuprofen - Taken last night and this morning; dosage not specified; \n - Symptoms: \n - Right ankle pain: rated 4/10 with ibuprofen, 6/10 without ibuprofen, improved to 1/10 after taking ibuprofen \n - Swelling \n - Tenderness \n - Ecchymosis (bruising) \n - Limping \n - Symptoms started after an incident on icy pavement where patient slipped and fell.", "src": "[doctor] good morning carolyn how are you\n[patient] i'm doing alright other than this ankle pain i've been having\n[doctor] so i see here that you hurt your right ankle can you tell me what happened\n[patient] yeah so yesterday i was going to take out the trash and it was quite icy i thought i was doing okay job and i just slipped and and fell and i'm pretty sure i heard a pop\n[doctor] okay and you said this happened yesterday correct\n[patient] yeah\n[doctor] okay and have you been able to walk on it at all\n[patient] no i was so initially when i first fell i was unable to walk at on it at all i had a friend that was visiting and so she heard me fall so she helped me inside now today i have been able to put a little bit more weight on it but i'm still limping\n[doctor] okay and then what have you been doing for your foot or ankle pain since that happened\n[patient] so i like iced it last night and kept it elevated and i also took some ibuprofen last night and this morning before coming in today\n[doctor] okay and can you rate your pain for me\n[patient] i would say right now it's like a four out of ten\n[doctor] okay and does the ibuprofen help with that pain\n[patient] it does it does help with the pain\n[doctor] okay and when you take your ibuprofen what can you what's your pain level then\n[patient] so this so what did i just say four\n[doctor] yes ma'am\n[patient] four out of ten so four out of ten is with ibuprofen\n[doctor] it's with ibuprofen okay what's your pain level without then\n[patient] i would say probably a six\n[doctor] okay\n[patient] i'm sorry it's a six out of ten without ibuprofen and it goes down to like a one with ibuprofen\n[doctor] okay alright that that sounds good have you ever injured that foot and ankle before\n[patient] you know i've had a lot of injuries to my ankle but i've never hurt this ankle before i just realized an error\n[doctor] okay you know and i see here that you have a history of playing sports looks like you played soccer in college and then played a little bit of a inner marrow soccer now\n[patient] yeah\n[doctor] i'm i'm guessing you probably have n't been able to do that since you hurt your ankle\n[patient] no i have not been\n[doctor] so did you hear about the new major league soccer stadium and team that's coming to town they opened in the this year actually they built the stadium have you been down there yet\n[patient] no i have to get there\n[doctor] yeah we are all excited it's going to be a good time well have you experienced any numbness or tingling in that right foot\n[patient] no\n[doctor] okay so if it's okay with you i would like to do a quick physical exam your vitals look good and everything there looks okay now i'm gon na do a focused exam on your right ankle i do appreciate some ecchymosis or bruising over the lateral malleolus malleolus associated with some edema or swelling of that area you are positive for tenderness to palpation of the anterior lateral soft tissue and now i do n't appreciate any laxity on anterior drawer and inversion stress there is no bony tenderness on palpation to that foot or ankle area now on neurovascular exam of your right foot you have brisk capillary refill of less than three seconds strong dorsalis pedis pulse and your sensation is intact to light touch and all of that is consistent with what's present on your left side as well so i did review the results of your of your x-ray the x-ray of your right ankle showed no fracture which is a good thing so now let me talk to you a little bit about my assessment and plan so for the first problem of right ankle pain your symptoms are consistent with a right ankle sprain or i'm sorry right ankle sprain of your lateral ligament complex more specifically your anterior talofibular ligament now this ligament's on the outside of your ankle ankle which got stretched when you fell the best treatment at this time for your sprain is to keep your leg elevated when you're seated and let's continue to ice okay you're gon na be given an air cast which is gon na help stabilize that ankle and i'm also going to prescribe some crutches because i want you to stay off that leg and start walking on it stay off your leg for now and then in a couple of days start walking on it as tolerated do you have any questions or concerns for me\n[patient] so how long do you think it'll take to heal\n[doctor] so your symptoms should significantly improve over a few weeks but i'd like to follow up with you and see how you're doing let's say i'll see you again in fourteen days now i do want you to go ahead and continue to take nsaids or ibuprofen as needed to help with any pain and that's also gon na help reduce that inflammation and swelling okay\n[patient] okay\n[doctor] alright i will see you again in two weeks carolyn\n[patient] great thank you\n[doctor] you're welcome", "file": "D2N042-aci", "document_id": "975fbd64-6405-499e-8892-45ce8088462d" }, { - "medication_info": "Medication Info: \n1. Nicotine patch - 21 mg\n2. Allopurinol (dosage not specified)\n", + "medication_info": "Medication Info: Nicotine patch, 21 milligrams; Allopurinol (dosage unspecified); Symptoms: Smoking a pack and a half a day (nicotine dependence), history of gout.", "src": "[doctor] how are you doing\n[patient] i'm doing i'm good i'm i'm doing really good i'm here i'm just ready to quit smoking and but i've been having quite a hard time with it\n[doctor] well i'm glad that you're taking the first steps to quit smoking would you tell me a little bit more about your history of smoking\n[patient] yeah so i've been smoking for some time now i started in high school and was just you know just experimenting and smoking here and there with friends or at parties and then it just started getting more regular and regular and i do n't even know how i'm 44 now and i'm smoking everyday so yes now i'm up to a pack and a half a day\n[doctor] okay do you use any other type of tobacco products\n[patient] no smoking is enough\n[doctor] okay and i understand that so when you wake up in the morning how soon after waking up do you smoke your first cigarette\n[patient] i would say probably within an hour of waking up i'll have my first cigarette\n[doctor] okay so i'm really excited that you wan na quit and i know that you probably heard this multiple times before but this really is one of the best things that you can do to help your health especially since you have the history of gout and type two diabetes this is really gon na be a great step in you having better long term health outcomes\n[patient] yeah i know and you know i'm really motivated now because i am about to be a father any day now and i just really wan na be there for my daughter growing up\n[doctor] hey that's great and that's great to hear congratulations i'm so excited to hear about the new baby\n[patient] yeah\n[doctor] i i have a daughter myself have have you picked out any names\n[patient] we're you know we're deciding between a few names but we're kinda just waiting to see her to see which name fits\n[doctor] okay alright that sounds good well congratulations again i'm very excited for you and your and and your wife that that's this is great\n[patient] thank you\n[doctor] so you mentioned you tried to quit before can you tell me a little bit about the methods that you used or or what you tried\n[patient] yeah actually i just went cold turkey one day i woke up and i said you know i've had enough and i know that smoking is not good for me so i woke up and stopped and i actually did really well and i was able to quit smoking for almost a year and then things just started getting really stressful at work they started laying people off and i'm happy i still have a job but that also meant that i was responsible for more things so things just got stressful and i and just started picking it up again\n[doctor] well you are absolutely correct you know stress can often be a trigger for things like smoking and drinking have you thought what you would do this time when you encountered the stressful situations\n[patient] yeah i i did n't think about that a lot actually and one thing is i have started learning and trying to do more meditation and then i also just recently joined the gym so i'm really looking forward to working out again\n[doctor] okay well that's great to hear that you're getting back in the gym that will be good for your long term health too you know helping to maintain that type two diabetes you know those are really great strategies talking about gym for stress relief and and you know we have other products as well that you can use for an additional aid to help you stop smoking have you given any thought to using some type of smoking cessation aid at this time or or what do you think about that\n[patient] you know i've had you know because i've been trying to do cold turkey and it's not working and some of my friends actually have mentioned using a patch and they they've had some success with that so i think i would i would probably wan na start with that\n[doctor] okay alright that that sounds good it's good that you've you've picked out one of those aids and have you thought of a quit date i mean we we really wan na talk about when you're gon na say this is the day\n[patient] yeah you know next monday is actually my birthday so i think that's a good day\n[doctor] that's a fantastic day and happy birthday coming up on monday\n[patient] thank you\n[doctor] so let's talk a little bit about your exam here okay i'm gon na go ahead and do a quick physical exam and i reviewed your vitals and everything looks good including your oxygen saturation blood pressure for today was one twenty eight over eighty eight heart rate was sixty eight respirations were sixteen and your pulse ox was ninety eight percent on room air so those were all really good now on your heart exam you do have a nice regular and your your rate is of regular rate and rhythm or i'm sorry your heart exam for your heart exam notice that your heart is regular in rate and rhythm i do however still appreciate that two over six systolic murmur that we talked about in the past now that's okay we'll just continue to monitor that now for your lung exam i'm gon na go ahead and listen to your lungs your lungs are clear and equal bilateral with no expiratory wheezes and no rales or rhonchi are appreciated on your neck exam i do n't appreciate any lymphadenopathy when i listen i do n't hear any extra noises so i do n't hear any hearing any carotid bruit which is a good thing now for my impression and plan let's talk a little bit about my assessment and plan for you so for your first problem of nicotine dependence first of all i just want to apply you on making this first step to stop smoking and i want you to know with absolute one hundred percent certainty that i'm gon na be with you every step of the way i think it's fantastic that you're very welcome i i i think it's fantastic you've chosen next monday as a quit date and on that day i'm gon na start you with a twenty one milligram nicotine patch and the goal will be to decrease that over time okay now we will work together to decrease that so there is no necessarily hard dates in mind okay be sure to change the patch location each day and that's going to help reduce or avoid that skin irritation that can occur if you use the same location over and over again i would like to see you again in two weeks just to see how things are going and we will reevaluate at that time the dosage for your nicotine patch now we also see further need to discuss any handouts you received today for those common smoking triggers i really want you to keep an eye on and monitor your stress level not only about work but also the fact that you are experiencing are going to be be a new father and we really want to watch any stress you will be experiencing around the birth of your new child so please keep an eye on that and let me know how that goes now for now until we meet in two weeks go ahead and keep up your exercise routine i think that's a great plan and just try to monitor your stress and and maybe think about some things like meditation or adding in some yoga and that type of thing to help further work with your your stress levels so do you have any questions for me\n[patient] no not at this time\n[doctor] okay so for your other conditions that we talked about briefly your second condition of type two diabetes we'll let's go ahead and continue to maintain that with diet and exercise and we'll just monitor your type two diabetes i am gon na go ahead and order a hemoglobin a1c for your next blood draw since i'll see you in two weeks go ahead and have that done and we will talk about that when you come back in now for your third problem of your history of gout let's go ahead and continue you on your allopurinol and just you know continue to watch those foods that will exacerbate your uric acid levels any other questions about those\n[patient] no i think that's it thanks so much\n[doctor] alright sounds good i'll see you in two weeks congratulations on the baby and and we're excited about next monday that's your quit date\n[patient] alrighty thank you\n[doctor] you're welcome i'll see you in two weeks thanks bye-bye\n[patient] alright bye", "file": "D2N043-aci", "document_id": "7aba1cb4-db7f-4f20-a1c5-dfb3c2db70b4" }, { - "medication_info": "Medication Info: \n1. Ibuprofen - dosage not specified \n2. Aleve - dosage not specified \n3. Tylenol - dosage not specified \n\nSymptoms: \n1. Knee pain (both knees) \n2. Deep achy pain behind kneecaps \n3. Pain when standing up from sitting \n4. Pain going up and down stairs \n5. Pain during running (can only run half a mile due to pain) \n6. Tenderness during knee examination", + "medication_info": "Medication Info: ibuprofen, aleve, tylenol; Symptoms: bilateral knee pain, deep achy pain, pain when standing up from sitting, pain going up and down stairs, tenderness in knees, positive patellar grind test.", "src": "[doctor] good morning julie how are you doing this morning\n[patient] i've been better my primary care doctor wanted me to see you because of this this knee pain that i've been having for about six months now\n[doctor] okay and do you remember what caused the pain initially\n[patient] honestly i do n't i ca n't think of anytime if i fell or like i i've really been trying to think and i ca n't really think of any specific event\n[doctor] okay now it it says here that it's in both knees is that correct\n[patient] yes both my knees\n[doctor] okay it kinda try let's let's try describing the pain for me please\n[patient] yeah it's kind of feels like it's like right behind my kneecaps\n[doctor] okay\n[patient] and it's like a deep achy pain\n[doctor] a deep achy pain okay what kind of activities makes the pain feel worse\n[patient] let's see so anytime so if i'm sitting at my desk and i get up i have a lot of pain so anytime from like standing up from sitting for a while or even going up and down the stairs\n[doctor] okay so you work from home\n[patient] i do\n[doctor] okay okay so there is a lot of desk setting at home is your office upstairs or is it i mean do you have to go up or downstairs to get to it\n[patient] no well first thing in the morning but otherwise it's downstairs\n[doctor] okay okay how do you like working from home\n[patient] you know it has it's plus and minuses\n[doctor] okay\n[patient] i like it though my i like my commute\n[doctor] yeah\n[patient] i love it\n[doctor] and the parking i'm sure the parking is\n[patient] and the parking is great\n[doctor] yeah i you know if i could do telehealth visits all day long i would be totally happy with that yeah and just set it home and do those so you mentioned is there anything that makes that pain feel better\n[patient] usually after like if i feel that pain and then i just it does get better\n[doctor] okay now you mentioned earlier that you tried some things in the past what have what are they and did they work at all\n[patient] yeah i've done some ibuprofen or aleve sometimes some tylenol and that does help\n[doctor] okay\n[patient] it takes the edge off\n[doctor] okay but you're never really pain free is that what i hear you saying\n[patient] not really unless i'm like really just resting which i hate to do but otherwise any type of movement especially from sitting it causes pain\n[doctor] okay so are you active other than going up and down the steps to your office\n[patient] very i'm a big runner i love to run i run about five to six miles a day but with this knee with with these knee pain that i've been having it's i barely can even do half a mile\n[doctor] yeah you know what that's that's i am a biker and i know that once you get that into your you know you have loved doing that activity it's so frustrating when you ca n't it's almost like a it's almost like a dry it almost becomes a drug when you get up\n[patient] exactly\n[doctor] yeah\n[patient] it's\n[doctor] okay so have you noticed any redness or swelling in your knees\n[patient] no\n[doctor] okay and have you ever injured your knees before\n[patient] you know despite how active i am i you know i've never\n[doctor] okay\n[patient] injured or broken a bone\n[doctor] okay great so let's go ahead and do a i just wan na take a look here i reviewed your vitals and overall they look good your blood pressure is one twenty over seventy your your heart rate is sixty and your respiratory rate is fourteen those are all phenomenal numbers as i listened to your heart it is at a regular and a slower rate but i do n't hear any extra sounds so there is no murmurs as we go through that now on musculoskeletal exam you have a normal gait i watched you you know kinda walk in here this morning your strength i just wan na check it when i go ahead and i want you to move your leg okay your muscle strength is is good you do have a three out of five for abduction of your legs bilaterally and that's you know kinda bringing your legs in the remainder of your muscle strength for your lower extremities is a five out of five now let me focus specifically on your knee examination i do n't see any redness or ecchymosis or warmth of the skin and those are big words you know i do n't see any bruising or or that redness there is no effusion that's just like a fluid underneath the knee i do n't appreciate that any at all you do seem to have some tenderness when i palpate and you do have a positive patellar grind test when you stood up i could feel that as we went through there you did say you had that knee pain with squatting but your lachman your anterior and posterior drawer and mcmurray test are all negative bilaterally neurologically and your your your lower extremities your patella and your achilles reflex are symmetrical and that's good so i did review the x-rays of both your knees which shows no fractures or osteoarthritis so based on what you told me and reviewing the mri that you had done before you came in your symptoms are consistent with patellofemoral pain syndrome and this is a really common condition that we see that causes knee knee pain especially in really active young people that's probably why i do n't get it when i'm riding my bike forever and ever now this condition has to do with the way your kneecap moves across along the groove of your thigh bone your femur so for pain i want you to continue to take the ibuprofen or any other anti-inflammatories you know aleve or any of those as you need it to help with the pain now i am going to recommend physical therapy well they will show you a number of lower extremity exercises this is probably one of the best things that you can do and this will help increase your lower extremity strength your mobility and correct any incorrect running mechanics that you might have do you have any questions for me\n[patient] so will i be able to run again\n[doctor] absolutely my goal is to get you out there and maybe we can cross pads on the the bike trail some day you are gon na have to take it a little bit easy for now but we are gon na get you back and once we do that i think you will be really pleased is there anything else\n[patient] no i think that's it\n[doctor] okay have a great day\n[patient] okay you too\n[doctor] thank you\n[patient] bye", "file": "D2N044-aci", "document_id": "4cc27d88-1cac-4b38-adf1-4ac383158a7b" }, { - "medication_info": "Medication Info: 1. Tylenol - 500 mg, 2 tablets, 3 times a day; 2. Ibuprofen - 200 mg, 2 tablets, 3 times a day. Symptoms: Knee pain, aching in right knee during running, worse towards the end of the day, pain on the outside of the right knee.", + "medication_info": "Medication Info: Tylenol 500 mg, take 2 three times a day; Ibuprofen 200 mg, take 2 three times a day. The patient has used ice and ibuprofen for relief from knee pain. Symptoms: knee pain primarily in the right knee that worsens with running and activity, specifically aching towards the end of the day and on the outside of the right knee; improvement with ice and rest. Treatment plan: stop running for two weeks and begin physical therapy to strengthen the lower extremities and provide proper exercise recommendations.", "src": "[doctor] hi abigail how are you today\n[patient] hello hi nice to meet you i'm i'm doing okay\n[doctor] good i'm doctor sanchez and i'm gon na go ahead and take a look i saw with your notes that you've been having some knee pain yes that's that's true you know it's been going on for a while i like to run i do jogs i sign up for the 5k tack you know sometimes the marathon and i have n't been doing longer distances because\n[patient] when i'm running i my right knee here it just starts to ache and it's it's just to the point where i need your opinion\n[doctor] okay okay what have you done for it so far what makes it better what makes it worse\n[patient] well it used to be that when i run it ache and then i put ice on it and then it would be okay so i do ice and ibuprofen\n[doctor] okay okay and did you see anybody for this before coming into the office here\n[patient] yeah i doctor wood is my primary care provider and i talked to him about it actually over the years and this last visit he said he referred me to you\n[doctor] okay okay good so ice and rest makes it feel better running and and activity makes it hurt a little bit more is that correct\n[patient] yeah that's right\n[doctor] okay do you have any family history of arthritis or any of those type of immune diseases\n[patient] i'm trying to think no i do n't think so no\n[doctor] okay and do you get is it is this primarily worse in the morning or does it is it just there all the time when it comes on\n[patient] it actually is worse towards the end of the day\n[doctor] okay\n[patient] once i'm on my feet all day it starts to ache towards the afternoon\n[doctor] okay so let's go ahead and i want to do a quick examination here your blood pressure and was one twenty over sixty that's phenomenal your heart rate was fifty eight and you can tell that you're a runner with that that level of a heart rate and your respirations were fourteen so all of that looked very good there was no fever when you came in when i'm gon na just quickly listen to your heart and lungs okay those those sound good but let me get let's focus here on your lower extremities i'm i'm gon na look at your your left knee first when i move your left knee do you get any type of pain or is it just feel like normal and it's always your pain's always isolated to the right\n[patient] that feels that feels normal\n[doctor] okay okay so let me i just want you to back up here in the stretcher a little bit more and i'm just gon na do some movement of your knee any okay so i want you to push your leg out against my hand does that hurt\n[patient] no\n[doctor] okay and if you pull back does that hurt a little bit\n[patient] no\n[doctor] okay and i'm gon na move it around so when i look at the knee there is no redness there's no swelling i can appreciate a a small amount of effusion and that means that there's a little bit of fluid under the knee or in that knee's joint space and there is there is several reasons that could be now when i push on your knee does it hurt more on the inside or does it hurt more on the outside here\n[patient] the the right knee here hurts on the outside\n[doctor] okay okay and you've got a good pedal pulse so you know you can feel that and when i touch your feet you do n't have any numbness or tingling or anything like that\n[patient] no uh uh\n[doctor] okay well so what i want to tell you is that i think you have a knee sprain from overuse and we see that sometimes in runners now unfortunately you're gon na have to take some a little bit of time off of of active running but i do n't think it will be that long until we can get you up and running again now i reviewed the x-rays that we did when you first came into the office here this morning and the joint spaces of that right knee are are well maintained i do n't see any evidence of any fracture and when compared to the left knee everything looks good so i do n't even see any signs of any arthritis that i would've been suspecting i would like you to stay on two tylenol five hundred milligrams and two ibuprofen two hundred milligram tablets and i want you to take that three times a day and that's gon na help with both the pain and the inflammation i'm also gon na order some physical therapy for your your right knee and that physical therapy will help strengthen the lower extremities and make it give you a little bit of a balance and some they'll be able to recommend good running exercises for you i do wan na follow up with you in two weeks and see if we're getting better so let's no running for two weeks and if we're we're improving then we'll move on and probably start adding some additional activity does that sound like a plan\n[patient] yeah that does i i was curious so i will lay off the running for now can i you know lift weights and do like my squats and and those type of exercises at the gym\n[doctor] yeah absolutely and and those are good exercises but i'd like you to get that first physical therapy appointment in and they'll be able to talk with you on what the best exercises are for you to do\n[patient] okay got it\n[doctor] any questions\n[patient] hmmm no i do n't think so\n[doctor] okay thank you abigail and i'd like i said stop out at the desk and we'll make an appointment for two weeks\n[patient] okay thanks doctor\n[doctor] thank you", "file": "D2N045-aci", "document_id": "9d6dae00-819c-4248-ae9e-b8e033708778" }, { - "medication_info": "Medication Info: \nMedications: None mentioned\nDosages: None mentioned\nSymptoms: severe pain, bleeding, constipation, weight loss, depression", + "medication_info": "Medication Info: No medications or dosages are explicitly mentioned in the transcript. Symptoms mentioned: severe pain, bleeding, constipation, weight loss, and depression.", "src": "[doctor] okay so we are recording okay so okay so i understand you've so you've got a past medical history of type two diabetes and you're coming in and for evaluation of a newly diagnosed ovarian cancer so how are you doing today\n[patient] i do n't hear the question but i'm assuming that you when you say batcher so when i start talking about my dog and my three cats and all that those sort of things are not going to be included in the in the note\n[doctor] right i want you you can talk about those things yes\n[patient] okay\n[doctor] okay so with your newly diagnosed ovarian cancer so how are you feeling today how are you doing\n[patient] i'm doing pretty good depressed\n[doctor] little depressed i can understand it's a lot to take on is n't it\n[patient] yes\n[doctor] okay okay so lem me ask you some questions so what kind of symptoms were you having that prompted you your doctor to do the tests\n[patient] i was having severe pain and bleeding\n[doctor] okay now do you have other symptoms such as weight loss constipation vomiting or issues with urination\n[patient] no vomiting but constipation and weight loss\n[doctor] okay yeah that's understandable so do you have any children or have you ever been pregnant\n[patient] i'm sorry i did n't hear that part\n[doctor] do you have any children or have you ever been pregnant\n[patient] no to either one of those\n[doctor] okay so and do you know at what age you got your period and when you started menopause\n[patient] thirteen for my period and twenty eighth for menopause\n[doctor] okay do you take any oral hormone replacement therapy\n[patient] no\n[doctor] okay any history of endometriosis\n[patient] any history of what\n[doctor] endometriosis\n[patient] no\n[doctor] okay how about any family history of any gynecological cancers\n[patient] i was adopted\n[doctor] okay okay so i'm just gon na do a quick exam of your abdomen and then perform a vaginal exam okay\n[patient] okay\n[doctor] alright okay so i do feel the mass on the where to go here okay\n[patient] i did n't know you're gon na play a doctor today\n[doctor] i did okay okay so i do feel the mass on the left side but everything else looks good and on abdominal exam there is slight tenderness to palpation of the left lower quadrant no rebounding or guarding on vaginal exam there are no external lesions on the labia the vaginal vault is within normal limits the cervix is pink without lesions and on bimanual exam i appreciate a left adnexal mass and there is no masses on the right okay so now i reviewed the results of your abdominal ct which show a three centimeter left ovarian mass with an associated local localized lymph node involvement there is no evidence of gross peritoneal or metastatic disease so lem me tell you a little bit about my assessment and plan so for the first problem so i do think this is most likely ovarian cancer looking at your ct scan it looks like stage three a disease based on the lymph node involvement i want to start by sending off some blood tests like a ca-125 and hcg and afp and ldh these are just tests that help me to determine what type of tumor i'm dealing with and then i want you to undergo genetic counseling and testing to see if you have a genetic predisposition for developing ovarian cancer so this stage of ovarian cancer is treated by performing surgery followed by adjunct chemotherapy so this means we'll start chemotherapy after you've recovered from surgery okay so for the surgery i would perform a hysterectomy remove both ovaries and perform a lymph node dissection to remove the involved and involve lymph nodes as well as any other ones i see and i'll also send a sample of any tissue if there anything that looks suspicious at all and we'll be able to tell exactly what stage this is based on the pathology reports i then recommend chemotherapy with cisplatin and taxol and based on how the surgery goes i may want you to receive intraperitoneal intraperitoneal chemo which is done inserting a small tube into your belly for the chemo to go directly into your peritoneum now i know that was a lot sick in do you have any questions or\n[patient] am i gon na die\n[doctor] well that's a good question so based on what i see at this time i will we believe you have a favorable diagnosis prognosis and you're also still young and healthy which makes your prognosis even better and we do need to see a final pathology report to give you a definitive answer though okay\n[patient] alright alright", "file": "D2N046-aci", "document_id": "5c2b5f45-b798-4379-8817-c5891b094ff5" }, { - "medication_info": "Medication Info: \n1. Flomax - 0.4 mg once a day (to be taken at night) \n2. Lipitor - 40 mg once a day \n3. Aspirin - dosage not specified \n4. Metoprolol - dosage not specified \n5. Metformin - 1000 mg twice a day.\n\nSymptoms: \n1. Difficulty urinating (weak stream, feeling of incomplete bladder emptying, nocturia - waking up 3-4 times a night to urinate)\n2. Diarrhea (last week - suspected food-related)\n3. Patient has an enlarged prostate (noted during the physical exam) \n4. Heart murmur (mentioned during physical exam) \n5. Monitoring for coronary artery disease and diabetes without current reported issues.", + "medication_info": "Medication Info: Flomax 0.4 mg once a day (at night); Lipitor 40 mg a day; Aspirin (dosage not specified); Metoprolol (dosage not specified); Metformin 1000 mg twice a day. Symptoms: Difficulty urinating, weak urinary stream, incomplete bladder emptying, nocturia (3-4 times a night).", "src": "[doctor] hi billy how are you what's been going on the medical assistant told me that you're having some difficulty urinating\n[patient] yeah yeah i i did n't really wan na come in to talk about it's kinda weird but i think probably over the last six months i'm just not peeing right it just does n't seem to be normal\n[doctor] okay so let's talk a little bit about that now is your is your stream is your urination stream weak\n[patient] yeah i'd probably say so\n[doctor] okay and do you feel like you're emptying your bladder fully or do you feel like you still have some urine left in there when you when you finish\n[patient] most of the times i'm okay but sometimes if i stand there long enough i i can kinda go a little bit more so it's taking a while actually to just go to the bathroom\n[doctor] okay and are you waking up at night to go to the bathroom does it impact your sleep\n[patient] yeah i try to empty my bladder now right before i go to bed and and not drink anything but i'm still probably getting up three or four times a night to go to the bed\n[doctor] okay so you're getting up about three or four times a night and and how long has this been going on you said for about six months\n[patient] yeah six months to like this and it's probably been a little bit worse over the last six months and maybe it's been longer i just did n't want to bring it up\n[doctor] okay so you think it's been going on longer okay alright now how about have you had any burning when you urinate at all\n[patient] no it i do n't think it burns\n[doctor] no burning when you urinate okay and and any other any other issues any problems with your bowels any constipation issues\n[patient] hmmm no i i i had diarrhea last week but i think i ate something bad\n[doctor] okay and ever have you ever had any issues where you had what we call urinary retention where you could n't pee and you needed to have like a catheter inserted\n[patient] my gosh no\n[doctor] okay\n[patient] i'll do that\n[doctor] alright and have you ever seen a urologist i do n't think so you've been my patient for a while i do n't remember ever sending you but have you ever seen one\n[patient] i do n't think so\n[doctor] okay now tell me how are you doing with your with your heart when was the last time you saw doctor moore the cardiologist i know that you had the the stent placed in your right coronary artery about what was that twenty eighteen\n[patient] yeah sounds about right i think i just saw him in november he said everything was okay\n[doctor] he said everything was okay alright and so you have n't had any chest pain or shortness of breath you're still walking around doing your activities of daily living are you exercising\n[patient] kind of\n[doctor] kind of okay now from what i remember i remember you being a big college football fan are you as excited as i am that georgia beat alabama in the national championships\n[patient] yeah yeah i'm super excited\n[doctor] you do n't really seem that excited\n[patient] get the problem fixed because i have to be able to sit there and watch the whole game\n[doctor] yeah i i really do n't like nick saving i'm so i'm super happy that that the dogs pulled it out\n[patient] i do n't know if we can do friends anymore\n[doctor] are you in alabama fan\n[patient] maybe i'm actually originally not from georgia so\n[doctor] okay alright well i mean i i'm i'm a long horns fan but anyway well i digress let's talk a little bit about your diabetes how are how are you doing with your sugars are you watching your diet\n[patient] i'm trying to yeah i think they are okay\n[doctor] okay and are you still taking the metformin\n[patient] yep\n[doctor] you are okay alright now i wan na go ahead and just move on to a quick physical exam okay i'm gon na be calling out some of my exam findings and i'm gon na let you know what that means when i'm done okay alright i do have to do a rectal exam i apologize i'm just gon na be calling it out what what i what i appreciate okay so on your heart exam i do appreciate a slight three out of six systolic ejection murmur hurt at the left base on your lung exam your lungs are clear to auscultation bilaterally on your abdominal exam your abdomen is nontender and nondistended i do n't appreciate any masses or any rebound or guarding on your prostate exam i do appreciate an enlarged prostate i do n't appreciate any masses on physical exam so what what does that mean billy so that ultimately means that you know everything looks good you know you have that little heart murmur which i believe you you've had in the past but we're gon na go ahead and look into that you know your prostate seems a little bit enlarged to me on physical exam so let's talk about how we can go about and and remedy that okay so for your first problem of this you know difficulty urinating i wan na go ahead and just order some routine labs i wan na get a a psa that kind of that ultimately kinda looks for prostate cancer issues which i do n't think you have because we did n't really appreciate that on physical exam i wan na go ahead and we can try to start you on what we call flomax zero point four milligrams once a day you should take it at night because it can cause people to get a little bit dizzy if they take it in the morning so i would take it at night and i wan na go ahead and refer you to a urologist just to look into this more so we can go ahead and and get this problem solved for you okay i'm also gon na go ahead and just order some routine blood tests just to make sure that we are not missing anything do you have any questions about that and i wan na go ahead and order a urinalysis and a urine culture\n[patient] yeah so sounds good have you seen that commercial for that super batter prostate stuff does that work\n[doctor] well i think the data it's it's i'm not really sure if it works or not i'm not that familiar with it let's just go ahead and stick with flomax and that's why we are gon na refer you to the urologist so that they can go ahead and talk to you about you know the most current treatment options for you okay\n[patient] alright\n[doctor] alright for your second problem of your coronary artery disease i wan na go ahead and order an echocardiogram just to follow up on that heart murmur that you had and i wan na go ahead and continue you on the lipitor forty milligrams a day and the aspirin and the metoprolol and i wan na go ahead and order a lipid panel any questions about that\n[patient] nope\n[doctor] okay and then for your third problem of your diabetes it sounds like you're doing really well let's go ahead and continue you on the metformin a thousand milligrams twice a day we will go ahead and order a hemoglobin a1c to see if we need to make any adjustments to that and i'm gon na see you again in about three to four weeks okay i want you to call me or message me in the patient portal if you have any concerns\n[patient] alright when is the urologist gon na call me\n[doctor] i'm gon na reach out i'm gon na reach out to them now and see if they can get you in this week\n[patient] sounds good\n[doctor] okay alright well great it was good to see you bye\n[doctor] i could just hit it and i can just talk and then i'm just", "file": "D2N047-aci", "document_id": "c32305c6-961d-482a-bfd8-a53185d6550c" }, { - "medication_info": "Medication Info: Ibuprofen taken by the patient for pain relief.", + "medication_info": "Medication Info: Ibuprofen; Symptoms: right foot pain, swelling, bruising, tenderness to palpation, pain when touched.", "src": "[doctor] alright brittany so i see that you are experiencing some right foot pain could you tell me what happened\n[patient] yeah well i was playing tennis and i was trying to you know volley the ball\n[doctor] mm-hmm\n[patient] it was like a double game and i was trying to volley the ball and i got in front of another player and actually ended up falling on top of my foot\n[doctor] alright\n[patient] and then yeah it kinda hurt i quickly then twisted my myself around her because i was trying to catch myself but then i started to feel some pain in my foot\n[doctor] mm-hmm okay have you ever injured that foot before\n[patient] yeah no sorry i injured my other foot before not this foot\n[doctor] okay so right now you're experiencing right leg pain but you have injured your your left leg before is that what i'm hearing\n[patient] yeah that's fine\n[doctor] alright were you able to continue playing\n[patient] no i had to stop i actually it was like i had to be held from the field because i could n't put weight on my foot\n[doctor] i'm sorry okay so what have you been doing for the pain since then\n[patient] i wrapped it after a the game they had some ace wraps in their clubhouse and so i wrapped it up and then i iced it last night and i just kept it up on a pillow and then i took some ibuprofen\n[doctor] okay could you one more time when did this injury happen\n[patient] this happened about couple days ago\n[doctor] okay so did you say whether does the ibuprofen help at all\n[patient] yeah it helps a little bit but then you know it it you know after a while it wears out\n[doctor] okay and then have you experienced any numb numbness or tingling\n[patient] no no numbness\n[doctor] okay alright any loss in sensation\n[patient] no i mean i i can still feel like i can still feel my foot\n[doctor] okay alright that's good to hear so you were playing tennis is that what you normally do to work out\n[patient] i do i'm trying to learn but i can not afford tennis less lessons so me and my friends just hit the balls back and forth i do sleep\n[doctor] i love it absolutely yeah my dad one time took me to play racquet ball and i learned the very bruisy way that that was n't for me yeah\n[patient] that scares me\n[doctor] it's it they they move pretty fast i'm not gon na lie alright so if you do n't mind i'm gon na go ahead and do my my physical exam i'm gon na be calling out some of my findings but if you have any questions go ahead stop me let me know but i will be explaining along the way okay\n[patient] okay\n[doctor] alright so i've looked at your vitals and honestly they look great you know your blood pressure i see is one twenty five over seventy that's almost textbook respiratory rate we are seeing you at a smooth eighteen excuse me your temperature you're running normal ninety seven . one you're you're satting at a hundred percent so and then your pulse so that's interesting like you're you're going at like about sixty beats a minute so i think they're i think we're doing pretty well i'm gon na go ahead and listen to your heart on your heart exam i do n't appreciate any like murmur rub or gallop we have a nice regular rate and rhythm for your lung exam i do appreciate a little bit of stridor that's really interesting but i do n't hear any wheezes or rales so that's great for your i know this sounds weird but for your abdominal exam i do n't appreciate any rebound no guarding on your skin exam i do n't sorry like on your your head everything looks symmetrical your your mucosal membranes are normal you do n't feel hot to touch so that's great but i'm gon na do my foot exam okay so on the right foot there is some bruising of the plantar and dorsal aspects of the foot there is associated swelling when i touch on your midfoot here does it hurt\n[patient] no uh uh\n[doctor] okay alright tenderness to palpation of the midfoot and positive piano key test of the first and second metatarsals alright it's also warm to touch alright so on your neurovascular exam of your right foot your capillary refill is less than three seconds strong dorsalis pedis pulse and your sensation is intact to light touch your left foot exam is normal capillary refill is appropriate pedal pulses are strong and sensation is intact so i know that before here we before i came in that we got an x-ray so i've reviewed the results of your x-ray of your right foot and it showed subtle dorsal displacement of the base of the second metatarsal with a three millimeter separation of the first and second metatarsal bases and the presence of a bony fragment in the lisfranc joint space alright i know those were a bunch of fancy words so now i'm gon na explain to you what that all means for my impression and plan your first problem is right foot pain consistent with a lisfranc fracture which is a fracture to one of your second metatarsal bones near the top of your foot right so the big part of your toe is the first metatarsal the second part where you can kinda like bend it right that's the that's the metatarsal that we're talking about based on your exam and what i'm seeing on your x-ray i am gon na recommend surgery for your foot the surgery will help place the bones in their proper positions using plates and screws to help prevent further complications there are also many ligaments at the top of your foot so i will be ordering an mri to further assess the fracture and any injury to the ligaments i know this is a lot do you have any questions\n[patient] yeah do i have to do the surgery\n[doctor] so i'm recommending it as there can be significant complications to your foot if you do n't it can lead to poor bone alignment or poor ligament healing which can lead to you losing the arch of your foot and becoming flat-footed you can also develop arthritis in that foot so yes i i i highly recommend it if you want to be able to walk and move about in a way that you are familiar with\n[patient] i just hate that word surgery doc\n[doctor] i know\n[patient] you know it scares me every time i mean especially with my foot i want to be able to walk again and so i just get really worried i mean how long is the procedure usually too\n[doctor] so it's actually\n[patient] have to be in the hospital\n[doctor] no no no no no it's actually a day surgery and you'll be able to go home the same day and then you will follow up with me here in the clinic in about a week you'll be in a cast and you will use crutches as you will not be able to use that foot for six to eight weeks after that you'll start gradually walking on your foot based on how you do so the procedure itself is not very long you will and so like since you will be able to go home that's great but you wo n't be able to drive especially since you're saying are you left handed or right handed\n[patient] i'm right handed\n[doctor] yeah so your your right foot is probably your dominant one and the also the one you're supposed to drive with so no you're gon na you're gon na need somebody to take you home but what\n[patient] i mean\n[doctor] uh uh\n[patient] does that mean i'm out for the rest of the season i mean i wan na be able to get back and play again i really am i'm getting a little better so i\n[doctor] mm-hmm\n[patient] i really wan na keep on playing my tennis with my friends but\n[doctor] yeah so unfortunately yes it does mean that you're out for the rest of the season but hopefully we can get you a great get you to a set up well for next season and in the meantime i think i'm gon na recommend after surgery that we get you to physical therapy i think that that's gon na be a really great way to like kinda strengthen the muscles and make sure that you're at peak performance before we put you back out there\n[patient] i suppose so\n[doctor] yeah\n[patient] okay\n[doctor] alright\n[patient] thank you\n[doctor] no problem so i do wan na let you know that there are some risks associated with any kind of surgical procedure i'm gon na bring you some paperwork and that my ma is gon na go over with you such as like risks of bleeding loss of sensation nerve damage all those things will be discussed with you and if you have any questions leading up to and even after your procedure go ahead and ask them and we'll be more than happy to help with that okay\n[patient] okay\n[doctor] alright\n[patient] good\n[doctor] thank you\n[patient] thank you", "file": "D2N048-aci", "document_id": "e729445f-76c8-419c-b0a1-63f5cc5396e7" }, { - "medication_info": "Medication Info: \nMedications:\n1. Norvasc - 2.5 mg for hypertension\n2. Tylenol - dosage not specified\n3. Ibuprofen - dosage not specified\n4. Metformin - 500 mg for diabetes\n5. Oxycodone - 5 mg as needed for pain\n\nSymptoms:\n1. Constant pain in the left back, traveling lower\n2. Blood in urine\n3. Some chills\n4. Nausea\n5. Inability to eat\n6. Tenderness in abdomen and back", + "medication_info": "Medication Info: oxycodone 5mg - for pain; tylenol - for pain relief; ibuprofen - for pain relief; norvasc 2.5mg - for hypertension; metformin 500mg - for diabetes; Symptoms: pain in left back, pain traveling lower, constant pain, unable to get comfortable, blood in urine, chills, nausea, inability to eat due to pain, tenderness in abdomen.", "src": "[doctor] hey linda good to see you today so looking here in my notes looks like you you think you have a kidney stone think you've had them before and and you i guess you're having some pain and while we are here i see you i see you have a you have past medical history of hypertension diabetes and we will check up on those as well so with your kidney stone can you tell me what happened what's going on\n[patient] and i've been in a lot of pain it started about i would say probably about three days ago\n[doctor] okay\n[patient] started having pain on my left back\n[doctor] okay\n[patient] and since then i continued to have pain it is traveling a little lower it's gotten little low but i definitely have not passed it yet and i'm just in so much pain\n[doctor] okay so is the pain that you're having is it constant or does it come and go\n[patient] it's constant\n[doctor] okay\n[patient] all the time i ca n't get comfortable\n[doctor] alright are you able to urinate\n[patient] i am and this morning i actually started seeing some blood\n[doctor] okay yeah so and i know you said i see you've had some kidney stones in the past like how many times would you say you've had one of these episodes\n[patient] i've had it for probably this might be my third time\n[doctor] third time alright\n[patient] yeah i have n't had one in a while but yeah this is my third time\n[doctor] okay so have you noticed any nausea chills fever\n[patient] no fever some chills and i i just in so much pain i i ca n't eat and i do feel a little nauseous\n[doctor] okay that sound definitely understandable so you've been in a lot of pain so have you tried to take any medications to alleviate the pain\n[patient] yeah i've been taking tylenol i have had to try some ibuprofen i know you said to be careful with my blood pressure but i have been trying to do that because i'm just in so much pain and it's not really working\n[doctor] okay and before what would you how long would you say it took you to pass the other stones or how was that that resolved\n[patient] yeah usually usually about about three four days to pass it yeah\n[doctor] right so this is this is the looks like this is the third day\n[patient] yeah\n[doctor] so we are getting close there\n[patient] okay\n[doctor] yeah so hopefully we can pass it but we'll i'll definitely we can take a look at it here in a second so while you are here i also wanted to check up on your your diabetes and and hypertension you have so i'm looking here at my notes and you're on two . five of norvasc for your high blood pressure when you came in today your blood pressure was a was a little bit high and i know that's probably because you are in a bunch of pain so that definitely makes sense but i think last time we talked a little bit about you getting a blood pressure cuff and taking your blood pressures regularly so those readings first off were you able to get the blood pressure cuff\n[patient] i was i have n't been great about taking it but i did get the blood pressure cuff\n[doctor] so the time that you did take it and i think that's something we got to work on is you've taken them i think at least three times a week i would like you to what have those been running\n[patient] like the top numbers they're usually the one thirties sometimes i get i do go into one forties and once it went to like one fifty\n[doctor] okay\n[patient] and then the bottom number has been between seventy and eighty okay that i mean that's not too bad i think when you were first diagnosed you were up there in the\n[doctor] the one eighties which was really high\n[patient] right\n[doctor] so let me talk a little bit also about you trying to lower your salt intake to like like twenty three hundred milligrams a a day so have you been able to do that\n[patient] trying my best but doc i really like my french fries\n[doctor] yeah\n[patient] like\n[doctor] we we all like we all like the french fries you know but you know we we we we also do n't like strokes so we do n't want to have a scope and all the all the french fries so that's something definitely i would like you to work on and do you think you'd be able to to curb that french fry habit or that bad this bad food habits by yourself or do you think you need help\n[patient] yeah some help could be helpful okay yeah we can definitely get you connected with someone just to help you with your diet kinda that's the biggest thing for a lot of my patient is trying to control that diet alright\n[doctor] so i also want to take a look here at your diabetes and last time you came in your a1c was a little bit higher at seven . three and you're on five hundred of metformin currently so have you been taking your blood sugars before you eat everyday\n[patient] i have and those those have been pretty good they are like in the low one hundreds\n[doctor] okay that that that's definitely good because when you came in i think we did a glucose test on you couple of months ago and you were around three hundred which is which is pretty up there so i'm glad that you know those levels are down and have you been taking that metformin everyday\n[patient] i do\n[doctor] okay\n[patient] i do take it\n[doctor] that that that that's really good alright so let me do a quick physical exam on you just a couple of questions before i take a look at your your abdomen and and your back talked to take a look at that that kidney stones you're having so i just want to make sure are you having any any chest pain\n[patient] no chest pain\n[doctor] no chest pain are you having any belly pain\n[patient] the back pain is starting to kind of go down into my groin but i would n't say any back pain i mean abdominal pain\n[doctor] no abdominal pain alright so let me check here i'm gon na listen to your heart real quick and so on your heart exam i do hear a grade two out of six systolic ejection murmur and that we knew about that already so not really worried about that currently listen to your lungs your lungs are clear bilaterally i do n't hear any crackles or wheezes so let me press here on your abdomen does that hurt\n[patient] yes\n[doctor] okay i'm gon na press here on your back is that painful\n[patient] yes\n[doctor] alright so on your examination of your abdomen there is tenderness to palpation of the abdomen there is n't any rebound or guarding though and only there is also cva tinnitus on the right on your on your flank as well and so it seems to me you know that you do have that kidney stone looks like you do have some inflammation around your kidney that's what that that's that tenderness around your cva is is telling me so let's go talk a little bit about my assessment and plan for you so you know right now because of your history of of having kidney stones you you do have a kidney stone so what we're gon na do is first off i'm gon na get you some pain medication kinda you're in a ton of pain right now i'm gon na prescribe you some oxycodone five milligrams you can take that every six to eight hours as needed for pain and so hopefully that can help you feeling better and you can continue to take that tylenol for any breakthrough pain that you're having i do wan na make sure that you're pushing fluids right now because we need to try to push that stone out that you're having just kinda clear your kidneys and that that would definitely help i also want to give you a strainer so you can strain your urine to see if you do actually pass that stone and then i'm going to refer you to urology and we're actually i'm gon na have you you even if you pass a stone in the next couple of days i want you to go anyway because it seems like you're having recurrent kidney stones and so hopefully they can help do something to to help this from happening in the future for your hypertension i'm gon na keep you on that two . five norvasc your your blood pressures look good so i'm not gon na make any changes there and then for your diabetes we'll keep you on the five hundred of metformin and i also want to give you a referral to nutrition to a dietitian and they will be able to help you with your your diet i know you said you have a few issues so you know they can possibly write a diet for you and if you follow it you know hopefully in the future we can get you off of both of these medications and get you back to normal so how does that all sound\n[patient] that sounds good and i i just i just want this pain to go away so thank you\n[doctor] okay no problem", "file": "D2N049-aci", "document_id": "8113c9a3-a03d-4404-956d-91c3289d4366" }, { - "medication_info": "Medication Info: Oxycodone 5 mg every 6 to 8 hours for pain.", + "medication_info": "Medication Info: Oxycodone 5 mg every 6 to 8 hours for pain; Tylenol for breakthrough pain; Symptoms: sudden onset of pain in right back, nausea, sweating, pain radiating to groin, straining urine without seeing anything, no blood in urine, tenderness in the right kidney.", "src": "[doctor] hey mason good to see you today so let's see you here in my notes for evaluation of kidney stones your your pcp said you had some kidney stones so you got a referral over so can you tell me a little bit about that you know what happened when did you first notice them\n[patient] yeah it was about you know about a week ago and i was working down in the the barn with the horses and you know i was moving some hay but i developed this real sudden onset of pain in my right back and i thought it initially it was from throwing hay but it i broke out into a sweat i got real nauseated and that's when i went and saw my doctor and he ordered a cat scan and said that i had a kidney stone but you know that's i i've never had that before my father's had them in the past but yeah so that's that's how that all happened\n[doctor] okay so you said you had the pain on the right hand side does it move anywhere or radiate\n[patient] well when i had it it would it radiated almost down to my groin\n[doctor] okay\n[patient] not the whole way down but almost to the groin and since then i have n't had any more pain and it's just been right about there\n[doctor] okay and is the pain constant or does it come and go\n[patient] well when i you know after i found out i had a disk a kidney stone it came a couple times but it did n't last as long no i've been i've been straining my urine they told me to pee in this little cup\n[doctor] mm-hmm\n[patient] and i've been straining my urine and you know i do n't see anything in there\n[doctor] okay have you noticed any blood in your urine i know you've been draining probably take a good look at it has it been darker than usual\n[patient] no not really not really darker\n[doctor] okay so have you had kidney stones before and then you said your father had them but\n[patient] i've never had a kidney stone my dad had them a lot but i've never had one\n[doctor] okay alright so let me do a quick exam of you your vital signs look good i do n't see any fever or your blood pressure and heart rate are fine so let me do a quick physical exam let me press here on your belly so on your examination of your abdomen there is no tenderness to to pain to palpation of the abdomen there is no rebound or guarding there is cva there is tenderness on the right side so that means\n[patient] i have a stroke\n[doctor] can you repeat that\n[patient] i did i have a stroke\n[doctor] no no no no no so that means like everything is normal right but i feel like you you you have some tenderness and inflammation over your kidney so that has to be expected because you do have a kidney stone so i did review the results of your ct and it does show a stone that's measuring point five centimeters located in the proximal right ureter and that's that duct that classes from your your kidney to down to your bladder there is no evidence of hydronephrosis that would mean that the stone is obstruct obstructing the ureter causing swelling in the kidney so there is there is no evidence of that so let's talk a little bit about my assessment and plan so you do have that kidney stone so right now i'm gon na recommend that we we have you push fluids just to help facilitate you urinating and passing the stone i'm gon na prescribe you some oxycodone five milligrams every six to eight hours for pain and you can continue to take tylenol between that for any breakthrough pain and you already have a strainer so that's good continue to use that and we can see continue that until the stone hasses and i'm also gon na order a bmp and your urinalysis and urine culture just to make sure that everything else is okay with you and based on urinalysis we can see if we need to prescribe you antibiotics see if you have any type of infection i do want to see you back in about one to two weeks and hopefully by that time you you passed the stone but if not we can discuss further treatment lithotripsy it's like a shock wave kinda breaks up that stone it's not it's not that invasive procedure but we can just we can discuss that if it has n't passed in that one to two weeks that sound good\n[patient] that sounds perfect dear too\n[doctor] alright\n[patient] thank you document\n[doctor] so i will see you in a week or so and hopefully you've passed that stone and i'll send my nurse in with that prescription\n[patient] okay thank you\n[doctor] thanks", "file": "D2N050-aci", "document_id": "febff21a-e11e-42fe-9a0a-d3e8d6cdc3a5" }, { - "medication_info": "Medication Info: \nMedications:\n1. Insulin (exact dosage not specified)\n2. Baby aspirin (no specific dosage mentioned)\n3. Statin (exact dosage not specified)\n\nSymptoms:\n1. Non-healing ulcer on the right foot\n2. Headaches (tension headaches)\n3. Neuropathy (occasional numbness and tingling in the feet, especially in cold weather)\n4. No chest pain or shortness of breath\n5. No fever or chills", + "medication_info": "Medication Info: Aspirin (baby aspirin daily), Insulin (dosage not specified), Statin (dosage not specified); Symptoms: nonhealing ulcer on right foot for approximately six weeks, granulation tissue, slight purulent discharge from the ulcer, occasional neuropathy (especially in cold), tension headaches, higher than normal blood sugar levels, no pain in foot, no fever or chills, no chest pain or shortness of breath.", "src": "[doctor] hi jeremy how are you\n[patient] i'm really good thank you how are you\n[doctor] i'm okay the the medical assistant told me that you had this ulcer on your foot that's been there for a couple of weeks\n[patient] yes\n[doctor] going away\n[patient] yeah it's been there gosh it's like six or so weeks right now and it's and it's on my right foot and it's just yeah it's just not going away i'm not sure if it maybe even gotten a little worse from when i first noticed it\n[doctor] okay and how long did you say it's going on for\n[patient] probably about\n[doctor] six eight weeks maybe\n[patient] okay and do you have any pain in your foot no no no pain at all okay now i know that you're a diabetic and you are on some insulin have your sugars been running okay yeah they have been running\n[doctor] okay\n[patient] you know on the most part they seem to be running a little higher than normal\n[doctor] your sugars are running higher than normal okay do you recall what your last hemoglobin a1c was was it above nine\n[patient] yes it it it definitely was higher than nine\n[doctor] okay alright now what do you think caused this ulcer were you wearing some tight fitting shoes or did you have some trauma to your foot or\n[patient] yeah i was you know i think initially i'm you know i was out in the backyard you know kind of you know doing some work and you know i know i you know i could've stepped on a nail or you know there was some other work but you know i'm always outside so i do n't know if that kind of led to anything or caused anything\n[doctor] okay alright and have you had any fever or chills\n[patient] no no no fever or chills you know i kinda you know get headaches pretty often i do n't know if that you know i do n't know if that's a stress or but you know always have like the tension headaches in the front\n[doctor] okay and do you have do you have neuropathy where you get like numbing and tingling in your feet\n[patient] occasionally yeah occasionally especially when it's like colder outside\n[doctor] mm-hmm kinda feels like it takes a little longer to\n[patient] warm up but yeah i kinda have some sensation in in all my extremities\n[doctor] okay alright and then are you are you a smoker or did you smoke\n[patient] i did back you know kind of years ago i did but yeah i have n't smoked anything in in good number of years\n[doctor] okay alright when did you stop smoking\n[patient] couple years ago maybe four or so years ago\n[doctor] okay alright and how many packs a day would you smoke\n[patient] gosh back then yeah was at least two\n[doctor] okay alright how many years did you smoke for like twenty\n[patient] yeah at least twenty yeah twenty plus years\n[doctor] okay alright now any other symptoms do you have any problems when you walk down the street do you get any pain in your calves at all when you walk\n[patient] no no no no pain you know just kind of you know it's just i know that it's there\n[doctor] okay and you said you're active you're out in the yard and things like that do you go on long walks at all or no\n[patient] no no you know it's you know i just kinda feel like i've been just trying to take it easy lately\n[doctor] mm-hmm\n[patient] but yeah most most of the stuff i've been doing is just kind of hanging around the house\n[doctor] okay alright so we talked a little bit about your diabetes let's talk about your heart disease now your heart disease you had a heart attack in twenty eighteen we put a stent into your right coronary artery you're still taking your medications for that you're still on your aspirin\n[patient] i am yes yeah i do the baby aspirin every day\n[doctor] okay alright and any chest pain or shortness of breath or anything like that no no yeah no nothing more than yeah i would n't attribute anything\n[patient] okay and do you have a podiatrist for your yearly foot exams\n[doctor] no i i i do n't okay alright alright well let's go ahead i wan na just do a quick physical exam i'm just gon na be calling out some of my exam findings so your vital signs here in the office you do n't have any fever so that's good your blood pressure is great it's like one twenty seven over eighty and your heart rate is nice and slow in the sixties on your neck exam i do n't appreciate any jugular venous distention or any carotid bruits on your lung exam your lungs are clear to auscultation bilaterally on your heart exam you do have a two out of six systolic ejection murmur heard at the left base and on your lower extremity exam i do n't appreciate any palpable dorsalis pedis or posterior tibial pulses there is a two by three centimeter ulcerated lesion on the right lateral foot near the fifth metacarpal metatarsophalangeal joint there is no associated cellulitis does it hurt when i press here\n[patient] no\n[doctor] there is no pain to palpation of the right foot there is associated granulation tissue and some slight purulent discharge from the wound okay so what does all that mean that just means that you have this ulcer that's you know fairly sizable with i think we need to do some good wound care on it let's talk a little bit about my assessment and plan so you know i you have a nonhealing ulcer of your right foot so we need to do some studies on you to see if you have an adequate blood supply to heal this foot wound and since you since you probably do n't because of your diabetes you're here in a vascular surgeon's office we may have to go ahead and talk about being able to open up some of your arteries to improve the blood supply to your foot so that might mean getting a stent to one of your arteries in your legs to open up the blood supply it might mean mean that we might have to do some bypass surgery to to improve the blood supply to your foot in order to heal that that wound i do think that you'll be able to heal it i do n't think that we need to do anything drastic i want you to continue with your aspirin because that will help\n[patient] any questions\n[doctor] yeah i mean is this do we have to do any more tests or anything what are you we're gon na do an arterial ultrasound i'm going to go ahead and order an arterial ultrasound of your lower extremities to see what the blood supply is like and then i'm gon na go ahead and order a podiatry consult because i want them to see this wound and improve the wound care that you're doing and then for your next problem your diabetes i wan na go ahead and talk to your primary care physician we need to get your diabetes better controlled because that impacts your wound healing as well okay\n[patient] sure\n[doctor] sure understood alright and for your last issue your coronary artery disease continue with your statin and i will talk to your cardiologist in case you need a procedure to see if you're cleared from a medical standpoint okay\n[patient] okay perfect\n[doctor] alright\n[patient] perfect thank you so much\n[doctor] okay bye", "file": "D2N051-aci", "document_id": "ef7b80fd-5f13-46b1-b65b-fe11de72027c" }, { - "medication_info": "Medication Info: \nMedications:\n1. Ibuprofen 800 mg (as needed for pain)\n\nSymptoms:\n1. Back pain on right side \n2. Blood in urine \n3. Nausea \n4. Mild pain and tenderness in abdomen", + "medication_info": "Medication Info: Ibuprofen 800 mg for pain; Symptom: back pain, blood in urine, nausea, constant pain, mild pain and tenderness in abdomen. Prescription includes a strainer to identify when the stone passes.", "src": "[doctor] so anna good to see you today so reading here in your appointment notes you were you were diagnosed with kidney stones from your your pcp and you currently have one and so they they had you come in so can you tell me what happened how's all that going for you\n[patient] sure i've been having some back pain on my right side it's been lasting for about a week now\n[doctor] okay\n[patient] and i also started to see some blood in my urine\n[doctor] okay so on the right side so does that pain does it move anywhere or is it just kinda stay in that that one area\n[patient] yeah it's moved down a little bit on to my right lower side a little bit\n[doctor] side okay so how would you describe the pain is it constant or is does it come and go\n[patient] it's pretty constant\n[doctor] okay did you notice any pain when you're urinating i know i know you say you you saw you see blood but any pain with that\n[patient] no no real pain when i'm when i'm peeing at all\n[doctor] okay so have you taken anything i know have you tried like azo or any of that to\n[patient] i took some ibuprofen that helped a little bit\n[doctor] okay\n[patient] but it still hurts even with ibuprofen\n[doctor] alright have you noticed any nausea vomiting fever chills\n[patient] i have n't thrown up but i felt a little bit nauseated\n[doctor] little nauseated yeah that's we expected so have you do you have a family history of kidney stones i know some people when they have them like their parents have them stuff but\n[patient] yeah my my dad had kidney stones i think he has passed a couple of them i'm not quite sure\n[doctor] alright and have you had any in the past or is this your first one\n[patient] this is my first time i've never had this before\n[doctor] okay alright so we'll do we'll do an exam on you just to check you out so i guess you were in pain and stuff over the over the easter easter break there that\n[patient] yeah yeah i had some pain over the weekend i saw my pediatrician this morning so they sent me over here they were concerned that i might have a kidney stone\n[doctor] okay so i'm guessing you did n't get to go find the eggs on the easter egg hunt because of the you were in pain\n[patient] not so much but i i got to participate a little bit i opened some eggs i just did n't go run around and find them\n[doctor] okay well i i'm lucky enough my friends had an adult easter hag hunt for me and so i was able to find a couple eggs yesterday myself so i i'm glad you were able to get a few of them alright so let's do that that physical exam on you so your vitals look good you do n't have any fever your blood pressure heart rate is fine so when i press here on your belly does that hurt\n[patient] a little bit yeah\n[doctor] a little bit alright so on your exam of your abdomen there is mild pain and tenderness to palpation of the abdomen there's no rebound or guarding there is cva located near your flank tenderness on the right so that means that everything looks good but you do have what seems to be some inflammation of your kidney okay so we we were able to get a ct of your your side and it showed that you do have a stone measuring point five centimeters in size and it's located in the proximal right ureter and so that's that duck that passes from your kidney to your bladder alright i do n't see any evidence of hydronephrosis so that means that there's not obstructing ureter causing swelling in your kidney which is which is pretty good so let's talk a little bit about my assessment and plan so you do have that kidney stone on the right so what i'm recommending is i want you to push fluids just to help facilitate you passing that stone alright have you been taking in have you been drinking enough water do you think so far\n[patient] probably not enough i drink some but\n[doctor] okay yeah i i want you to to drink try drink as much as possible just to see if we can get you hydrated and pass the stone what i'm gon na do is i'm gon na prescribe you ibuprofen eight hundred milligrams you can take that as needed for pain i know you said you were in that much pain just in case it does start to move you're in pain i want you to take the ibuprofen i'm also gon na give you a strainer for you to strain your pee so we can see you wan na know when that that stone does pass gon na order a bmp and a urinalysis and a urine culture and based on what the urinalysis shows we can decide if i can decide if i need to put you on antibiotics if you do have an infection of some kind and i wan na see you back in about a week to two weeks and if you're still having symptoms we can discuss further treatment such as a lithotripsy and it's it's a mainly minimally invasive procedure where we use shock waves to try to break up that stone but otherwise do you have any other questions for me\n[patient] no i do n't think so\n[doctor] alright so we will see you back in a week or two and i'll have my nurse come in with that prescription and hopefully with all the treatment you'll be able to pass the stone okay alright", "file": "D2N052-aci", "document_id": "fa58bceb-8acc-4271-9d28-2fe0e48f9da5" }, { - "medication_info": "Medication Info: Clobetasol 0.05% solution, twice daily; T-Gel Shampoo", + "medication_info": "Medication Info: Clobetasol 0.05% solution to be applied twice daily; T-Gel shampoo; steroids for flare-ups as needed. Symptoms: itchy scalp, dandruff, dry scalp, erythematous plaques.", "src": "[doctor] so barbara i i know you are here for some itchy scalp pain can you tell me a little bit about how you're doing\n[patient] yeah it's still quite a problem you know something i've been suffering with for so long now it's still quite itchy and it's really embarrassing too because i'll have dandruff so much like all over me but but i just ca n't stop itching\n[doctor] okay when did you first notice this\n[patient] i wan na say it's been a while but probably worsening in the past like six months or so\n[doctor] okay okay and have you seen ever noticed any rashes either when it first started or intermittently anywhere else\n[patient] on my body no not really\n[doctor] okay okay just mainly up underneath your on your scalp there uh and i can i can see that man that looks really itchy and scaly have you died your hair recently or used any other chemicals you you know like a new hair spray or gel\n[patient] nothing new i mean i do dye my hair but i've been doing that for years now but otherwise i do n't really use a lot of products in my hair\n[doctor] yeah i you know it's funny you say that because i keep saying i earned this gray hair and i'm gon na keep it so yeah have you tried any over the counter treatments i know there is a lot out of there something you know like a t gel or any of those other have those helped\n[patient] yeah i did that i did head and shoulders i even tried some castor oil and but none of them really seemed to be helping\n[doctor] okay okay let's talk about some other symptoms any joint pain fever weight loss\n[patient] not that i can recall i've been pretty good otherwise\n[doctor] okay good and going back you know to your grandparents has anybody else in the family had similar symptoms that you're aware of\n[patient] no well maybe my sister\n[doctor] maybe your sister okay\n[patient] yeah maybe my sister i mean i know she'll is no one has as bad as i do but she does report like just having a dry scalp\n[doctor] okay okay now you know a lot of times we can see this with you know high levels of stress has there been any new mental or edocetlal stressors at work or at home\n[patient] not really i mean it's basically the same things\n[doctor] okay yeah i yeah we have a lot of that yes so let me go ahead and and look at this a little closer here the first off i wan na tell you the the vital signs that the my assistant took when you came in your blood pressure is one thirty over sixty eight your heart rate was ninety eight and your respiratory rate was eighteen so those all look good and appear normal and your temperature was ninety seven . seven and that is all normal now when i look at your scalp here i do notice that you have demarcated scaly erythematous plaques and that's just kind of explaining technically what's going on those patches and they're they're in a patchy format they're diffusely present across the back of your skull and that's probably why you you see all that that that white dander you know on your on your your clothes as you go through the day now lem me talk a little bit about my impression and plan i think that you have a scalp psoriasis and let's and here is my thoughts on that what i would like you to use is to use clobetasol that's a zero . zero five percent solution and i want you to use that twice daily on the the affected areas of your scalp so you're just gon na put this on and just kinda gently rub it in now i know to do it twice daily is going to be difficult but if you can do it first thing in the morning when you get up and then before you go to bed you know get a shower and before you go to bed that will be great i want you to continue to use t-gel shampoo that you listed when you first came in that's a very good solution shampoo for that and that will help with controlling a lot of this now there is no cure for this unfortunately and flareups can be unpredictable but we see that you know not a we do n't have a great finger on what causes the flare ups but i'm gon na give you some steroids that will help and we're gon na have to manage that on a ongoing basis but when you get do get a flare up i want you to be using these flare steroid that i give you as we go through that and then i wan na see you back here in three months or sooner if it gets significantly worse do you have any questions for me\n[patient] no okay so i'll just use that steroid solution and then just as needed if it's really bad but then otherwise just use the t gel\n[doctor] yeah i want it's exactly what i want you to do i want you to use that that solution twice daily when you get that flare but then other than that just continue to use that t-gel shampoo\n[patient] alright\n[doctor] okay i'm gon na have my nurse come in and get you discharged but i the we will see you again in three months or and again please if it gets worse please do n't hesitate to call me and come in sooner\n[patient] alright perfect thank you\n[doctor] thank you\n[patient] okay bye", "file": "D2N053-aci", "document_id": "381f63ab-4b72-4164-b4b5-e76d2a3a114e" }, { - "medication_info": "Medication Info: \nMedications: \n- Tylenol (no dosage mentioned)\n- Ibuprofen (no dosage mentioned)\n\nSymptoms: \n- Soreness in the right foot\n- Numbness in the whole foot\n- Swelling in the right foot\n- Bruising on the bottom and top part of the foot\n- Tenderness to palpation for midfoot\n- History of ankle problems (prior break and surgery)", + "medication_info": "Medication Info: Medications: Tylenol (not taken), Ibuprofen (not taken); Symptoms: soreness in right foot, numbness in foot, swelling, bruising on the bottom and top part of foot.", "src": "[doctor] hey elijah how are you\n[patient] i'm doing okay\n[doctor] so i see here that your primary care provider sent you over it looks like you were doing some yard work yesterday and dropped a landscape brick on your foot can what so what's going on with your right foot today\n[patient] it's a little sore today but you know i hurt my foot before but this is the first time where i'm actually being seen for it\n[doctor] okay so you say you've injured your right foot before tell me a little bit about that injury\n[patient] twenty years ago i broke my ankle i had to put in a cast but that seems to be okay but you know sometimes it'll give me trouble once in a while it feels a little sore it swells up at times\n[doctor] okay\n[patient] and my other ankle too is sore sometimes and i've had surgery for that too and you know one of those things where you know it might give out once in a while but i'm not sure that's related to what the you know break dropping on my foot but you know either way my foot's a little sore\n[doctor] okay alright so when you dropped that brick on your foot were you able to get up and keep working or did you have to get off your you know not stop weightbearing and and get off that foot can you tell me a little bit about after the traumatic incident\n[patient] i you know it was a little sore i called a few names you know god damn why is this in my foot but you know i kept working putting it around a little bit but now it's got swollen so i got to see my doctor he told me i had to go see you here i am so tell me what's going on with it\n[doctor] so what have you been doing for the pain since the initial insult\n[patient] lucken it up\n[doctor] okay have you taken any medications safe for example tylenol or ibuprofen for the pain\n[patient] no i feel like taking the medicine\n[doctor] okay and then just out of curiosity you said you were doing some landscaping have you been over to landscapes warehouse new here in town my wife and i were just over there this last weekend and picked up a whole bunch of stuff you had a chance to make it over there yet\n[patient] no not yet i heard about it though i might have to make a trip once my foot heals\n[doctor] alright that sounds good now just out of curiosity can you rate your pain for me right now zero being none ten being the worst pain you've ever been in your life\n[patient] eleven out of ten\n[doctor] okay and then have you experienced any numbness or tingling of that foot since the incident\n[patient] yeah the whole foot is numb\n[doctor] okay\n[patient] but been now for a long time\n[doctor] okay i'm gon na do a quick physical exam now your vitals look good and i would like to do a focused exam of your right foot the there is some bruising on the bottom part of your foot and on the top part as well and i do appreciate the associated swelling and i also recognize that you do have tenderness to palpation for midfoot now for your neurovascular exam of your right foot your capillary refill is brisk in less than three seconds i do note a strong bounding dorsalis pedis pulse with motor and sensation is intact for that foot i also like to call out the fact that it matches bilaterally which is important i'm gon na go ahead and review the diagnostic imaging results so we did a x-ray of that right foot and i do notice dorsal displacement of the base of the second metatarsal with a three millimeter separation of the first and second metatarsal bases and presence of bony fragments so let me tell you a little bit about my assessment and plan now your right foot pain is due to a lisfranc fracture which is a fracture to your second metatarsal bone and the top of your foot this is where the metatarsals meet those cuboids okay so it where the bones come together in your foot now there are a lot of ligaments in your foot so i do want to order an mri just to assess if there is any injuries to those ligaments now based on your exam and looking at the x-ray you're most likely going to need surgery now the reason why this is important is if we have poor bone alignment or ligament healing you can this can lead to losing the arch in your foot you could becoming flat-footed and also developing arthritis now what's gon na be key here is the surgery is going to allow those bones and ligaments to heal properly we are going to put them back into place using plates and screws now the key thing is going to be it's going to be outpatient surgery so it's going to be same day i'll see you in the morning and then you'll be discharged home that evening and we will do a follow-up i wan na see you in twenty four hours post procedure but then i'll see you again in two weeks you're gon na be in a cast and i'm gon na have you use crutches you're not gon na be able to weight-bear on that foot for six to eight weeks what we'll do is we'll advance your ambulating gradually based on how you heal and based on how you tolerate the procedure i know i have covered a lot of material quickly but this is really gon na be the best course of action for you to have a good outcome now do you have any questions come answers concerns before i have the nurse come in finish the paperwork and get you set up for your procedure which we are going to do tomorrow if you're agreeable to that\n[patient] what about putting in a cast can i just stay in the cast\n[doctor] you could but what we found is the best outcome is aligning those bones with plates and screws to make sure that they heal properly so you have the best outcome possible\n[patient] so if the surgery is going to be tomorrow when am i going to get my mri\n[doctor] so what what we will do is the good news is we have an outpatient mri facility downstairs and i'm going to send the order down and we'll get you your mri this afternoon\n[patient] can i think about it and we have some time\n[doctor] sure\n[patient] okay\n[doctor] alright thanks elijah", "file": "D2N054-aci", "document_id": "1c2aefc5-9a0f-4fa4-b515-2d89922ae0b3" }, { - "medication_info": "Medication Info: \nMedications: None mentioned\nDosages: None mentioned\nSymptoms: Right eye twitch, facial movement, no pain, frequent blinking, no fever or chills, no cough or headache, no sleep problems, no seizures.", + "medication_info": "Medication Info: No medications or dosages were mentioned in the transcript. Symptoms mentioned include an eye twitch, facial movement, and occasional blinking.", "src": "[doctor] karen nelson is a 3 -year-old female with no significant past medical history who comes in for evaluation of a new right eye twitch karen is accompanied by her father hi karen how are you\n[patient] i'm okay i guess\n[doctor] hey dad how are you doing\n[patient] hey doc i am okay yeah karen has been having this eye twitch i noticed a couple of weeks ago when i talked to her pediatrician and they told me to come see you\n[doctor] okay alright so karen have you felt the twitch\n[patient] yeah well i mean i feel my face sometimes\n[doctor] yeah and do you have any pain when it happens\n[patient] no it it does n't really hurt but i noticed that dad looks real nervous when it happens\n[doctor] yeah i i i can understand that's because he loves you do you feel the urge to move your face\n[patient] sometimes and then it moves and then i feel better\n[doctor] okay okay and so so dad how often are you seeing the twitch on karen\n[patient] i do n't know i mean it varies sometimes i see it several times an hour and there is other days we do n't see it at all until sometimes late afternoon but we definitely notice it you know everyday for the last several weeks\n[doctor] okay so karen how is how is how is soccer\n[patient] i like soccer\n[doctor] yeah\n[patient] yeah dad dad takes me to play every saturday\n[doctor] okay\n[patient] it's it's pretty fun but there's this girl named isabella she she plays rough\n[doctor] does she\n[patient] she yeah she tries to kick me and she pulls my hair and\n[doctor] oh\n[patient] sometimes she's not very nice\n[doctor] that is n't very nice you gon na have to show her that that's not very nice you're gon na have to teach her a lesson\n[patient] yeah and and then sometimes after soccer we we go and i get mcdugge's and it and it's it makes for a nice day with dad\n[doctor] is that your favorite at mcdonald's in the the mcnuggates\n[patient] not not really but they are cheap so\n[doctor] okay alright well you you made dad happy at least right\n[patient] yeah that's what he says because i'm expensive because i want dresses and dogs and stuff all the time\n[doctor] yeah well yeah who does n't well okay well hopefully we will get you you know squared away here so you can you know play your soccer and go shopping for dresses with dad so so dad tell me does the karen seem bothered or any other and have any other issues when this happens\n[patient] no i mean when it happens she just continues playing or doing whatever she was doing when it happens\n[doctor] okay alright has she has she otherwise been feeling okay since this started has she been acting normally\n[patient] i i'd say she seems fine i mean she has been eating well and playing with her friends and she goes about her normal activities really\n[doctor] okay good\n[patient] never even though anything was going on\n[doctor] okay alright good so has has karen had any seizures in the past\n[patient] no\n[doctor] no okay and then so tell me when the twitch occurs do you ever notice any you know parts of her like moving or twitching\n[patient] well no uh it's just her face\n[doctor] okay\n[patient] i mean the whole side of her face moves when it happens it seems like it several seconds and then it finally stops and she just seems to be blinking frequently and and and you know wait a minute i i did make a video so you can see just in case it does n't do it during the visit\n[doctor] okay okay yeah that would be great to see that because i wan na see what's going on so thank you for that tell me is there any family history of seizures or like tourette's syndrome\n[patient] well no history of seizures but i i i never heard of that tourette thing\n[doctor] yeah so so toret is that it's a nervous system disorder that you know involves like repetitive movements or like unwanted sounds and it typically begins in childhood and i do n't know have you noticed anything like that with her when she was younger\n[patient] really i had nobody in our family got anything like that\n[doctor] okay now tell me have you noticed any other symptoms how about like fever or chills\n[patient] no\n[doctor] okay coughing headache\n[patient] ma'am\n[doctor] okay how about any problems with karen's sleep\n[patient] nope\n[doctor] okay okay good let's go ahead and do physical exam on karen here alright karen i'm just gon na take a look at you and and ask you to follow some commands okay\n[patient] okay\n[doctor] alright can you follow my finger with your eyes good now can you do me a favor walk across the room for me great job okay now i want you to close your eyes and reach out your arms in front of you good now keep your eyes closed can you feel me touch you here how about okay how about there\n[patient] mm-hmm\n[doctor] does that feel the same\n[patient] yeah\n[doctor] okay alright so i'm just gon na check your reflexes okay alright now on your on the neurological exam the patient is awake alert and oriented times three speech is clear and fluent gait is steady heel toe walking is normal and the cranial nerves are intact without focal neurologic findings there is no pronator drift sensation is intact reflexes are two plus and symmetric at the biceps triceps knees and ankles so this means everything looks good karen\n[patient] that's great\n[doctor] good alright so i'm gon na go ahead and tell you what we're gon na do so i'm gon na tell you my assessment and plan here so dad so for the first problem i do believe that karen does have a tick eye tics are very common in children and as many as you know one in five children have a tick during their school years and tics can also include things like shoulder shrugging facial grimacing sniffling excessive throat clearing and uncontrolled vocalization i can say that essentially they're brief sudden and involuntary motor movements now we do n't have a full understanding of the cause of the tics but they typically occur around five to ten years of age but most ticks go away on their own and they disappear within a year so these are what we call transient tics and the best thing to do is ignore the tics so it does n't seem to be bothering karen and she seems to be doing well in school and activities so it may wax and wane over time but you might notice it more towards the end of the day when the child is tired so you may also you know see it if they're stressed so that's why it's important to just ignore it now when you draw attention to the tick it does make the child conscious so that can make the tic worse so we want to be careful again just to to kind of not to draw too much attention on it and do you have any questions for me\n[patient] so you mean you're telling me you do n't think he had a seizure or a bit or nothing\n[doctor] yeah i do n't think it's i do n't think so because it's it is the same part of her body that's moving every time that and she reports that it's somewhat of an there is an urge to blink her eye and some relief afterwards\n[patient] so you're not recommending any kind of treatment there is no pill or cream or nothing\n[doctor] not at this time because she seems to be doing well overall and the tic has n't impacted her school or her activities but if it worsens then we can consider some treatment okay\n[patient] alright alright sounds good\n[doctor] alright thank you you guys have a good day\n[patient] doctor\n[doctor] bye karen", "file": "D2N055-aci", "document_id": "29d6db73-752c-411d-9983-49831113e4de" }, { - "medication_info": "Medication Info: \n1. Robitussin - no dosage specified \n2. Oral steroid - no dosage specified \n\nSymptoms mentioned: \n1. Coughing \n2. Mucus \n3. Shortness of breath \n4. Low-grade fever \n5. Recurrent lung infections", + "medication_info": "Medication Info: Robitussin; oral steroid prescribed for inflammation. Symptoms: coughing, a lot of mucus, shortness of breath, low-grade fever.", "src": "[patient] alright thanks for coming in today i see on my chart here that you had a bunch of lower respiratory infections so first tell me how are you what's going on\n[doctor] you know i'm doing better now but you know last week i was really sick and i just have had enough like i was coughing a lot a lot of mucus even had some shortness of breath and even a low-grade fever\n[patient] wow that is a lot so what did you do for some of those symptoms\n[doctor] you know i ended up drinking a lot of fluid and taking some robitussin and i actually got better over the weekend and now i'm feeling much better but what concerns me is that i i tend to get pneumonia a lot\n[patient] okay so when you say a lot like how frequently does it occur i would say it seem honestly it seems like it's every month or every other month especially over the past six six months that i just keep getting sick and i usually will end up having to go to my primary care doctor or\n[doctor] urgent care and i'll get prescribed some antibiotics and one time i actually ended up in the emergency room\n[patient] wow and how long do your symptoms normally last for\n[doctor] you know it could be as few as like a couple of days but sometimes it could go even up to a week\n[patient] mm-hmm you mentioned that you are a farmer did you do you notice that your symptoms occur while doing certain things on the farm\n[doctor] you know i was trying to think about that and i've been working on the farm for some time but the only thing i can think about is that i've been helping my brother out and i've been started like unloading a lot of hay which i do n't usually do and i wan na say that my symptoms actually start the days that i'm unloading hay\n[patient] alright do you wear a mask when you're unloading hay\n[doctor] no i do n't do that\n[patient] okay\n[doctor] none of us do\n[patient] okay yeah so like that your brother does n't either\n[doctor] no i'm the only one who seems to be getting sick\n[patient] alright so i know you said you were trying to like help out your brother like what's going on with him\n[doctor] you know we've just been getting really busy and so he has been working around doing other things so i've just been helping him just cover the extra load\n[patient] mm-hmm okay alright do you have any other siblings\n[doctor] yeah there is actually ten of us\n[patient] wow okay that's that's a lot of siblings\n[doctor] yeah i'm okay\n[patient] maybe maybe we could we could always stick them in they could get some work done the holidays must be fun at your place\n[doctor] yeah we do n't need to hire any i mean have anyone else this is our family\n[patient] you're right keep it in the family okay so speaking of family do you have do you or anyone have a history of seasonal allergies\n[doctor] no no i have never had any problems with allergies\n[patient] okay and do you smoke\n[doctor] i do n't smoke\n[patient] do you live with anybody who does\n[doctor] i do not\n[patient] okay alright so okay so now i i wan na go ahead and do my physical exam i'm gon na call out some of my findings just to make sure that i'm documenting everything and if you have any questions about what it is that i'm saying please feel free to ask okay\n[doctor] okay\n[patient] so i reviewed your vitals and you appear to be breathing a little fast your respiratory rate is twenty but but your oxygen is you're satting kind of fine at ninety nine percent on room air so i'm not too worried about that on for on your heart exam i do you have a regular rate and regular rhythm i do not appreciate any murmurs rubs or gallops on your lung exam you know i do you do have some fine rales on your lung exam but no wheezes and on your musculoskeletal exam i do not appreciate any clubbing of your fingers so for your results i did review the results of your chest x-ray and i noticed some round glass opacities so let me tell you a little bit about like my assessment and plan for your first problem of recurrent lung infections your symptoms seem consistent with a condition we call hypersensitivity pneumonitis in your case another name is farmer's lung which you know is appropriate considering your job this could be caused by bacteria and or mold that is found in the hay when you inhale it it leads to an allergic reaction in your lungs this is why your symptoms occur every time you move hay for your current symptoms i'm gon na prescribe you a a course of an oral steroid this will help to decrease the inflammation that is occurring in your lungs i will also be ordering a cat scan of your lungs which will help confirm the diagnosis as as well a pulmonary function test to assess how severe your respiratory impairment is it would be best if you could eliminate your exposure to the hay or prevent further to prevent further damage to your lungs however if you are unable it's very important that you wear a respirator when moving hay around i know that that was a lot of information i think it boils down to pull in more of your siblings to help work around but do you have any questions\n[doctor] yeah so is this gon na help so i do n't keep getting sick\n[patient] so ideally what we are doing i think this is the best course of action to deal with the deeper problem right of these infections and to kind of like clear up the pneumonia everything seems to hint on so what we're gon na do is treat your current infection we're going to either prevent you from being around hay or make it so that it's safe for you to be with hay and then we're gon na see like what we need to do moving forward does that help\n[doctor] okay it does\n[patient] alright\n[doctor] thank you\n[patient] okay no problem\n[doctor] alright", "file": "D2N056-aci", "document_id": "6bbafd67-6a92-4697-aa8b-0720ce8f704b" }, { - "medication_info": "Medication Info: \n- Medication: Ibuprofen, Dosage: 2 (taken daily), Symptoms: throbbing pain, sharp stabbing pain, redness, warmth, pain with pressure, grinding sensation, arthritis symptoms, hallux rigidus.\n- Medication: Meloxicam, Dosage: once a day, Symptoms: potential for stomach irritation, heartburn.", + "medication_info": "Medication Info: meloxicam, once daily; ibuprofen, two daily (for pain relief). Symptoms: throbbing pain, sharp stabbing pain, redness and warmth in the big toe, pain with light pressure, pain when rolling over in bed or with sheets touching the toe, grinding sensation in the joint, loss of cartilage, arthritis (hallux rigidus), and pain during movement of the toe.", "src": "[patient] hi good afternoon joseph how are you doing today\n[doctor] i'm doing well but my my big toe hurts and it's a little red too but it really hurts okay how long has this been going on i would say you know off and on for about two weeks but last week is is when it really became painful i was at a a trade show convention and i could n't walk the halls i could n't do anything i just had to stand there and it really hurt the whole time i was there\n[patient] okay does it throb ache burn what kind of pain do you get with it\n[doctor] it's almost like a throbbing pain but occasionally it becomes almost like a a sharp stabbing pain especially if i move it or spend too much time walking i i find myself walking on my heel just to keep that toe from bending\n[patient] okay sorry i got a text and\n[doctor] well that's okay you know what i i you know i what i really you know i love to ride bikes have you you ride bike at all\n[patient] no i hate riding a bike i'm more of a runner\n[doctor] my gosh i love to ride i ride the lot of rails the trails i mean i go all the last year i put in over eight hundred miles on rails the trails\n[patient] yeah those those are nice\n[doctor] yeah\n[patient] does it does riding your bike bother your big toe\n[doctor] no because i i kinda pedal with the the back of my feet you know on that side\n[patient] okay do do you wear clips or are you just wearing a regular shoe and on a regular pedal\n[doctor] i'm on a regular shoe some most of the time i'm in my flip flops\n[patient] okay okay the how is there anything that you were doing out of the ordinary when this started\n[doctor] no i do n't that's the thing i do n't remember an injury if it was something that i injured i think i would have just ignored it and would n't have showed up here but when it got red and warm to touch that's when i i was really concerned\n[patient] okay do does even light pressure to it bother it like at night when you're laying in bed do the sheets bother\n[doctor] absolutely i was just gon na say when i'm in bed at night and those sheets come down on it or i roll over yeah that hurts a lot\n[patient] okay have you done anything to try to get it to feel better any soaks or taking any medicine\n[doctor] i take you know like a two ibuprofen a day and that does n't seem to help\n[patient] okay\n[doctor] alrighty\n[patient] let me see your your foot here and let me take your big toe through a range of docetl if i push your top to bottom\n[doctor] yeah ouch\n[patient] big toe joint that okay and let me move it up where as i bend it up does that hurt\n[doctor] it hurts but not as much as when you moved it down\n[patient] okay so i'm moving it down here and it i've got about ten degrees of plantar flexion does that hurt\n[doctor] yeah it a little when you take it a little further\n[patient] if i go a little bit further to twenty degrees does that hurt\n[doctor] that hurts more yeah\n[patient] okay if i push in on your big toe and move it back and forth does that hurt\n[doctor] yes it does and it it's almost like those joints that when you push it back it's almost like it's grinding a little bit too\n[patient] okay if i push in between your big toe and your second toe here does that hurt\n[doctor] a little bit but not terrible\n[patient] okay what about if i push on the other side here\n[doctor] yeah yeah right there on the outside of it absolutely\n[patient] okay\n[doctor] yep\n[patient] okay and i'm feeling a little bit of bone spur here as well let me let me get an x-ray\n[doctor] okay\n[patient] and after we take a peek at that we'll develop a plan\n[doctor] okay\n[patient] so at this point what would i do if i'm going out of the room and then coming back\n[doctor] you could hit pause or hit the stop button and just restart it the next time you come in\n[patient] okay alrighty so taking a look at your x-ray and you do have you you have a large spur there on the top of your big toe joint\n[doctor] oh\n[patient] and you've lost a lot of the cartilage\n[doctor] oh\n[patient] and so you you've got some arthritis in there we we call this hallux rigidus and treatment for this to start off with we we put an insert in your shoe called an orthotic and we give you a little bit of anti-inflammatory medication or like a drug called meloxicam you only have to take it once a day\n[doctor] okay\n[patient] it's usually pretty well tolerated have you ever had any trouble with your stomach\n[doctor] no never never had any problems with my stomach i love the i love the mexican's food the hotter the better so i hope i never get a problem with my stomach\n[patient] i hope you do n't either one of the things that we get concerned about with an anti-inflammatory like that is that it can irritate the stomach so if you do start to notice that you're getting heartburn or pain right there\n[doctor] yeah\n[patient] below your your sternum you would need to stop taking the medicine and give me a call\n[doctor] okay\n[patient] okay\n[doctor] okay\n[patient] and i wan na see you back in two weeks to see how you're doing with that if you're not seeing significant improvement then we may have to talk about doing things that are a little more invasive like doing a shot\n[doctor] okay\n[patient] or even surgery to clean out the joint sometimes\n[doctor] is that surgery\n[patient] i have to\n[doctor] would that be\n[patient] i'm sorry\n[doctor] would that be surgery clean out the joint\n[patient] yeah that would\n[doctor] okay\n[patient] that would be surgery if if we went in and cleaned out the joint sometimes in really severe cases we even just have to fuse the big toe joint we put it in a position of optimal function and we fuse it there and then your pain goes away you lose some docetl but you've already lost quite a bit of docetl and and the pain goes away so that that surgery really is very effective but let's try to run from my knife a little bit longer\n[doctor] okay well you know i do n't think i'm gon na be able to do my work job i'm on my feet every day and i it's and and quite frankly it's fishing season so do you think you can give me a couple weeks off so i can get out and get some fishing done\n[patient] no i want you to be doing your regular activities i want to know how this because if i put you out of work can you come back in and say it feels better well is was it because of the treatment or because of the rest so no i want you to keep working i want you to do your regular activities and i really want you to put these orthotics to the test and this medicine to the test and we will see how you're doing in two weeks\n[doctor] okay where i really like catching blue going croppy so okay we'll we'll i'll i'll keep working then i'll find time to do that later\n[patient] very good we will see you in two weeks\n[doctor] okay thank you", "file": "D2N057-aci", "document_id": "1a18e629-70eb-4875-979f-dc719c040639" }, { - "medication_info": "Medication Info: Aspirin 81 mg daily; Brilinta 90 mg twice daily; Atorvastatin (Lipitor) 80 mg daily; Toprol 50 mg daily; Lisinopril 20 mg daily; Aldactone 12.5 mg daily; Symptoms: tiredness, no chest pain, no shortness of breath, doesn\u2019t lay flat when sleeping, no leg swelling.", + "medication_info": "Medication Info: Aspirin 81 mg daily, Brilinta 90 mg twice daily, Atorvastatin 80 mg daily, Toprol 50 mg daily, Lisinopril 20 mg daily, Aldactone 12.5 mg daily. Symptoms: tiredness every now and then, three out of six systolic ejection murmur, never truly laid flat on the back, no chest pain, no shortness of breath, no leg swelling, good blood pressure readings.", "src": "[doctor] russell ramirez is a 45 -year-old male with past medical history significant for cad status post prior status post prior rca stent in twenty eighteen hypertension and diabetes mellitus who presents for hospital follow-up after an anterior stemi now status post drug-eluting stent and lad and newly reduced ejection fraction ejection fraction thirty five percent and moderate mitral regurgitation alright russell hi how are you doing today\n[patient] hey document i i do n't know i'm doing alright i guess\n[doctor] just alright how's it\n[patient] well\n[doctor] how's it been since you've had your heart attack have you been have you been doing alright\n[patient] no i've been seeing you for years since i had my last heart attack in two thousand eighteen but i've been doing pretty good i ca n't believe this happened again i mean i'm doing okay i guess i just feel tired every now and then and but overall i mean i guess i feel pretty well\n[doctor] okay good were you able to enjoy the spring weather\n[patient] yeah some i mean i'm hoping now that i've had my little procedure that i'll feel better and feel like getting back out and and maybe doing some walking there is some new trails here behind the rex center and maybe get out and walk those trails\n[doctor] that will be fine i know you love walking the trails i know you like looking at the flowers because i think you you plant a lot of flowers as well do n't you especially around this time\n[patient] yeah i do some gardening around the house\n[doctor] yeah\n[patient] and you know i really like photography too being able to go out and take nature pictures\n[doctor] yeah\n[patient] so i'm hoping to be able to go out and do that\n[doctor] okay well we'll we'll do what we can here to get you out and going doing all those fun activities again now tell me have you had any chest pain or any shortness of breath\n[patient] no not really no chest pain or shortness of breath i've been doing some short walks right around the house so like around the block\n[doctor] okay\n[patient] but i stay pretty close to the house i've been doing some light housekeeping and i do n't know i seem to be doing okay i think\n[doctor] okay alright now tell me are you able to lay flat at night when you sleep or\n[patient] well i mean i i never have truly laid flat on my back i've always slept with two pillows which is normal for me\n[doctor] okay\n[patient] so i mean i guess i really do n't have any troubles with my sleeping\n[doctor] okay good how about are your legs swelling up\n[patient] nope i've always i always had skinny ankles like like i got dawn knots legs\n[doctor] well that's cute were you able to afford your medications and are you taking them as prescribed\n[patient] yeah i've been taking my medicine i got pretty good insurance there through the plant and and so the co-pay is n't too bad\n[doctor] okay\n[patient] and i've been taking them because i do n't want my sense to close up and they told me that that to take them this you know all the time and and i've been taking them since i got out of the hospital\n[doctor] okay well very good i'm glad you're doing that good for you russell and and then please keep that up now tell me are you watching your salt intake and trying to change your diet\n[patient] yeah so when i was in the hospital they said something about my way my heart pumps now\n[doctor] mm-hmm\n[patient] it it's it's a little low and i might keep fluid on my legs if i'm not careful\n[doctor] right\n[patient] and it's gon na be hard because you know i i really do like pizza and and they told me that i'm really gon na have to watch salt and they said that there is a lot of salt and pizza\n[doctor] there is a lot of salt and pizza and you know and you're gon na have to be able to avoid all the other salty foods as well so and i know that's hard but it's very important for your heart to be able to function at it's best right and you wan na be able to get out and walk you know walk take those walks again at the park and then you know do your photography so in order to do that we're gon na have to really cut back on those okay\n[patient] well\n[doctor] alright so why do n't we go ahead and do a quick physical exam on you here i just want to take a look at you your vital signs look good i'm glad to see you're tolerating the medication well i'm gon na go ahead and feel your neck here i do n't appreciate any jugular venous distention and there are no carotid bruits on your heart exam there is a three out of six six systolic ejection murmur it's heard at the left base but that's pretty much the same as last year so we'll continue to monitor that okay let me listen to your lungs here real quick russell your lungs are clear so good good and your extremities i do n't see any swelling or edema on your right radial artery the cath site there is clean and it's dry and intact and i do n't see any hematoma so that's good and there is a palpable rra pulse so russell i did review the results of your ekg which showed normal sinus rhythm good r wave progression and evolutionary changes which are anticipated so let's go ahead and talk about my assessment plan for you for your first diagnosis of coronary artery disease we are gon na have you continue your your aspirin eighty one milligrams daily and brilinta ninety milligrams twice daily and we're gon na have you continue on that high dose statin that atorvastatin you might call it lipitor eighty milligrams daily and then also continue on that toprol fifty milligrams daily okay and i'm also going to refer you to cardiac rehab so for you to get some education about your heart and also give you the confidence to get back exercising regularly now i know patients love the cardiac rehab program i think you will do well does that sound good to you\n[patient] that sounds good document\n[doctor] alright so for your second diagnosis here the newly reduced left ventricular dysfunction and moderate mitral regurgitation i think your pumping function will improve in time you know they got you to the lab quickly so i think that heart muscle is just stunned and you're very compliant you're very good with your medications and following through with those so i think it will recover so that said i want you to go ahead and continue continue your lisinopril twenty milligrams a day i do n't think you need a diuretic at this time but i do want to add aldactone twelve . five milligrams daily and then you'll need to get labs next week okay and then we're gon na repeat another echocardiogram echocardiocardiogram in about two months\n[patient] okay\n[doctor] okay and then for your hypertension your third diagnosis of hypertension i want your to take your blood pressure just like you would you know every so often and then because your blood pressures actually seem fine at this time so we will continue to monitor that and i think you will tolerate the aldactone well as well\n[patient] alright sounds good document\n[doctor] okay well you take care and you have a good evening\n[patient] yeah you too\n[doctor] bye", "file": "D2N058-aci", "document_id": "97aa7cdb-e785-4b5f-ab36-f6ebb61bb075" }, { - "medication_info": "Medication Info: \nMedications: \n1. Albuterol inhaler \n - Dosage: 2 puffs as needed \n - Symptoms: difficulty breathing, tight chest, wheezing, coughing, phlegm buildup, lightheadedness, and shaky feeling after use.\n2. Singulair \n - Dosage: Not specified, proposed as a daily medication \n - Symptoms: Not specifically mentioned regarding Singulair.\n\nSymptoms discussed: \n- Difficulty breathing during sports \n- Fatigue \n- Sadness \n- Lack of motivation \n- Feeling overwhelmed by school stress (related to Sats and AP classes) \n- Pressure from school expectations.", + "medication_info": "Medication Info: \n- Albuterol inhaler: 2 puffs during an attack (used in acute situations) \n- Singulair: daily medication to be started (exact dosage not specified) \nSymptoms: difficulty breathing during sports, coughing, tight chest, wheezing, lightheadedness, phlegm building up in throat, sadness, tiredness, lack of motivation, difficulty focusing, fluid in the ears (related to seasonal allergies).", "src": "[doctor] okay\n[patient] good morning\n[doctor] good morning thanks doctor doctor cooper i'm i'm you know i'm a little i'm sad to be in here but you know thanks for taking me in i appreciate it\n[patient] sure absolutely what can i help you with today\n[doctor] so you know i've been dealing with my asthma and like i tried to join sports but it's really kind of it's getting hard you know and i i i just wonder if there's something that can be done because i really do like playing water polo\n[patient] but i'm having difficulty breathing sometimes i've had to like you know stop matches and sit on the side just to kind of like catch my breath and use my inhaler so i was wondering if there was something we could do about it\n[doctor] and then like i'm kind of a little bit worried i think my mood is getting a little a little worrisome and i i wanted to explore like what my options were\n[patient] okay let's talk about the asthma first so what inhaler are you using now\n[doctor] i have an albuterol inhaler\n[patient] okay and when when you're having trouble it's usually just around sports that is it keeping you up at night\n[doctor] so i do n't really like wake up at night a lot typically like it's sports like you know if i'm doing anything like crazy aerobic or like running or anything i do notice that if any if i'm around smoke i do start coughing a little bit but most of the time it's sports\n[patient] okay and can you describe a little bit for me what happens\n[doctor] i start to yeah no so i start to feel like there is like some phlegm building up in my in my throat and i start coughing like my chest gets tight i start wheezing and i just have to sit down or else i'm gon na get like lightheaded too\n[patient] okay and then when you use your inhaler\n[doctor] mm-hmm\n[patient] does it does it alleviate the problem\n[doctor] so yeah it helps with that like phlegm feeling you know but i still i still have to sit down you know and like breathe and then the thing that i hate about that inhaler is i start getting like shaky is that supposed to be happening\n[patient] yes that is unfortunately normal and a side effect with the inhaler\n[doctor] okay\n[patient] so you use you're using two puffs of the inhaler\n[doctor] mm-hmm\n[patient] for the symptoms\n[doctor] yes\n[patient] and then you sit down and does it does it get better within about fifteen minutes or so\n[doctor] yeah yeah it does but you know i had to like step out of the the pool to make that happen i'm hoping that there is something else we can do okay have you ever taken any daily medications for your asthma an inhaler or singulair or anything like that no i i just use my inhaler whenever i have an attack\n[patient] okay so that's something we might wan na consider but how often is it happening\n[doctor] pretty much every time i do any kind of aerobic workout\n[patient] okay and outside of physical activity you're not having any problems\n[doctor] yeah there's that part where like if i'm around somebody who has been smoking a lot or is currently smoking but i usually just step away i do n't even like to be around them you know that makes sense\n[patient] alright well we will look at that tell me about the mood issues you are having\n[doctor] yeah so one of the reasons i got into like trying to get into sports is like i feel like you know you you feel a lot more energized and a lot you know happier but like lately i've just been kinda stressed out you know like i have i have like sats that i need to study for i've got like all these ap classes you know there's just it i feel like there's a lot of pressure and you know like i get it but there are times where i'm just like really down and i i do n't really know what else i can do\n[patient] okay that makes sense any any difficulty with focusing or you're having difficulty retaining information or is it more feeling sad not having motivation\n[doctor] so i think it's like a lot of sadness a lot of like you know i do n't really i kinda feel like you know i do n't really like want to do anything you know my friends will go out and i'll just be like i'd rather be at home i am really tired a lot too\n[patient] okay alright well let me let me go ahead and check you out\n[doctor] mm-hmm\n[patient] and then we can talk a little bit more\n[doctor] okay\n[patient] i'm gon na take a listen to your heart and lungs\n[doctor] mm-hmm\n[patient] and everything sounds good\n[doctor] let me take a look at your eyes\n[patient] mm-hmm and in your ears everything looks okay have you had any problems with allergies you have seasonal allergies or anything like that\n[doctor] yeah i think so yeah\n[patient] i do see just a little bit of fluid in the ears\n[doctor] mm-hmm\n[patient] and i'm gon na look in your mouth too\n[doctor] okay\n[patient] and throat looks fine no tonsils\n[doctor] mm-hmm\n[patient] lem me go ahead and have you lay back on the table and i'll take a listen to your stomach\n[doctor] okay\n[patient] everything sounds okay i'm gon na feel around just to make sure everything feels normal\n[doctor] mm-hmm\n[patient] everything feels fine and i'm gon na check reflexes and they're all normal\n[doctor] awesome\n[patient] it's really hard to do with actual patient so in terms of the asthma i think we could try a daily medication since it looks like you might be having a little bit of allergies maybe we can try some singulair\n[doctor] mm-hmm\n[patient] and start with that once you are on that daily and you can continue to use the albuterol inhaler those side effects unfortunately you're right it's it's just one of the expected side effects with an albuterol inhaler i would recommend just what you're doing just sit down for a little bit after you take it\n[doctor] and we will get you started on the singulair probably within about a month you should see a difference so i will have you come back in about six weeks and follow up and see how you're doing with that\n[patient] in terms of the mood is this new for you\n[doctor] yeah i think so like when i started this year\n[patient] and it sounds like related to school expectations and the stress with saps and all of that\n[doctor] yeah\n[patient] okay let's consider having you start seeing a therapist i think that would be a good place to start\n[doctor] mm-hmm\n[patient] and we will do some screening questionnaires and and then follow up in a couple weeks on that too\n[doctor] okay alright sounds like a plan okay\n[patient] thank you", "file": "D2N059-aci", "document_id": "408bf21c-efb2-400b-a92d-f5e6aaf9797d" }, { - "medication_info": "Medication Info: Ibuprofen (dosage not specified); Symptoms: foot pain, swelling, tenderness, bruising, pain levels of 3 without ibuprofen and 7-8 with ibuprofen.", + "medication_info": "Medication Info: Ibuprofen (dosage not specified); Symptoms: foot pain from Lisfranc fracture, bruising, swelling, tenderness, pain levels of 3 (without ibuprofen) and 7-8 (with ibuprofen), brisk capillary refill, intact motor and sensation, no numbness or tingling.", "src": "[doctor] hey jean how're you doing today\n[patient] i'm doing alright aside from this foot pain that i have\n[doctor] so i see here that you looks like you hurt your left foot here where you were playing soccer can you tell me a little bit more about what happened\n[patient] yeah so yeah i was playing in a soccer game yesterday and i was trying to steal the ball from another player and she ended up falling directly onto my right foot and i do n't know i i mean i was trying to get around her and my body ended up twisting around her and then i accidentally felt a pain in my foot\n[doctor] okay so have you ever hurt your left foot before\n[patient] no i've had a lot of injuries in soccer but never injured this foot\n[doctor] okay and then so after the fall and the entanglement with the other player were you able to continue playing\n[patient] no i had to stop playing right away and actually being helped off the field\n[doctor] wow okay and what have you been doing for the the pain since then\n[patient] so i've been keeping it elevated icing it the trainer wrapped it yesterday and taking ibuprofen as well\n[doctor] okay alright so without any ibuprofen can you tell me what your pain level is\n[patient] without ibuprofen i would say my pain is a three\n[doctor] okay and then with your ibuprofen can you tell me what your pain level is\n[patient] like a seven eight\n[doctor] okay so how long have you been playing soccer\n[patient] really since i was like four five i've been playing a long time\n[doctor] well that's cool yeah we our our youngest daughter she is almost sixteen and she plays the inner marrial soccer league they are down at the rex center did is that where you started playing or did you guys did you start playing somewhere else\n[patient] yeah just like this local town leak i started playing that way and then played all throughout school\n[doctor] that's\n[patient] high school teams\n[doctor] that's awesome so just out of curiosity with the left foot have you experienced anything like numbness or tingling or or any strange sensation\n[patient] no i have not\n[doctor] okay now if it's okay with you i would like to do a quick physical exam i reviewed your vitals and everything looks good blood pressure was one eighteen over seventy two heart rate was fifty eight respiratory rate was fourteen you are afebrile and you had an o2 saturation of ninety nine percent on room air on your heart exam your regular of rate and rhythm do n't appreciate any clicks rubs or murmurs no ectopic beats noted there on auscultation listening to your lungs lungs are clear and equal bilaterally so you're moving good air i'd like to do a focused foot exam on your left foot so i do see some bruising on the bottom of your foot and on the top of your foot as well now there is associated swelling and i do appreciate tenderness to palpation of your midfoot and you are positive for the piano key test on a neurovascular exam of your left foot you have a brisk capillary refill of less than three seconds dorsalis pedis pulse is intact and strong and you do have motor and sensation that it's intact to light touch now i would like to do a review of the diagnostic imaging that you had before you came in so i do notice a subtle dorsal displacement of the base of the second metatarsal with a three millimeter separation of the first and second metatarsal bases and the presence of a bony fragment in the lisfranc joint space so lem me talk to you a little bit about my assessment and plan now for for the first concern of right foot pain your right foot pain is due to a lisfranc fracture which is a fracture to one of your second metatarsal bones at the top of your foot where the metatarsals meet your cuboids now there are ligaments at the top of your foot so i'm gon na be ordering an mri to assess for injury to any of these ligaments now based on your exam and from what i'm seeing on your x-ray you're most likely going to need surgery of that foot now the surgery will place the bones back in their proper position and using plates and screws will hold them there while they heal and this is gon na allow those bones and ligaments to heal properly it is a day surgery and you will be able to go home the same day and then i'm going to have you follow up with me here in the clinic you'll be in a cast and you will need to use crutches and you will not be able to use that left foot for about six to eight weeks now after that six to eight weeks you will gradually start walking on your foot based on how you tolerate it and we'll see how you do at that point so i do believe you're gon na need surgery i i'm recommending this because there are significant complications to your foot if we do not do this poor bone and ligament healing can lead to losing the arch of your foot and you're becoming flat-footed you also have a high likelihood of developing arthritis in that foot so what i'm gon na do unfortunately you'll be out the rest of the season but we are gon na get you fixed up and ready for next season if you're okay with all of this i'm gon na have the nurse come in and get you started on your paperwork and then i will see you on monday morning and we will get your foot taken care of\n[patient] alright thank you\n[doctor] you're welcome", "file": "D2N060-aci", "document_id": "9f32c6fb-547f-46f4-890b-6ea86b97265f" }, { - "medication_info": "Medication Info: \n1. Metformin - 500 mg, twice a day \n2. Meloxicam - 15 mg, daily \n\nSymptoms mentioned: \n1. Knee pain on the inside \n2. Swelling in the right knee \n3. Decreased range of docetl in the right knee \n4. Pain with palpation on the medial aspect of the right knee \n5. Ecchymosis on the inside of the knee \n6. Effusion in the knee", + "medication_info": "Medication Info: Metformin 500 mg twice a day; Meloxicam 15 mg daily for pain and swelling; Ice; Ace wrap.", "src": "[doctor] hi virginia how're you today\n[patient] i'm good thanks how are you\n[doctor] good so you know you got that knee x-ray when you first came in but tell me a little bit about what happened\n[patient] i was playing basketball and jerry ran into me and the inside of my knee hurts\n[doctor] okay did you fall to the ground or did you just kinda plant and he pushed and you went one way and your knee did n't\n[patient] i did fall to the ground\n[doctor] you did fall to the ground okay and did you land on the kneecap i mean did it hurt a lot were you able to get up and continue on\n[patient] i landed on my side i was not able to continue on\n[doctor] okay so you get off the off the court is jerry a good player you just got ta ask that question\n[patient] not really\n[doctor] no\n[patient] he does n't have much game\n[doctor] okay okay well you know i love basketball i'm a little short for the game but i absolutely love to watch basketball so it's really cool that you're out there playing it so tell me about a little bit about where it hurts\n[patient] on the inside\n[doctor] on the inside of it okay and after the injury did they do anything special for you or you know did you get ice on it right away or try anything\n[patient] i had ice and an ace wrap\n[doctor] you had ice and what\n[patient] an ace wrap\n[doctor] and an ace wrap okay now how many days ago was this exactly\n[patient] seven\n[doctor] seven days ago okay yeah your right knee still looks a little swollen for seven days ago so i'm gon na go ahead and now i also see that you're diabetic and that you take five hundred milligrams of metformin twice a day are you still you're still on that medication is that correct\n[patient] correct\n[doctor] and do you check your blood sugars every morning at home\n[patient] every morning\n[doctor] okay great and since this i'm the reason i'm asking all these questions i'm a little concerned about the inactivity with your your knee pain and you know how diabetes you need to be very you know active and and taking your medicine to keep that under control so you know may wan na continue to follow up with your pcp for that diabetes as we go through here and just watch your blood sugars extra as we go through that now i'm gon na go ahead and examine your your right knee and when i push on the outside does that hurt at all\n[patient] no\n[doctor] okay and when i push on this inside where it's a little swollen does that hurt\n[patient] yes\n[doctor] yeah okay i'm just gon na ask a question did you hear or feel a pop in your knee when you were doing this\n[patient] i did not no\n[doctor] you did not okay okay what are you doing for the pain today\n[patient] some exercises ice and mobic\n[doctor] okay okay so i'm gon na continue all of my exam when i go ahead and pull on your knee the first thing i'm looking at is i do see some ecchymosis and swelling on the inside of that right knee and when i push around that knee i can see that there is fluid in the knee a little bit of fluid in the knee we call that effusion so i can appreciate some of that effusion and that could be either fluid or blood at this point from the injury that you had now you do have pain with palpation on the medial aspect of that right knee and that's that's concerning for me when i'm gon na just i just wan na move your knee a little bit it does n't look like when i extend it and flex it that you have a full range of docetl does it hurt a lot when i moved it back a little more than normal\n[patient] yes it hurts\n[doctor] okay okay yeah so you do have some decreased range of docetl in that right knee now i'm just gon na sit here and and lay you back and i'm gon na pull on your knee and twist your knee a little bit okay you currently there is a negative varus and valgus stress test that's really important so here's what i'm thinking for that right knee i think you have may have a medial collateral ligament strain from you know maybe the twisting docetl be right before you fell to the ground i want you to continue to use an ace wrap i'm gon na give you a right knee brace we're gon na wear that for a few days and then i'm gon na send you to physical therapy so we can continue strengthening the muscles around the right knee now that x-ray as far as the x-ray results that x-ray that i did it this morning in the office the the bony alignment's in good position i do n't see any evidence of any fractures i do notice the the effusion around the right knee just a small amount of fluid but we're just gon na continue to watch that i'm gon na give you a prescription i'd like you to stop taking any of the nonsteroidals that you're taking the motrin or advil whichever one of those and i'm gon na give you meloxicam fifteen milligrams and i want you to take that daily for the pain and swelling i want you to just continue exercising with the the braces and everything on so if you can you can get out and do some light walking that'll be good and then again for your diabetes like i said just continue to watch those blood sugars daily and if you start to see any significant increase in them because of your loss of activity just reach out to your primary care physician now do you have any questions for me\n[patient] when can i play basketball again\n[doctor] yeah that's a great question i'm gon na ask well my first off i want to see you back here in in seven days you know in a week i want you to make an appointment we're gon na relook at it we're gon na determine if that swelling got any worse and if we need to go on to potentially ordering like a cat scan or an mri of that knee to look and see if there was any significant damage to the ligament so that's for for sure for seven days you're not gon na be playing basketball now are you in a ligue or is that just you get like pick up basketball\n[patient] i just played the wife with fun\n[doctor] okay okay good that's a great activity like i said i wish i could play now i i also know your your family do n't they own that sports store down right off a main street that sells a lot of sporting equipment\n[patient] yeah they do\n[doctor] okay i you know i'm i'm just thinking you know i need to get some new shoes for some of it my activities i love the i wish i could play basketball but i do a lot of bike riding so i'm always looking for anything that's gon na help me on the bike do you does your family have supplies like that\n[patient] we do let me know and i can get you the hook up\n[doctor] okay great great so i'll i i will let you know i'll just get on and take a look first but i'm gon na go ahead and get get you discharged i'll have my assistant come in we will get you discharged and like i said we will make an appointment for seven days and we will go from there any questions\n[patient] i think you've answered them all thank you\n[doctor] okay great", "file": "D2N061-aci", "document_id": "209fe955-07bf-4ab0-8e9b-f1d217885dbc" }, { - "medication_info": "Medication Info: \n1. Protonix - 40 mg once a day, to be taken in the morning. \n2. Carafate - 1 g four times a day for one month.", + "medication_info": "Medication Info: Protonix 40mg once a day, Carafate 1g four times a day for one month. Symptoms: difficulty swallowing, pain when swallowing, epigastric pain, no weight loss, gained weight, occasional belly pain, no blood in stool, no dark, tarry stool.", "src": "[doctor] okay raymond it looks like you've been having some difficulty swallowing over for a period of time could you tell me like what's going on\n[patient] well i've been better for the last several weeks i've been noticing that it's been hard for me to swallow certain foods and i also have pain when i swallow down in my chest\n[doctor] okay and when does it does it happen every time you eat\n[patient] it hurts not every time it hurts when i when i swallow most foods but it's really just the bigger pieces of food that seem like they're getting stuck\n[doctor] okay and what do you mean by bigger pieces of food like what's your diet like\n[patient] well things have been stressed over the last couple of months so lacks a moving from the west coast of east coast so i've been drinking more eating things like pizza burgers i know it's not good but you know it's been pretty busy\n[doctor] wow that sounds kinda stressful like what are you moving for\n[patient] well i'm stressed because what i'm moving because you know i i do n't like the west goes so i i decided to move but you know it's just stressful\n[doctor] uh uh\n[patient] because i do n't know how my dog is gon na handle the travel but i do n't wan na put them into the carbo portion of the plane we fly out of her really bad stories of dogs got in the wreck\n[doctor] okay so are you thinking of driving\n[patient] i i think so i think i'm i think i'm gon na end up driving but that's still a a long trip\n[doctor] yeah absolutely i can see how that would that would increase your stress but like with that have you lost any weight because of your symptoms\n[patient] no i wish unfortunately i've gained some weight\n[doctor] okay and do you have any other symptoms like abdominal pain nausea vomiting diarrhea\n[patient] sometime my belly hurts up here\n[doctor] okay alright so epigastric pain alright any blood in your stool or dark dark tarry stool\n[patient] not that i noticed\n[doctor] okay alright so i'm gon na go ahead and do my physical exam i'll be calling up my findings as i run through it if you have any questions please let me know alright so with your vital signs your blood pressure looks pretty decent we have it like one thirty three over seventy so that's fine your heart rate looks good you do n't have a fever i do notice that in your chart it looks like you have gained you know about like ten pounds over the last month so i i do understand when you say that you've experienced some weight gain your you're satting pretty well your o2 sat is at a hundred percent so and then your breathing rate is pretty normal at nineteen so i'm gon na go ahead and do my mouth exam there are no obvious ulcers or evidence of thrush present tonsils are midline your neck i do n't appreciate any adenopathy no thyroid thyromegaly on your abdomen it is nondistended active bowel sounds so when i press here on that top part of your stomach does it hurt\n[patient] no i did that hurts\n[doctor] okay pain to palpation of epigastric area how about now\n[patient] no\n[doctor] okay negative murphy's sign no peritoneal signs no rebound your on examination of the lungs they sound clear to auscultation bilaterally i do n't see any rash no lesion no bruising your eyes seem equal and reactive to light so all of these things sound pretty decent so let's talk about like the results that i got for your i reviewed the results of your barium swallow and it showed that you have two areas of mild narrowing in the mid and lower portions of your esophagus that can be found in patients experiencing something called esophagitis so for your primary primary problem you have acute esophagitis i wan na go ahead and prescribe protonix it's forty milligrams you're gon na take that once a day you should take it the first thing in the morning i also wan na prescribe to you something called carafate you take one gram four times a day for one month that's just gon na help kind of coat your the in the lining of your esophagus and like your stomach so that you're again like not producing a whole lot of acid like your your pretty much your the acid in your stomach is getting where it does n't need to be and it's a bit too strong so we're gon na give your body time to do a reset i wan na schedule you for an upper endoscopy just to be sure we are n't missing anything else i encourage you to change your diet and decrease alcohol and caffeine i know that's gon na be pretty hard with the move but you know once especially once you're settled in it's gon na be very important for us to to like focus on like getting well and eating healthy so that you know like you can you can move about your day as best as you can and and enjoy your move i want you to consider like eating slowly and chewing your food more thoroughly so that you do n't have to deal with those big pieces i also want you to avoid citrus foods fruits and spicy foods until your symptoms have improved i wan na see you again next week for that endoscopy i know there was a lot of information do you have any questions\n[patient] no i think that's all good\n[doctor] okay alright thank you so much for coming in", "file": "D2N062-aci", "document_id": "4b4aa691-4f42-48f2-b108-3645b7469c5a" }, { - "medication_info": "Medication Info: 1. Lasix - 60 mg for 4 days (increased from 20 mg)\n2. Albuterol - use as needed (refill available)\n3. Atrovent - use as needed (refill available)\n4. Metformin - ongoing treatment, dosage not specified\n5. Naprosyn - dosage not specified\n6. Flexeril - dosage not specified\n\nSymptoms mentioned:\n1. Shortness of breath (when laying down)\n2. Difficulty sleeping\n3. Feeling of choking at night\n4. Swelling in legs and ankles\n5. Weight gain (10 pounds)\n6. Coughing up mucus (especially in the morning)\n7. High blood sugar (levels around 230)\n8. Back pain", + "medication_info": "Medication Info: \n1. Lasix - Increase from 20 mg to 60 mg for the next 4 days, prescribed for congestive heart failure (CHF).\n2. Albuterol - Inhaler for breathing treatment (dosage/usage instructions not specified).\n3. Atrovent - Inhaler for breathing treatment (dosage/usage instructions not specified).\n4. Metformin - Ongoing medication for diabetes management.\n5. Naprosyn - Prescribed for back pain (dosage not specified).\n6. Flexeril - Muscle relaxer for back pain (dosage not specified).\n\nSymptoms: \n1. Shortness of breath (especially when lying down, feeling like choking).\n2. Trouble sleeping for about two weeks.\n3. Weight gain (about 10 pounds, cannot see ankles).\n4. Coughing up mucus in the morning, described as 'bringing up a whole bunch of yuck'.\n5. High blood sugars (last reading was 230 mg/dl, indicating the need for better diabetes control).\n6. Back pain (muscular pain with tenderness). \n\nNote: Possible triggers for symptoms include high salt intake from food.", "src": "[doctor] so gloria is a 46 -year-old female today with past medical history of diabetes and back pain and today here for shortness of breath with chf and copd also so gloria tell me what's going on\n[patient] i i i'm having a lot of trouble sleeping\n[doctor] okay and and how long has this been going on for\n[patient] really just for about the past two weeks i i just ca n't ca n't get comfortable you know when i when i lay down in bed i just ca n't ca n't fall\n[doctor] is it because you're having you ca n't sleep or you're having shortness of breath or difficulty breathing or what's going on with that\n[patient] yeah i i feel like i'm just i'm just choking a few minutes after i i lay down to sleep i just ca n't catch my breath\n[doctor] okay and are you and how has your pulse ox been your oxygen level been at home i know you your oxygen level here is like ninety two right now in the office which is a little bit on the low side how is how has that been at home\n[patient] i can breathe fine\n[doctor] just when you lay down you get short of breath okay and is it worse when you have you noticed any shortness of breath during the day when you exert yourself when you climb stairs or do other stuff\n[patient] i do n't i do n't do any of that usually i just i i sit on the couch and watch my shows\n[doctor] okay fair enough and how about have you noticed any weight gain or swelling in your legs or calves or anything like that\n[patient] yeah i i ca n't see my ankles anymore and and yeah i i do n't know what's going on with the scale i think the numbers are off because you know suddenly i gained about ten pounds\n[doctor] wow okay alright and are you taking i know you were supposed to be taking lasix and we had you on you know diet control to to prevent to limit your salt intake how is that going\n[patient] i i i do n't know how much salt is in freedoes but you know i i i'm really enjoying those in last weekend we got this really big party and yeah which color is that lasix pill\n[doctor] yeah it's it's the white one the round one so it sounds like you're not maybe not taking it as regularly as you should\n[patient] no sir i i do n't think i am\n[doctor] okay alright and are you having any chest pain or tightness in your chest or anything like that or not really\n[patient] no not really\n[doctor] okay\n[patient] just just when i ca n't breathe good at night you know\n[doctor] okay got it\n[patient] yeah\n[doctor] so i'll examine you in a second so it's been a couple of weeks are you coughing up anything any fevers with this at all\n[patient] no no fever kinda feel like i'm just bringing a whole bunch of yuck up once in a while though especially first thing in the morning\n[doctor] okay alright and how have your blood sugars been doing this time i know you're taking the metformin are you checking your accu-cheks how has that been going\n[patient] i i'm sorry what's an accu-chek\n[doctor] for your blood sugar check are you checking that or not really\n[patient] i i i did it a couple of weeks ago\n[doctor] okay\n[patient] and it was about it i i think about two thirty it was okay\n[doctor] okay so your hemoglobin a1c last time was seven . five and we had talked about you know trying to improve your diet we had talked about you know we wan na avoid going to insulin but it sounds like it's been a challenge to kinda control the diet and also your blood sugars have been running a little bit high\n[patient] yeah\n[doctor] okay alright\n[patient] yeah it's it's been a challenge\n[doctor] alright and any nausea vomiting or diarrhea or anything like that are you peeing a whole lot or anything like that no\n[patient] yeah i'm feeling like crazy\n[doctor] okay alright\n[patient] ca n't figure out why because i'm not drinking very much\n[doctor] alright and how is your back then has that been okay i know you're sitting you said you're sitting on the couch a lot watching tv but\n[patient] yeah\n[doctor] besides that anything else\n[patient] yeah you know it it just it just really hurts so you know and so that's why i sit on the couch so much\n[doctor] okay alright no weakness or numbness in your legs right now\n[patient] no\n[doctor] okay\n[patient] no\n[doctor] so let me examine you now gloria i'm gon na go ahead and do an exam and let's pretend i did my exam i'm just gon na verbalize some of my findings just so i can record this and put it into my my into my chart so neck exam you do have a little bit of swelling in your neck little bit of jvd no bruits your lung exam you have some crackles in both bases and some rales that i can hear and there are a little bit of intermittent wheezing as well on your heart exam you have a two over six systolic ejection murmur you've had that in the past otherwise regular rate and rhythm it does n't feel a regular your belly exam your belly's slightly distended there's no tenderness or guarding or anything like that so that does n't that looks pretty good on your leg exam you do have some one plus pitting edema or actually almost one and a half plus pitting edema in your both of your ankles no calf tenderness negative homans sign that means no blood clots otherwise neurologic exam is normal the rest of your exam is normal so what does this all mean so let me explain that so for the first problem the shortness of breath you know i think you have an exacerbation of your congestive heart failure what i'd like to do is increase your dose of lasix from twenty milligrams to sixty milligrams for the next four days i'm gon na have you check your weights everyday and also i'm gon na go ahead and have you use your albuterol and atrovent we had given you some inhalers in the past i can give you another refill if you need to help with that some of the breathing that you're having the shortness of breath so i'd like to get some of this fluid off you have you check your weights daily we'll have you increase your dose of lasix we'll have you use a breathing treatments and see if that helps your shortness of breath i'd like to have you come back in about couple days actually i wan na see how you're doing and if it does n't get better we may have to increase the dose or send you to the hospital okay\n[patient] i do n't want to go to the hospital doctor\n[doctor] yeah so let's try to let's try to use the lasix and let's try to let's try to you know use the breathing treatments and and do that for the second problem the diabetes that we just talked about i like to go ahead and order another blood test another hemoglobin a1c i think we need to your blood sugars have been running a little bit high in the past and we've had a hard time but it's been a while since we checked your last one so i wan na check another one today to see where we are and when we have you come back in a couple days we should have the results back we can then adjust your metformin or we may have to adjust some of the you know add a different medication at that point but but right now i'm gon na order some blood tests we'll have you come back in a couple of days and then we can reassess at that point okay\n[patient] so i had a piece of cake before i came in here is that gon na affect the the lab work\n[doctor] yeah we'll probably do a fasting blood sugar we'll we'll order the hemoglobin a1c that should n't be actually matter because that checks long term but if we need your blood sugar may be elevated today i i would n't be surprised alright and i forgot to examine your back by the way so on your back exam you do have some tenderness in the paraspinal areas of your back in the in the lower back mostly no midline tenderness you have good reflexes so i think this is all muscular pain right now for your back pain i'm gon na go ahead and put you on some naprosyn and some flexeril which is a muscle relaxer i'm gon na give you some exercises you can do to help you get off the couch it'll also help your blood sugar and why do n't we have you if that does n't work the the pain medicine and the physical we can start physical therapy and see if that helps okay\n[patient] okay\n[doctor] any questions about that\n[patient] i do n't think so which color pills\n[doctor] i think it's a white pill and it's round\n[patient] okay\n[doctor] about this big\n[patient] alright sounds good\n[doctor] anything else gloria\n[patient] no that's it\n[doctor] alright thanks for coming in today", "file": "D2N063-aci", "document_id": "43ae8c31-5630-4db9-839d-6e86280c4ed6" }, { - "medication_info": "Medication Info: \n1. Ibuprofen - Dosage not specified\n2. Tylenol - Dosage not specified\n\nSymptoms:\n1. Pain level 8 (without medication)\n2. Pain level 7 (with ibuprofen or Tylenol)\n3. Bruising over the lateral malleolus\n4. Swelling (edema) of the left ankle\n5. Tenderness to palpation on the lateral side of the ankle\n6. Ankle sprain diagnosed\n7. Mention of pain during walking - painful but managed to walk back home", + "medication_info": "Medication Info: Ibuprofen; Dosage: Not specified; Tylenol; Dosage: Not specified; Symptoms: Left ankle pain, ecchymosis (bruising), edema (swelling), tenderness, elevated pain level (8 without medication, 7 with ibuprofen).", "src": "[doctor] hey matthew how're you doing\n[patient] hey doc i'm doing pretty good how are you\n[doctor] i'm doing pretty good hey i see here in the nurse's notes it looks like you hurt your left ankle can you tell me a little bit more about that\n[patient] yeah i did my wife and i were on a walk yesterday and i was just talking to her and and stepped off the curb and landed on it wrong it's kind of embarrassing but yeah it's been killing me for a couple days now\n[doctor] okay now when you fell did you feel or hear a pop or anything like that\n[patient] i would n't say i really heard a pop it was just kind of really kind of felt extended and stretched and it it's just been really bothering me ever since kind of on the outside of it\n[doctor] okay and then were you able to walk on it after the incident\n[patient] i was able to get back to the house because i did n't wan na you know make my wife carry me but it was it was painful\n[doctor] okay and then have you done any or had any injuries to that ankle before\n[patient] nothing substantial that i would say in the past\n[doctor] okay and then what have you been doing for that left ankle since then have you done anything to help make it make the pain less\n[patient] i have taken some ibuprofen and then i just tried to elevate it and ice it a little bit and keep my weight off of it\n[doctor] okay so let's talk real quick about your pain level zero being none ten being the worst pain you've been in in your life without any medication on board can you rate your pain for me\n[patient] i would say it's about an eight\n[doctor] okay and then when you do take that ibuprofen or tylenol what what's your relief level what's your pain look like then\n[patient] maybe a seven it it's a little\n[doctor] okay now you mentioned going for a walk my wife and i've been on on back behind the new rex center where the new trails are have you guys been back there\n[patient] we have n't yet but i'm sure we'll check it out ever since i feel like working at home during covid we we we take walks all the time\n[doctor] yeah i\n[patient] no i have n't been there yet\n[doctor] yeah those those trails are great there's like five miles of regular flat trails and then there's a bunch of hiking trails that they've opened up as well it's a really great place man you guys need to get out there we'll get you fixed up and we'll get you back out there okay\n[patient] awesome\n[doctor] so let's let's talk a little bit about my physical exam if it's okay with you i'm gon na do a quick physical exam on you your vitals look stable by the way a little elevated i know you're in pain on a focused exam of your left ankle now i do appreciate that there is ecchymosis or bruising over the lateral malleolus and there is some swelling i do i do appreciate some edema now you are positive for tenderness to palpation on the lateral side and the the soft tissue is swollen here the good news is i do not appreciate any laxity in the joint okay and i do n't feel any any type of bony tenderness to palpation of your foot now on the neurovascular exam of your left foot capillary refill is brisk less than three seconds and i do appreciate strong dorsalis pedis pulses and you do have motor and sensation intact which is good now it's important that they were compared bilaterally and they are yeah your your exam is the same bilaterally so that that's an important thing now we did do an x-ray of that left ankle when you came in so i'm gon na review those x-ray results with you now the good news is i do not appreciate a fracture or any bony abnormalities so that's a good thing right so let me talk to you a little bit about my assessment and plan so for your first problem of your left ankle pain your symptoms are consistent with an ankle sprain of the lateral ligament complex and the ligament on the outside of your ankle is what got stretched when you fell now the best treatment for this sprain is what you've kind of already been doing doing the elevation and compression and ice so we're gon na continue the rice protocol and i am gon na go ahead and give you an air cast just to stabilize that ankle i'm gon na prescribe you some crutches i want you to stay off that leg but i do want you to start walking as tolerated but it may be a few days before you feel like doing that now your symptoms are going to get better significantly over the first you know four five six seven days but i am gon na wan na follow up with you just to make sure you're doing okay so what i do is i would like to see you in two weeks and i'm gon na have you continue taking those nsaids as well to help reduce that pain and swelling any other questions comments or concerns before i have the nurse come in and get you fixed up\n[patient] no i think that sounds like a plan\n[doctor] okay sounds good like i said i will see you in two weeks if you have any questions or if you have a lot of pain come back in we'll reevaluate otherwise i think you're headed in the right direction and i'll see you again in two weeks\n[patient] awesome thanks document\n[doctor] alright thanks bye-bye", "file": "D2N064-aci", "document_id": "1cef4132-8fec-497a-8488-c8e5e3fa6464" }, { - "medication_info": "Medication Info: Medication: Ibuprofen; Dosage: Not specified; Symptoms: Right ankle pain, Swelling, Bruising, Throbbing pain (6/10), Constant pain, Warm to touch.", + "medication_info": "Medication Info: Ibuprofen, dosages not specified; Symptoms: Right ankle pain (initially severe, 6/10 now), constant throbbing pain, swelling, warmth, bruising (ecchymosis), tenderness to palpation, inability to walk without limping, pain worsens with movement, intact sensation.", "src": "[doctor] hey anna good to see you today so i'm looking here in my notes says you have you're coming in today for some right ankle pain after a fall so can you tell me what happened how did you fall\n[patient] yeah so i was taking out the trash last night and i ended up slipping on a patch of ice like and then when i fell i heard this pop and it just hurts\n[doctor] okay so have you been able to walk on it at all or is it you know\n[patient] at first no like my friend who was visiting thankfully had to help me get into the house and i you know and now i'm able to put like a little bit of weight on it but i'm i i'm still limping\n[doctor] okay well you know that's not good we'll we'll hopefully we can get you fixed up here so how much how much pain have you been in on a scale of one to ten with ten being the worst pain you ever felt\n[patient] it's it's more like so when i first fell it was pretty bad but now it's it's at like a six you know like it's uncomfortable\n[doctor] okay and how would you describe that pain is it a constant pain or is it only when you move the ankle\n[patient] it's it's constant it's like a throbbing pain you know and like when i touch it it feels kinda warm\n[doctor] okay alright yeah but yeah i can feel it here so it does feel a little bit warm so i said you've been in a little bit of pain so have you taken anything for it\n[patient] well like last night i iced it and i kept it elevated you know i also took some ibuprofen last night and this morning\n[doctor] alright has the ibuprofen helped at all\n[patient] not really\n[doctor] okay alright so i just want to know i know some of my patients they have like bad ankles where they hurt the ankles all the time but have you ever injured this ankle before\n[patient] so you know in high school i used to play a lot of soccer but and and like i had other injuries but i've never injured like this particular ankle before but because i used to play like all the time i knew what i was supposed to do but this is i also knew that it was it was time to come in\n[doctor] okay yeah yeah definitely if you if you ca n't walk on it we definitely good thing that you came in today and we were able to see you so have you experienced any numbness in your foot at all\n[patient] no no numbness and i do n't think i've had like any tingling or anything like that\n[doctor] okay that that's good yeah it sounds like you have sensation there so yeah that that's really good so let me do a quick physical exam on you so i reviewed your vitals your blood pressure was one twenty over eighty which is good your heart rate your spo2 was ninety eight percent which is good that means you're you're getting all of your oxygen and so let me go ahead and look at your ankle real quick so when i press here does that hurt\n[patient] yeah\n[doctor] alright what about here\n[patient] yeah\n[doctor] okay so looking at your ankle and your right ankle exam on the skin there is ecchymosis so you have that bruising which you can see of the lateral\n[patient] malleolus\n[doctor] malleolus associated with swelling there is tenderness to palpation of the anterior laterally in the soft tissue there is no laxity on the anterior drawer and inversion stress there is no bony tenderness on palpation of the foot on your neurovascular exam of your right foot there your capillary refill is less than three seconds strong dorsalis pedis pulse and your sensation is intact to light touch alright so we did get an x-ray of your ankle before you came in and luckily it's there is no fractures no bony abnormalities which is really good so let me talk a little bit about my assessment and plan for you so for your right ankle pain your symptoms your symptoms are consistent with a right ankle sprain have you sprained your ankle before most times people do the athletics play soccer it happens every so often but have you done that before\n[patient] no i do n't think so\n[doctor] okay well you're one of the lucky ones some of my my patients that play sports they sprain their ankle seems like every other week so good for you so for that that that ankle sprain i just want to keep i want you to keep your leg elevated when you're seated and i want you to continue to ice it you can ice it let's say five times a day for twenty minutes at a time just to help that swelling go down i'm gon na give you an air cast to help you stabilize the ankle so keep it from moving and then i'll give you crutches and so i want you to stay off that leg for about one to two days and then you can start walking on it as tolerated tolerated so how does that sound\n[patient] it's alright\n[doctor] alright so do you have any questions for me\n[patient] yeah like how long do you think it's gon na take for me to heal\n[doctor] i mean it should take a a couple of days i mean i think in a day or two you will be able to walk on it but still think it will be sore for the next couple of weeks you know your ankle sprain seems to be not the worst but it's kinda you know medium grade ankle sprain so as i would say about two to three weeks you should be back to normal you will see some of that bruising go away\n[patient] yeah okay can i get a doctor's note\n[doctor] no because you need to go back to work because you work on the computer not running so\n[patient] fine\n[doctor] yeah you ca n't get a doctor's note so if you if i write a note i'm gon na tell your boss that you have to go to work\n[patient] okay thanks\n[doctor] so i i would n't do that but yeah but otherwise if if if you continue to have pain after this week if you feel like it's not getting better please feel free to contact the office and we can get you back in and possibly do an mri if we you know need to\n[patient] okay\n[doctor] alright\n[patient] alright\n[doctor] anything else\n[patient] no that's it\n[doctor] alright thanks", "file": "D2N065-aci", "document_id": "fca0e16a-582e-4893-bd53-e31f7748cea5" }, { - "medication_info": "Medication Info: \n1. Metformin - 500 mg twice a day (for diabetes) \n2. Ibuprofen - dosage not specified (for back pain, helped some) \n3. Norvasc - 5 mg once a day (for high blood pressure) \n4. Naprosyn - 500 mg twice a day (recommended for back pain) \n5. Flexeril - 10 mg twice a day (recommended for back pain) \n6. Hydrochlorothiazide - 10 mg once a day (prescribed for high blood pressure due to edema) \n\nSymptoms: \n1. Back pain (across lower back, went down left leg) \n2. Tingling in legs in certain positions \n3. Swelling in ankles \n4. History of high blood sugar (blood sugar typically in 120-140 range) \n5. Tenderness in the left paraspinal area \n6. One plus nonpitting edema of lower extremities \n7. Two over six systolic ejection murmur (not a significant concern)", + "medication_info": "Medication Info: Metformin 500mg twice a day (continued), Norvasc 5mg once a day (stopped), Naprosyn 500mg twice a day (new), Flexeril 10mg twice a day (new), Hydrochlorothiazide 10mg once a day (new). Symptoms: Sharp pain down the left leg, tenderness in the left paraspinal area, back pain, tingling in certain positions, swelling in ankles, negative straight leg raise test results.", "src": "[doctor] hey gabriel i'm doctor scott good to see you today i know you've heard about dax is it okay if i tell dax a little bit about you\n[patient] sure\n[doctor] okay so gabriel is a 43 -year-old male today here for back pain evaluation and also has a past medical history of diabetes high blood pressure and high cholesterol so gabriel tell me what's going on with your back\n[patient] well i was working in the yard and you know bent over to pick something up and i got this pain and you know across the lower part of my back and then it went down my left leg and you know it's been going on for about four days and just does n't seem to be getting any better\n[doctor] okay are you a big gardener or this is something that you just started working in the yard\n[patient] yeah i know my wife held a gun to my head make me go out there work in the yard and carry some stuff around it's not my not my first choice but\n[doctor] sure sure\n[patient] but that day i i lost the i lost the argument\n[doctor] yeah yeah that happens to all of this so when this back pain happened so it was basically you were lifting you were bending down to lift something up and you had the sharp pain going down your right leg you said\n[patient] left leg\n[doctor] left leg okay got it sorry and any weakness or numbness in your legs or just the pain mostly\n[patient] in in certain positions i get some tingling but no mostly just pain\n[doctor] okay and any loss of bowel or bladder function at all or anything like that\n[patient] no\n[doctor] okay and have you had any back surgeries or back problems in the past or this is kind of the first time\n[patient] no surgeries you know i've i've had back pain occasionally over the years\n[doctor] okay have you had any any have you tried anything for pain for this have you tried any any medications at all\n[patient] i've had ibuprofen it it helped some\n[doctor] okay got it alright well i'll i'll examine you in a second but before we do that let's talk about some of the other conditions that we're kinda following you for i'm looking at your problem list now and you've got a history of diabetes and you're on metformin five hundred milligram twice a day and your how are you doing with your blood sugars and your and your diet and exercise\n[patient] yeah i i check my sugar two or three times a week most of the time it's in that one twenty to one forty range\n[doctor] okay\n[patient] yeah i take my medicine okay my diet is alright you know i could be fifteen pounds lighter that would be alright but\n[doctor] sure\n[patient] i i i think the sugar has been okay\n[doctor] okay we checked your hemoglobin a1c last time i'm looking at your records in epic and it showed that it was you know seven . one so it's it's it's good but it could be better any you know we talked about it controlling your diet or improving your diet and trying to have a balanced meal and not eating some of these sweets and high sugar items how is that going i know you had talked about your wife being a great cook and making cookies and that's hard to stay away from obviously how are things going with that\n[patient] yeah she still makes cookies and i still eat them but you know we are trying to trying to do better trying to stay away from more of those carbs and focus on you know less carby less sweet stuff\n[doctor] okay alright yeah that's always a struggle i certainly understand but you know really important with your diabetes just to prevent some of the complications like kidney failure and eye problems and just keep your sugar under balance so i'll order another hemoglobin a1c today we'll check that again today and and you know just reemphasizing the controlling your diet and exercise is super important and then we'll have those results back we'll we'll see if we need to make any modifications okay\n[patient] okay\n[doctor] for your high blood pressure your blood pressure in the clinic looks pretty good it's about one twenty over seventy right now we have you on norvasc five milligrams once a day how are things going with that are you are you checking that periodically or any issues with that at all\n[patient] yeah i guess i check it maybe once a week or two or three times a month and it it the vast majority of the time when i check it it's good usually either that one twenty to one thirty over seventy to eighty range i i think the blood pressure's okay\n[doctor] okay\n[patient] i have n't had any real problems there i i have had some some swelling in my ankles though\n[doctor] okay is that new or is that been going on for a while\n[patient] well it it started maybe i do n't know a month or two after i started the norvasc\n[doctor] okay\n[patient] and i was just wondering if the two might be related\n[doctor] yeah i mean certainly it could be it is you know sometimes that medication can cause that so i'll i'll examine you in a second and see if we need to make any modifications okay\n[patient] okay\n[doctor] alright so and your anything else bothering you today\n[patient] no i'm we're doing okay i think\n[doctor] so let me examine you for a second i'm gon na go ahead and gabriel i'm gon na do my magic exam now let's pretend i i'm just gon na verbalize some of my findings as i do my exam and so\n[patient] these are like my video visit exams\n[doctor] exactly so your neck exam has no jvd there is no bruits that i can hear your lung exam no rales no wheezing on your heart exam you do have a two over six systolic ejection murmur you had that in the past so i'm not too worried about that otherwise regular rate and rhythm on your heart exam on your on your on your belly exam is nice and soft on your back exam you do have some tenderness on the left paraspinal area right where i'm pressing right there your straight leg raise test is negative your reflexes are normal you have some just some tenderness in the lower back in the paraspinal area of your back when i palpate there otherwise your neurological exam is normal on your extremity exam you do have this one plus nonpitting edema of your lower extremities which is a little bit of swelling in your ankles no calf tenderness negative homans sign no signs of blood clot that's what that means so let me just review what you know explain what all this means so the back pain the first problem that you're here today for i think this is more of a muscular sprain i'm gon na recommend we start you on some anti-inflammatory naprosyn five hundred five hundred milligrams twice a day and flexeril ten milligrams twice a day as well i'm gon na refer you to for for physical therapy to help strengthen some of the muscles in your lower back i do n't think you need an x-ray at this stage why do n't we start with physical therapy and the muscle relaxers and the pain medicines if it does n't get better then we can get an x-ray but right now i would start with that if that's okay with you any questions about that\n[patient] no\n[doctor] okay for the diabetes the the second problem that we talked about today i'm gon na order another hemoglobin a1c continue the metformin five hundred milligrams twice a day why do n't we have you come back in about two weeks and we should have some of the results back and we can discuss if we need to make any modifications for that but right now we will continue the course and we will go from there okay for the high blood pressure you do have this one plus edema in your legs i'm gon na go ahead and order some blood work today i'm gon na go ahead and stop the norvasc and we'll put you on some hydrochlorothiazide ten milligrams once a day and if that does n't get if the swelling does n't go away i'm gon na do some more testing for right now let's get some sort off with some cbc and a bmp i'm gon na check your kidney function i'm gon na get another ekg and also i'm gon na get a chest x-ray and we'll go from there but hopefully this will go away once we stop this medication since it started around that time okay okay and i think that's it anything else we forgot about do you need refills for anything\n[patient] no i i think i'm okay you gave me a year's worth of refills last time we were together\n[doctor] okay sounds great alright thanks gabriel good seeing you again\n[patient] good to see you thanks", "file": "D2N066-aci", "document_id": "07d04428-b68f-4910-ba33-447b45da3fc8" }, { - "medication_info": "Medication Info: \n1. Meloxicam - 15 mg once a day\n2. Ibuprofen - 800 mg twice a day as needed. \n\nSymptoms: \n1. Pain in the right knee (severity of 7, sometimes up to 11)\n2. Inside pain of the right knee\n3. Swelling of the right knee\n4. Stiffness in the morning\n5. Unstable feeling in the left knee\n6. Shooting pain down to the ankle from knee movement\n7. Limping gait\n8. Bruising and mild swelling noted on exam.", + "medication_info": "Medication Info: Meloxicam 15 mg once a day; Ibuprofen 800 mg twice a day as needed; THC cream for pain relief; THC gummies; Symptoms: Bilateral knee pain (right knee specifically) with severe pain on the inside of the right knee (7/10, sometimes reaching 11/10), swelling, stiffness, tenderness, mild swelling and bruising, instability in the left knee, shooting pain down to the ankle.", "src": "[doctor] hi elizabeth so i see that you were experiencing some kind of injury did you say that you hurt your knee\n[patient] yes i hurt my knee when i was skiing two weeks ago\n[doctor] okay skiing that sounds exciting alright so what happened what what's when did the injury like what sorry what happened in the injury\n[patient] so i was flying down this black diamond you know like i like to do\n[doctor] yes\n[patient] and this kid who was going faster than me spent by me so then i tried to speed past them and then i ran into a tree and twisted my knee\n[doctor] so we were downhill skiing racing at this point okay is it your left or your right knee\n[patient] it's my right\n[doctor] okay and does it hurt on the inside or the outside\n[patient] the inside\n[doctor] okay so the medial aspect of the right knee when you fell did you hear a pop\n[patient] i did yes\n[doctor] okay alright\n[patient] i think that was my left knee\n[doctor] okay okay alright so we got we got ta pick one if it if it\n[patient] i'm just trying to be real\n[doctor] no\n[patient] what happens in the in a real\n[doctor] a hundred percent so how about this right now you're like i what i'm hearing is that you're experiencing bilateral knee pain like both of your knees hurt but i'm assuming that like your right knee hurts more is that correct\n[patient] yeah my left knee does n't really hurt\n[doctor] uh uh\n[patient] that's the one that popped it the left knee just feels unstable but my right knee hurts\n[doctor] gotcha gotcha okay yeah i think hmmm alright so we're gon na we're gon na go ahead and look at this sort of but on a scale of one to ten how severe is your pain\n[patient] it's a seven\n[doctor] okay that's pretty bad alright and does it has it been increasing or like rapidly or slowly over the last few days\n[patient] it's been slow\n[doctor] okay alright\n[patient] but sometimes it gets to an eleven\n[doctor] okay what would do you know if you are doing something that would cause it to be an eleven are you back on your ski's\n[patient] no i ca n't ski\n[doctor] okay\n[patient] usually when i walk my dog\n[doctor] okay does it hurt more when you walk for longer periods of time\n[patient] yes\n[doctor] okay how long does the pain last\n[patient] for as long as my walk is and i do n't sometimes i walk five minutes kinda depends on the wind\n[doctor] okay alright\n[patient] sometimes i walk there is\n[doctor] okay alright have you done anything to help with the pain\n[patient] well i wear a brace and i have used a lot of thc cream on it\n[doctor] okay alright thc cream is an interesting choice but do you think that's been helpful\n[patient] yes\n[doctor] alright have you taken\n[patient] reasons\n[doctor] not a problem have you taken any medications\n[patient] no just gummies\n[doctor] okay like vitamins or more thc\n[patient] kind of like thc gummies\n[doctor] thc gummies\n[patient] my grandma gave them to me\n[doctor] thc gummies from grandma that's an excellent grandmother that you have okay have you noticed any swelling stiffness tenderness\n[patient] yeah i i get a lot of swelling and it really is it's very stiff in the morning until i get walking\n[doctor] okay alright and then have you had any hospitalizations or surgeries in the past\n[patient] well i had surgery on my right knee before\n[doctor] okay so you've had surgery before alright do you remember what kind of surgery\n[patient] i do n't know they told me they reconstructed the whole thing i was fourteen i was a really good gymnast back then really good\n[doctor] okay\n[patient] and i was doing a back summer salt and i felt a pop then and then since that time i've really had problems with my knee\n[doctor] uh uh\n[patient] but you know the athlete that i am i can still really ski very well so i just kept going\n[doctor] okay\n[patient] and i'm really tough my pain tolerance is very high\n[doctor] okay okay okay how so do you have any other exercises that i might wan na know about outside of intense gym and ski events\n[patient] no i think that's about it\n[doctor] okay and how frequently do you normally ski\n[patient] i ski probably three times a week\n[doctor] okay and then are you on any medications at this time other than the thc\n[patient] no\n[doctor] okay alright what\n[patient] nothing no\n[doctor] okay alright not a problem so if you do n't mind i'm gon na go ahead and start my examination i'm just gon na call it out for the sake of being able to document it appropriately and you or just just let me know if you want me to explain anything further so with your knee i know that you said it hurts on the right inside a lot right so when i press on the inside of your knee does that hurt\n[patient] yes\n[doctor] okay and when i press on the outside of your left of your right knee sorry does that hurt\n[patient] no\n[doctor] okay alright so when i move your your kneecap does that hurt\n[patient] no it kinda makes a shooting pain down to my ankle though\n[doctor] okay\n[patient] but it does n't hurt my knee\n[doctor] okay so does the pain radiate frequently\n[patient] no\n[doctor] okay\n[patient] i've never really noticed it just messed with my kneecap\n[doctor] okay alright on your skin exam i do appreciate some mild swelling and bruising that's really interesting since it's been two weeks with your knee are you able to bend it\n[patient] yes\n[doctor] okay and then when you walked in on your gait i think i think i did appreciate a slight limp are you i i i i think you are you are protecting one of your knees does that sound familiar\n[patient] yeah i waddle pretty pretty good now\n[doctor] okay alright and when you move your knee away from your body you're bending like your you're pulling it towards me does that hurt\n[patient] yes\n[doctor] okay and then when you pull your knee back towards you does that hurt\n[patient] no\n[doctor] alright so pain on dorsiflexion but not on plantar flexion plantar flexion okay alright so what we are gon na do right now i think i'm gon na look at your x-rays but when i when i look at the results of your x-ray i do not appreciate any fracture what i am noticing is the development of a little bit of arthritis and that could explain like why you say that your joints hurt a bit more during like windy weather and what not so this is what we're gon na do for my assessment and plan right the first thing is i think you have a strain of your posterior cruciate ligament what that means is what that will mean for you though is that we are gon na continue to brace your right knee that's gon na hopefully take off some of the stress that you might be putting on it especially since you're limping i am going to recommend you for physical therapy i think it would be an i think it's a good idea to maybe start three times a week to get your strength back into your knee i would recommend not skiing or doing any gymnastics for now and i think that physical therapy will really help considering the injury that you had when you were fourteen i'm gon na prescribe you some medications i do n't necessarily recommend consuming gummies at the same time but the medications i'm gon na give you are gon na be meloxicam fifteen milligrams you're gon na take that once a day that will help with like the swelling and the bruising i'm also gon na prescribe you just like a higher strength nsaid so ibuprofen eight hundred milligrams a day you can take that twice a day as needed for your left knee i think you are i think you just kind of like strength a little bit but like not enough to necessarily require any kind of like medication or bracing i think you just take it easy on your body i know that you're like very active from what i hear and i i think that that's really exciting but i think you might need to listen to your body and give yourself a bit of a break you'll be able to do like several workouts when you go to when you go to physical therapy but you know let the yeah let your therapist be your guide about like what you should and should not be putting your body through does that make sense\n[patient] yes\n[doctor] alright do you have any questions right now\n[patient] no thank you so much\n[doctor] no problem", "file": "D2N067-aci", "document_id": "50fd5871-1b69-47ee-9909-be5654ec081a" }, { - "medication_info": "Medication Info: \nMedications:\n1. Lasix - 80 mg once a day\n2. Lisinopril - 20 mg a day\n\nSymptoms:\n1. Fatigue\n2. Lightheadedness\n3. Bloating\n4. Shortness of breath\n5. Slight cramps\n6. Cough\n7. Jugular venous distention\n8. Three out of six systolic ejection murmur\n9. Fine crackles at the bases bilaterally\n10. 1+ pitting edema", + "medication_info": "Medication Info: \n- Lasix 80 mg once a day \n- Lisinopril 20 mg a day \n\nSymptoms: \n- Fatigue (mentioned by patient after explaining feeling out of sorts) \n- Lightheadedness (reported by patient) \n- Bloating (patient mentions feeling bloated at times) \n- Slight cramps (related to chest pain, mentioned to the doctor) \n- Slight cough (patient unsure if due to seasonal change) \n- Shortness of breath with exertion (especially noted during projects) \n- Jugular venous distention (observed during physical exam) \n- 1+ pitting edema (noted on physical exam) \n- Fluid in lungs (indicated by chest x-ray results) \n- Reduced heart function (echocardiogram shows pumping function at 45%)", "src": "[doctor] hi , brian . how are you ?\n[patient] hi , good to see you .\n[doctor] it's good to see you too . so , i know the nurse told you a little bit about dax .\n[patient] mm-hmm .\n[doctor] i'd like to tell dax about you , okay ?\n[patient] sure .\n[doctor] so , brian is a 58 year old male with a past medical history significant for congestive heart failure and hypertension , who presents today for follow-up of his chronic problems . so , brian , it's been a little while i've seen you .\n[patient] mm-hmm .\n[doctor] whats , what's going on ?\n[patient] i , i just feel out of sorts lately . i do n't know if it's the change in the seasons or if we're just doing a lot of projects around the house and , and some , some construction on our own . i'm just feeling out of it . lack of , uh , energy . i'm just so tired and fatigued , and i feel kinda ... i feel lightheaded every once in a while .\n[doctor] okay . all right . um , how long has that been going on for ?\n[patient] uh , probably since labor day , so about five weeks or so .\n[doctor] okay . and , have you noticed any , like , symptoms of weight gain , like , like swollen legs , or , you know , your belly feels bloated and things like that ?\n[patient] i feel , i feel bloated every once in a while .\n[doctor] okay . all right . um , and , are you taking your , your medications ?\n[patient] uh , yes , i am .\n[doctor] okay . and , how about your diet ? are you watching your diet ?\n[patient] uh , it's been a little bit of a struggle . we began construction on our kitchen over labor day weekend , and it was ... hard to cook or prepare meals so we ate out a lot, and not always the best food out. it , it , it kind of reeked havoc , uh , so it's been maybe off a little bit .\n[doctor] okay . all right . and , how about , you know , other symptoms , like , have you had a fever or chills ?\n[patient] no .\n[doctor] okay , and any problems breathing ? do you feel short of breath ?\n[patient] uh , just when i'm doing doing the projects . again , not even lifting anything really heavy , it's just that if i'm ex- exerting any energy , i , i kinda feel it at that point .\n[doctor] okay . do you have any chest pain ?\n[patient] slight cramps . that seems to go away after about , maybe about an hour or so after i first feel it .\n[doctor] okay , and how about a cough ?\n[patient] a , a slight cough , and again , i'm not sure if it's just the change of seasons and i'm getting a cold .\n[doctor] mm-hmm . okay . all right . well , you know , for the most part , how , you know , before all of this-\n[patient] mm-hmm .\n[doctor] . how were you doing with your heart failure ? i know that we've kinda talked about you being able to watch your healthy food intake and that's been kind of a struggle in the past .\n[patient] i , i , i've actually been pretty good about that ever since . the , the , the last year , it's been a little chaotic , but i wanted to make sure i stayed on top of that .\n[doctor] okay . all right . are you excited for halloween ?\n[patient] uh , ca n't wait .\n[doctor] okay .\n[patient] our home renovations should be complete by then\n[doctor] all right , yeah , right .\n[patient] yeah .\n[doctor] and , so , lastly , for your high blood pressure , how are you doing with that ? have , are , did you buy the blood pressure cuff like i asked ?\n[patient] yeah , i , i did , and we do mon- , i , i monitor it regularly . my wife makes sure i stay on top of that , but it's been pretty good .\n[doctor] okay . all right . well , i know you did the review of systems sheet when you checked in , and you were endorsing this fatigue-\n[patient] mm-hmm .\n[doctor] . and a little dizziness and we just talked a lot about a lot of other symptoms .\n[patient] mm-hmm .\n[doctor] any other symptoms i might be missing ? nausea or vomiting , diarrhea ?\n[patient] no .\n[doctor] anything like that ?\n[patient] no .\n[doctor] okay . all right . well , i just want to go ahead and do a quick physical exam .\n[patient] mm-hmm .\n[doctor] hey , dragon ? show me the vital signs . so , looking at your vital signs here in the office , everything looks good . you know , your blood pressure and your heart rate and your oxygenation all look really good .\n[patient] mm-hmm .\n[doctor] so , i'm gon na just take a listen to a few things and check some things out , and i'll let you know what i find , okay ?\n[patient] perfect .\n[doctor] okay . so , on your physical examination , you know , i do appreciate some jugular venous distention to-\n[patient] mm-hmm .\n[doctor] to about eight centimeters . on your heart exam , i do appreciate a three out of six systolic ejection murmur , which we've heard in the past . and , on your lung exam , i do appreciate some fine crackles at the bases bilaterally , and your lower extremities have , you know , 1+ pitting edema . so , what does all that mean ? that means i think you're retaining a little bit of fluid .\n[patient] mm-hmm .\n[doctor] okay ? i wan na just go ahead and look at some of your results , okay ?\n[patient] sure .\n[doctor] hey , dragon ? show me the chest x-ray . so , looking here at the results of your chest x-ray , it does look like you have a little bit of fluid in your lungs there , and that can be just from , um , your heart failure , okay ? hey , dragon ? show me the echocardiogram . so , this is the echocardiogram that we did about four months ago , and this shows that the pumping function of your heart is a little bit reduced at 45 % , and it also shows that leaky valve , the mitral regurgitation that , that you have , okay ? um , so , let me just go over and talk about , a little bit , my assessment and my plan for you .\n[patient] mm-hmm .\n[doctor] okay ? so , for your first problem , your congestive heart failure , i think you're retaining fluid , and i wan na go ahead and increase your lasix to 80 mg once a day .\n[patient] mm-hmm .\n[doctor] i want you to weigh yourself every day . i want you to call me if you're gaining more weight .\n[patient] mm-hmm .\n[doctor] and , i certainly want you to call me if you have any other symptoms of shortness of breath , and i wan na go ahead and order another echocardiogram , okay ?\n[patient] sure .\n[doctor] hey , dragon ? order an echocardiogram .\nlastly , for your high blood pressure , it looks like you're managing it well at this time , okay ? so , i wan na go ahead and continue with the lisinopril 20 mg a day . i want you to continue to record your blood pressures at home , and report them to me in the patient portal if you see they're getting elevated , okay ?\n[patient] mm-hmm .\n[doctor] does that sound like a plan ?\n[patient] that sounds fine .\n[doctor] okay . um , i'm gon na be in touch with you after we get your test results , and we'll go from there , okay ?\n[patient] sure .\n[doctor] all right . hey , dragon , finalize the note .", "file": "D2N068-virtassist", "document_id": "e0e5669c-48a1-4234-8ef4-310922fa47f4" }, { - "medication_info": "Medication Info: \nMedications: \n1. Digoxin - dosage not specified \n2. Ibuprofen - dosage not specified \n3. Motrin - 800 mg, to be taken every six hours with food for two weeks \n\nSymptoms: \n1. Right knee pain \n2. Tenderness on the inside of the knee \n3. Pain when bending and twisting the knee \n4. No other pain reported in calves", + "medication_info": "Medication Info: Motrin 800 mg, take every six hours with food; ibuprofen (not specifically dosage stated in transcript) ; digoxin; Symptoms: right knee pain (medial), tenderness over medial meniscus, pain with bending and twisting of the knee.", "src": "[doctor] hi , ms. thompson . i'm dr. moore . how are you ?\n[patient] hi , dr. moore .\n[doctor] hi .\n[patient] i'm doing okay except for my knee .\n[doctor] all right , hey , dragon , ms. thompson is a 43 year old female here for right knee pain . so tell me what happened with your knee ?\n[patient] well , i was , um , trying to change a light bulb , and i was up on a ladder and i kinda had a little bit of a stumble and kinda twisted my knee as i was trying to catch my fall .\n[doctor] okay . and did you injure yourself any place else ?\n[patient] no , no . it just seems to be the knee .\n[doctor] all right . and when did this happen ?\n[patient] it was yesterday .\n[doctor] all right . and , uh , where does it hurt mostly ?\n[patient] it hurts like in , in , in the inside of my knee .\n[doctor] okay .\n[patient] right here .\n[doctor] all right . and anything make it better or worse ?\n[patient] i have been putting ice on it , uh , and i've been taking ibuprofen , but it does n't seem to help much .\n[doctor] okay . so it sounds like you fell a couple days ago , and you've hurt something inside of your right knee .\n[patient] mm-hmm .\n[doctor] and you've been taking a little bit of ice , uh , putting some ice on it , and has n't really helped and some ibuprofen . is that right ?\n[patient] that's right . yeah .\n[doctor] okay , let's review your past history for a second . it looks like , uh , do you have any other past medical history ?\n[patient] uh , afib .\n[doctor] okay , and are you taking any medications for that ?\n[patient] yeah , i am . um , begins with a d.\n[doctor] uh , digoxin ?\n[patient] that's it . yeah , that's it .\n[doctor] okay , all right . how about any surgeries in the past ?\n[patient] i have had a nose job .\n[doctor] all right . um , let's do your exam , okay ? so is it tender ... where is it mostly tender right now ?\n[patient] right on the inside of my knee . right here .\n[doctor] all right , so if i bend your knee forward , does that seem to hurt ?\n[patient] yes , that hurts .\n[doctor] all right , how about if i twist it a little bit that way .\n[patient] that hurts a lot .\n[doctor] okay , okay . and how about down here ? do you feel me touch you down here ?\n[patient] yes .\n[doctor] all right . any other pain down here in your calves ?\n[patient] no .\n[doctor] no , okay . so on exam you do have some tenderness over the medial portion of your knee over the medial meniscus area . uh , there is no , uh , there is a little bit of tenderness when i flex your , uh , when i , uh , uh , do some valgus stressing on your , on your leg . um , you have normal sensation . so let's take a look at your x-rays .\n[patient] okay .\n[doctor] okay . hey dragon , show me the x-rays . so looking at the x-ray , um , of your left knee , uh , it appears to be there's no fractures there right now . i do n't see any , uh , there's a little bit of , uh , fluid , uh , but there is no , uh , there's no , um , fracture or there's no dislocation . everything else seems to be lined up properly , okay ?\n[patient] okay .\n[doctor] so in summary after my exam , uh , looking at your knee , uh , on the x-ray and your exam , you have some tenderness over the medial meniscus , so i think you have probably an acute medial meniscus sprain right now or strain . uh , at this point , my recommendation would be to put you in a knee brace , uh , and we'll go ahead and have you use some crutches temporarily for the next couple days . we'll have you come back in about a week and see how you're doing , and if it's not better , we'll get an mri at that time .\n[patient] okay .\n[doctor] i'm going to recommend we give you some motrin , 800 milligrams . uh , you can take it about every six hours , uh , with food . uh , and we'll give you about a two week supply .\n[patient] okay .\n[doctor] okay . uh , do you have any questions ?\n[patient] no , i think i'm good .\n[doctor] all right . hey , dragon , order the medications and procedures discussed , and finalize the report . okay , come with me and we'll get you checked out .", "file": "D2N069-virtassist", "document_id": "d249d738-a956-422f-86f5-e0666771a649" }, { - "medication_info": "Medication Info: \n1. Meloxicam 15 mg once a day for lumbar strain.\n2. Metformin 1000 mg twice a day for diabetes.\n3. Lisinopril 20 mg daily for hypertension.\n\nSymptoms mentioned:\n1. Back pain from lumbar strain.\n2. Tingling in toes of the right foot (resolved).\n3. Stiffness in the lower back.\n4. Pain in the lumbar spine on palpation.\n5. Pain with flexion and extension of the back.", + "medication_info": "Medication Info: 1. Meloxicam 15 mg once a day for lumbar strain\n2. Metformin 1000 mg twice a day for diabetes\n3. Lisinopril 20 mg daily for hypertension\nSymptoms: back pain, stiffness, tingling in toes, elevated blood pressure, heart murmur, pain to palpation of lumbar spine, pain with flexion and extension of back.", "src": "[doctor] hi logan . how are you ?\n[patient] hey , good to see you .\n[doctor] it's good to see you as well .\n[doctor] so i know the nurse told you about dax .\n[patient] mm-hmm .\n[doctor] i'd like to tell dax a little bit about you .\n[patient] sure .\n[doctor] so logan is a 58 year old male , with a past medical history significant for diabetes type 2 , hypertension , osteoarthritis , who presents today with some back pain .\n[patient] mm-hmm .\n[doctor] so logan , what happened to your back ?\n[patient] uh , we were helping my daughter with some heavy equipment and lifted some boxes a little too quickly , and they were a little too heavy .\n[doctor] okay ... and did you strain your back , did something-\n[patient] i thought i heard a pop when i moved and i had to lie down for about an hour before it actually relieved the pain . and then it's been a little stiff ever since . and this was- what , so today's tuesday . this was saturday morning .\n[doctor] okay , all right .\n[doctor] and is it your lower back , your upper back ?\n[patient] my lower back .\n[doctor] your lower back , okay . and what- what have you taken for the pain ?\n[patient] i took some tylenol , i took some ibuprofen , i used a little bit of icy heat on the spot but it really did n't seem to help .\n[doctor] okay . and um ... do you have any numbing or tingling in your legs ?\n[patient] uh ... i felt some tingling in my toes on my right foot until about sunday afternoon . and then that seemed to go away .\n[doctor] okay , and is there a position that you feel better in ?\n[patient] uh ... it's really tough to find a comfortable spot sleeping at night . i would- i tend to lie on my right side and that seemed to help a little bit ?\n[doctor] okay , all right .\n[doctor] well , um ... so how are you doing otherwise ? i know that , you know , we have some issues to talk-\n[patient] mm-hmm .\n[doctor] . about today . were you able to take any vacations over the summer ?\n[patient] um ... some long weekends , which was great . just kind of- trying to mix it up through the summer . so lots of three day weekends .\n[doctor] okay , well i'm glad to hear that .\n[doctor] um ... so let's talk a little bit about your diabetes . how are you doing with that ? i know that- you know , i remember you have a sweet tooth . so ...\n[patient] yeah ... i-i love peanut butter cups . um ... and i have to say that when we were helping my daughter , we were on the fly and on the go and haven't had a home cooked meal in weeks, our diets were less than stellar .\n[patient] and uh ... i-i think i need to go clean for a couple of weeks . but other than that , it was been- it's been pretty good eating .\n[doctor] okay , all right . and how about your high blood pressure ? are you monitoring your blood pressure readings at home , like i recommended ?\n[patient] i'm good about it during the week while i am at home working, but on the weekends when i'm out of the house i tend to forget . uh , and so it's not as regimented , but it's been pretty good and-and under control for the most part .\n[doctor] okay , and you're you're taking your medication ?\n[patient] yes , i am .\n[doctor] okay . and then lastly , i know that you had had some early arthritis in your knee . how- how are you doing with that ?\n[patient] uh ... it gets aggravated every once in a while . if i- maybe if i run too much or if i've lift boxes that are a little too heavy , i start to feel the strain . but it's been okay . not great , but it's been okay .\n[doctor] okay . all right , well ... let me go ahead and- you know , i know that the nurse did a review of systems sheet with you when you- when you checked in . i know that you were endorsing the back pain .\n[doctor] have you had any other symptoms , chest pain , nausea or vomiting-\n[patient] no .\n[doctor] . fever , chills ?\n[patient] no . no none whatsoever .\n[doctor] no . okay . all right , well let me go ahead , i want to do a quick physical exam .\n[patient] mm-hmm .\n[doctor] hey dragon ? show me the blood pressure .\n[doctor] so it's a little elevated . your blood pressure's a little elevated here in the office , but you know you could be in some pain , which could make your-\n[patient] mm-hmm .\n[doctor] . blood pressure go up . let's look at the readings .\n[doctor] hey dragon ? show me the blood pressure readings .\n[doctor] yeah ... yeah you know they do run a little bit on the high side , so we'll have to address that as well .\n[patient] mm-hmm .\n[doctor] okay , well . let me- i'm just going to be listening your heart and your lungs and i'll check out your back and i'll let you know what i find , okay ?\n[patient] sure .\n[doctor] and kick against my hands .\n[doctor] okay , good . all right .\n[doctor] okay , so ... on physical examination , you know , i-i do hear a slight 2 out of 6 s- s- systolic heart murmur .\n[patient] mm-hmm .\n[doctor] on your heart exam . which you've had in the past .\n[patient] mm-hmm .\n[doctor] so that sounds stable to me .\n[doctor] on your back exam , you know , you do have some pain to palpation of the lumbar spine . and you have pain with flexion and extension of the back . and you have a negative straight leg raise , which is which is good . so , let's- let's just look at some of your results , okay ?\n[patient] mm-hmm .\n[doctor] hey dragon ? show me the diabetes labs .\n[doctor] okay , so ... in reviewing the results of your diabetes labs , your hemoglobin a1c is a little elevated at eight . i'd like to see it a little bit better , okay ?\n[patient] sure .\n[doctor] hey dragon ? show me the back x-ray .\n[doctor] so in reviewing the results of your back x-ray , this looks like a normal x-ray . there's good bony alignment , there's normal uh- there's no fracture present . uh , so this is a normal x-ray of your back , which is not surprising based on-\n[patient] mm-hmm .\n[doctor] . the history , okay ?\n[patient] mm-hmm .\n[doctor] so let's just go ahead and we'll- we're going to go over , you know , my assessment and my plan for you .\n[doctor] so for your first problem , your back pain . you know , i think you have a lumbar strain from the lifting . so , let's go ahead . we can prescribe you some meloxicam 15 mg once a day .\n[patient] mm-hmm .\n[doctor] i want you to continue to ice it , okay . i want you to try to avoid any strenuous activity and we can go ahead and- and refer you to physical therapy-\n[patient] mm-hmm .\n[doctor] . and see how you do , okay ?\n[patient] you got it .\n[doctor] for your next problem , your diabetes . y-you know , i think it's a little under- out of control . so i want to increase the metformin to 1000 mg twice a day . and i'm going to um ... um ... i'm going to repeat a hemoglobin a1c in about 6 months , okay ?\n[patient] mm-hmm .\n[doctor] hey dragon ? order a hemoglobin a1c .\n[doctor] so , for your third problem , your hypertension . uh ... i-i'd like to go ahead increase the lisinopril from 10 mg to 20 mg a day .\n[patient] mm-hmm .\n[doctor] does that sound okay ? i think we need to get it under better control .\n[patient] no that's fine . i agree .\n[doctor] hey dragon ? order lisinopril 20 mg daily .\n[doctor] and for your last problem , your osteoarthritis , i-i think that you were doing a really good job , in terms of you know what , monitoring your knee and uh ...\n[patient] mm-hmm .\n[doctor] i do n't think we need to do any- any further , you know , work up of that at this time , okay ?\n[patient] mm-hmm .\n[doctor] do you have any questions logan ?\n[patient] not at this point .\n[doctor] okay . all right .\n[doctor] so the nurse will come in to help you get checked out , okay ?\n[patient] you got it .\n[doctor] hey dragon ? finalize the note .", "file": "D2N070-virtassist", "document_id": "87df3440-0f44-40e9-98dd-f40fff91a620" }, { - "medication_info": "Medication Info: \n1. Prozac - 20 milligrams daily\n2. Norvasc - dosage not specified\n\nSymptoms: \n1. Depression - managed and maintained, no incidents in a while\n2. Hypertension - struggles with medication adherence on weekends\n3. Nasal congestion from pollen\n4. Shortness of breath with exertion, especially in humid conditions\n5. Pounding in the chest during runs\n6. Pain to palpation of the sinuses\n", + "medication_info": "Medication Info: Prozac 20 milligrams daily (needs a refill); Norvasc; Symptoms: Depression, shortness of breath with exertion, nasal congestion, pounding in chest, hypertension.", "src": "[doctor] i know the nurse told you about dax .\n[patient] mm-hmm\n[doctor] i'd like to tell dax a little bit about you , okay ?\n[patient] sure .\n[doctor] so ralph is a 62-year-old male with a past medical history significant for depression and prior lobectomy as well as hypertension , who presents for his annual exam . so , ralph , it's been a while since i saw you . how are you doing ?\n[patient] um , relatively speaking , okay . it was kind of a , a tough spring with all the pollen and everything and , uh , we dropped my oldest daughter off at college and moved her into her dorm , so little stressful , little chaotic , in the heat of the summer , but so far , so good .\n[doctor] okay . i know . i know . that's a , that's a hard thing to get over , moving kids out of the house and that type of thing .\n[patient] yeah .\n[doctor] so , um well , how are you doing from , you know , let's talk a little bit about your depression . how are you doing with that ? i know that we had put you on the prozac last year .\n[patient] yeah , i've been staying on top of the meds , and i have n't had any incidents in a while , so it's , it's been pretty good , and everything's managed and maintained . um , still kind of working with my hypertension . that's been a little bit more of a struggle than anything .\n[doctor] okay . yeah , i , i see that we have you on the norvasc . and so are you taking it at home ? is it running high , or ...\n[patient] i ... i'm pretty regular with the medications during the business week , but on there's weekends , you know , if i'm on the fly or doing something , sometimes i forget , or i forget to bring it with me . uh , but for the most part , it's been okay .\n[doctor] okay . all right . um , and then i know that you've had that prior lobectomy a couple years ago . any issues with shortness of breath with all the allergies or anything ?\n[patient] other than during the heat and the pollen , it's been pretty good .\n[doctor] okay . all right . so i , i know that the nurse went over the review of systems sheet with you , and , and you endorsed some nasal congestion from the pollen , but how about any shortness of breath , cough , muscle aches ?\n[patient] sometimes i , i regularly , uh , go for a run in the morning . that's my workout , and sometimes if it's , uh , relatively humid , i'll struggle a little bit , and i might feel a little bit of pounding in my chest . it usually goes away , but , uh , again , for the most part , it's been pretty good .\n[doctor] okay , so you also have some shortness of breath with with exertion .\n[patient] correct . correct .\n[doctor] all right , and how far are you running ?\n[patient] uh , like 4 to 5 miles a day .\n[doctor] okay , great . all right . well , let's go ahead . i'd like to do a quick physical exam . let's look at your blood pressure .\n[patient] mm-hmm .\n[doctor] hey , dragon , show me the vital signs . so here in the office today , your blood pressure looks quite well , at 120 over 80 . let's look at your prior trends . hey , dragon , show me the blood pressure readings . so , yeah , it looks , it looks good . i think you're doing a good job . it looks lower than it has in the past , so continue on the current medication .\n[patient] mm-hmm .\n[doctor] all right , so i'm just gon na listen to your heart and lungs and check you out , okay ?\n[patient] you got it .\n[doctor] okay , so on exam , everything seems to be good . your heart , i hear a slight two out of six systolic ejection murmur , and your lungs sound nice and clear , and you do n't have any lower extremity edema . um , your ... you do have some pain to palpation of the , of the sinuses here , so i think you do have a little bit of congestion there . let's go ahead and look at some of your results , okay ? hey , dragon , show me the ekg . so they did an ekg before you came in today .\n[patient] mm-hmm .\n[doctor] and in reviewing the results , it looks like your ekg is completely normal , so that's good .\n[patient] good .\n[doctor] so i'm not too concerned about that , that chest pounding . hey , dragon , show me the chest x-ray . and we also did a chest x-ray , which , which looks really good , uh , and you know , your prior lobectomy , there's no ... everything looks good , okay ? it looks normal . so let's talk a little bit about my assessment and my plan for you . so for your first problem , your , your depression , it seems , again , like you're doing really well-\n[patient] mm-hmm .\n[doctor] . with your current strategy . let's continue you on the prozac 20 milligrams a day and do you need a refill on that ?\n[patient] uh , actually , i do need a refill .\n[doctor] okay . hey , dragon , order a refill of prozac , 20 milligrams daily . from a ... for your next problem , the lobectomy , i think , you know , i do n't think we need to do any more workup of that . it seems like you're exercising a lot . your breathing function is fine . so , uh , i , i do n't think you need to follow up with the surgeon anymore . and then for your last problem , your hypertension .\n[patient] mm-hmm .\n[doctor] you're doing a great job of keeping it controlled . i know you said you have n't been taking it that much on the weekends , but your blood pressure here looks good , and it's much better over the last several years . so let's go ahead . i do wan na order just , um , an echocardiogram for that murmur . hey , dragon , order an echocardiogram . and i'll just follow up with the results , and we'll go ahead and order , um , your routine blood work , and i'll be in touch with you through the patient portal , okay ?\n[patient] perfect .\n[doctor] all right . good to see you .\n[patient] same here .\n[doctor] hey , dragon , finalize the note . the nurse will be in .\n[patient] thank you .", "file": "D2N071-virtassist", "document_id": "e1627874-d629-4705-a4e9-1fe8a09acfd9" }, { - "medication_info": "Medication Info: \nMedications:\n- Ibuprofen: 600 mg every six hours for one week\n- Miralax: for constipation\nSymptoms:\n- Right finger pain\n- Tenderness over distal phalanx\n- Pain with movement of finger\n- No pain on proximal joint or metacarpophalangeal joint\n- Constipation (underlying issue)", + "medication_info": "Medication Info: \n- Motrin (Ibuprofen), 600 mg every six hours for one week\n- Miralax for constipation (dosage not specified)\n\nSymptoms:\n- Right index finger contusion\n- Pain when bending the right index finger\n- Tenderness over distal phalanx (tip of right index finger)\n- Pain with finger flexion", "src": "[doctor] hi , ms. brooks . i'm dr. baker . how are you ?\n[patient] hi , dr. baker .\n[doctor] is your , is your right finger hurting ?\n[patient] yes .\n[doctor] okay . hey , dragon , uh , sharon brooks is a 48 year old female here for right finger pain . all right . so , tell me what happened .\n[patient] well , i was skiing over the weekend-\n[doctor] okay .\n[patient] . and as i was , um , coming down the hill , i tried moguls , which jumping over those big hills , i tend to get my strap caught on my finger-\n[doctor]\n[patient] . and it kind of bent it back a bit .\n[doctor] okay .\n[patient] yeah .\n[doctor] and when did this happen ?\n[patient] it happened , uh ... that was sunday .\n[doctor] okay . and have you tried anything for this or anything made it better or worse ?\n[patient] i tried , um , putting ice on it .\n[doctor] okay .\n[patient] uh , and then i- i've been taking ibuprofen , but it's still very painful .\n[doctor] okay . and , uh , is it worse when you bend it ? or anything make it ... so , just wh-\n[patient] yeah , movement .\n[doctor] okay .\n[patient] yes .\n[doctor] okay . so , it sounds like you were skiing about four about days ago and you went over a mogul and got it hyper extended or got it bent backwards a little bit , ? okay . do you have any other past medical history at all ?\n[patient] um , i have been suffering from constipation recently .\n[doctor] okay . all right . and do you take ... what medicines do you take for constipation ?\n[patient] um , i've just been taking , um , mel- um ...\n[doctor] miralax ?\n[patient] miralax . that's it .\n[doctor] okay . miralax is sufficient .\n[patient] miralax . yes .\n[doctor] and any surgeries in the past ?\n[patient] i did have my appendix taken out when i was 18 .\n[doctor] okay . let's do your exam . uh , so , it's this finger right here . and does it hurt here on your , on this joint up here ?\n[patient] no .\n[doctor] okay . and how'bout right there ? no ?\n[patient] no .\n[doctor] right here ?\n[patient] that hurts .\n[doctor] all right . uh , can you bend your finger for me ?\n[patient] yeah .\n[doctor] all right . and how about extend it ? all right . and can you touch your thumb with it ?\n[patient] yes .\n[doctor] all right . so , on exam , you do have some tenderness over your distal phalanx , which is the tip of your finger . there is , uh , some tenderness over that joint itself . i do n't feel any tenderness over your proximal joint or your metacarpophalangeal joint , which is right above your knuckle . uh , you have some pain flexion as well . so , let's look at your x-rays . hey , dragon , show me the x-rays .\n[doctor] all right . so , on this x-ray.\neverything looks normal right now . uh , i do n't see any fractures . everything lines up pretty well . uh , so , your x-ray looks normal with no fractures . so , based on the x-ray and your exam , you have some tenderness right here . i think you've got a little contusion right here . there's no fracture on the tip of your finger . uh , so , the diagnosis would be a right hand , uh , index finger contusion on the tip of your finger , okay ? so , i would recommend we get you a s- uh , aluminum foam splint and we'll get you some motrin . uh , we'll give you 600 milligrams every six hours and we'll take that for about a week . and if it does n't get better , why do n't you call us and come back at that point ?\n[patient] okay .\n[doctor] okay . do you have any questions ?\n[patient] no . i think that sounds good .\n[doctor] okay . hey , dragon , order the medication and procedures we discussed . all right . and why do n't you come with me and we'll get you signed out .\n[patient] okay . thank you .\n[doctor] all right . finalize report , dragon .", "file": "D2N072-virtassist", "document_id": "f44c23f2-729f-4dbe-b76d-d779032e7f8a" }, { - "medication_info": "Medication Info: \nMedications:\n1. Ferrous sulfate - 25 mg tablets, twice daily\n2. Vitamin B12 - over the counter\n\nSymptoms:\n1. Fatigue\n2. Feverish with chills\n3. Wheezing\n4. Headaches\n5. Chilling sensations\n6. Easily getting cold\n7. Anxiety\n8. Depression", + "medication_info": "Medication Info: Ferrous sulfate 25 mg tablets, twice daily; Vitamin B12 (over the counter) - regular use not specified; Symptoms: Fatigue, chills, wheezing, headaches, chilling sensations, cold intolerance, worsening anxiety and depression, feeling 'a mess'.", "src": "[doctor] today i'm seeing christina cooper . her date of birth is 07/01/1954 . uh , ms. cooper is a new patient who was referred by diane nelson for a long-standing iron deficiency anemia .\n[doctor] hello , how are you ?\n[patient] i'm good , thank you .\n[doctor] so tell me what brings you in today .\n[patient] recently i tried to donate blood , around december i think , and they told me i was anemic , which is something i've been dealing with for a while , so it's not the first time i've been told i'm anemic .\n[doctor] or how have you been feeling in general with this ?\n[patient] not great . i have been feeling fatigued often during the day , and even feverish with chills at times . when i try to be active i like i ca n't catch my breath and i feel like i'm wheezing . i've had some headaches too , which is not like me .\n[doctor] okay . are there any other symptoms ?\n[patient] i've been noting some chilling sensations . i also get cold so easily . it's annoying . i feel like i have to really bundle up . i do n't know if this is related but my anxiety and depression feel like it has been getting worse lately . i feel like a mess .\n[doctor] sounds like you're not feeling great , obviously . and i'm glad you came to see us . um , we're certainly going to try to figure this out and figure out what's going on , uh , but it sounds like you've been dealing with this anemia for a long time ?\n[patient] yeah , i've been anemic since i was 13 years old .\n[doctor] right . so why do your doctors think you're anemic ? do you have a history of heavy periods ?\n[patient] well i did have heavy periods until i had a hysterectomy in 1996 . but no , they have not told me why they think i'm anemic , which is frustrating honestly .\n[doctor] yeah . i can imagine that is . um , let's see if we can help though . since you had your hysterectomy your periods , of course , are no longer the issue . um , when was your last colonoscopy ?\n[patient] about five to six years ago .\n[doctor] and was it relatively a normal exam ? did you have any polyps ?\n[patient] no . they said they'd see me in 10 years .\n[doctor] well that's good news .\n[patient] yeah , i agree .\n[doctor] um , do you have a pacemaker or defibrillator , or have sleep apnea , or use oxygen at night ?\n[patient] no .\n[doctor] all right . do you ever drink alcohol ?\n[patient] yeah , but only once or twice a year .\n[doctor] okay . are you taking any supplements such as iron or vitamin b12 ?\n[patient] i already started taking my iron pills which i have not taken in about a year .\n[doctor] all right . and what are you taking ?\n[patient] i'm taking 25 milligram tablets , twice daily .\n[doctor] okay , and that's the , the ferrous sulfate ?\n[patient] yeah , that's it . i take one in the morning and one in the evening .\n[doctor] okay . anything else ?\n[patient] yeah , i take vitamin b12 , just the over the counter stuff .\n[doctor] okay , very good . all right , well let's go ahead and take a look and see what's going on .\n[patient] sounds good . thank you .\n[doctor] of course . you'll hear me , uh , talk through your exam so that i get all the information documented .\n[patient] okay .\n[doctor] all right . so use my general physical exam template . i will start by listening to your heart and lungs .\n[patient] okay .\n[doctor] all right . next , i'd like you to lay back so i can examine your abdomen .\n[patient] okay .\n[doctor] is there any tenderness where i'm pressing ?\n[patient] no .\n[doctor] okay . you can sit up . so your physical exam is normal without any significant findings . all right ms. cooper , often when we initially see anemia and your host of symptoms , we suspect internal bleeding .\n[patient] is that why they want me to have another upper endoscopy ?\n[doctor] actually it would be an upper endoscopy and a colonoscopy , but yes , likely that's the reason why .\n[patient] lovely .\n[doctor] yeah . unfortunately our cameras do not meet all the way in the middle , so if those tests back , come , if those tests come back fine , then we'll have you swallow a pill camera to take pictures as it moves through your , uh , system .\n[patient] okay .\n[doctor] we may not need to , but it's just the first thing we can do to make sure that you're not losing blood . um , the second thing we can do is have you see a hematologist . they will tell us if you need to give any , to give you any intravenous iron , or maybe something to help your body store the iron better .\n[patient] all right .\n[doctor] so let's go ahead , get your upper endoscopy and colonoscopy scheduled .\n[patient] okay .\n[doctor] um , have you ever had any issue with sedation in the past ?\n[patient] no , i was just sleepy afterwards .\n[doctor] okay . well we will give you a bowel prep to clean out your bowels ahead of time . um , if we do these tests and they are normal , like i said , then we will consider that capsule endoscopy .\n[patient] okay . sounds like a plan .\n[doctor] all right . so after that you'll be all done and we will send you to the hematologist . additionally , i'm going to need you to start taking your iron pills with orange juice . uh , the vitamin c will help you absorb the iron better . do this for about 8-12 weeks , uh , and then we can reassess your blood work .\n[patient] okay , that sounds great .\n[doctor] all right . well i think we have our plan . on your way out , stop by and schedule your upper endoscopy and c- colonoscopy . uh , we will send a referral to dr. flores who is is the hematologist , so schedule that appointment . um , here are your instructions for the pre- uh , the bowel prep . uh , call us if you have any questions or worsening symptoms . we'll be happy to help you .\n[patient] thank you .\n[doctor] you're welcome . have a great day , have a great day ms. cooper .\n[patient] you too .\n[doctor] all right . this is christina cooper , pleasant 65 year old female who was diagnosed with iron deficiency anemia in 12-2019 , and w- and was unable to donate blood . um , her followup blood work on 01/20/20 was revealed a low hemoglobin , stable hematocrit and normal iron labs , although ferritin was low . um , she was taking ferrous sulfate , three hundred , twenty phil- 25 milligrams by mouth . i've asked her to continue each dose with vitamin c found in orange juice , for the next 12 weeks , then recheck to the cbc , iron , ferritin , b12 , and folate . um , a referral was sent to her hematologist . we will plan for an egd and a colonoscopy to assess for potential sources of anemia or gi bleed . if this is inconclusive , capsule endoscopy will be considered . thanks .", "file": "D2N073-virtscribe", "document_id": "faffd8f6-1f3e-47fe-ba4a-ae0365649388" }, { - "medication_info": "Medication Info: Tylenol (not effective for headaches); Symptoms: worsening headaches, dull nagging ache behind the eyes, increased severity of headaches (from 3/10 to 6/10), headaches worse in the morning, bumping into door frames, no other symptoms like fever, rash, neck stiffness, numbness, weakness, or passing out.", + "medication_info": "Medication Info: Tylenol (no specific dosage mentioned); the patient denied taking any other medications. Symptoms: worsening headaches, dull nagging ache behind the eyes, increasing severity over time, bitemporal hemianopia, bumping into door frames.", "src": "[doctor] patient , bruce ward . date of birth 5/21/1969 . please use my neuro consult template . this is a 52-year-old male with dia- newly diagnosed pituitary lesion . the patient is seen in consultation at the request of dr. henry howard for possible surgical intervention . mr . ward presented to his primary care provider , dr. howard , on 3/1/21 complaining of worsening headaches over the past few months . he denied any trouble with headaches in the past . his past clinical history is unremarkable .\n[doctor] worked out for worsening headaches was initiated with brain mri and serology where pituitary lesion was incidentally discovered . i personally reviewed the labs dated 3/3/21 including cbc , unes , uh , coagulation , and crp . all were normal . pituitary hormone profile demonstrates a low tsh , all other results were normal . um , i personally reviewed pertinent radiology studies including mri for the brain with contrast from 3/4/21 . the mri reveals a pituitary lesion with elevation and compression of the optic chiasm . the ventricles are normal in size and no other abnormalities are lo- are noted .\n[doctor] hello , mr . ward . nice to meet you . i'm dr. flores .\n[patient] hi , doc . nice to meet you .\n[doctor] i was just reviewing your records from dr. howard and he's referred you because the workup for headaches revealed a mass on your pituitary gland . i did review your mri images and you have a significant mass there . can you tell me about the issues you've been experiencing ?\n[patient] yeah sure . so i'm really getting fed up with these headaches . i've been trying my best to deal with them but they've been going on for months now and i'm really struggling .\n[doctor] where are the headaches located and how would you describe that pain ?\n[patient] located behind my eyes . it's like a dull nagging ache .\n[doctor] okay . was the onset gradual or sudden ?\n[patient] well it started about three months ago . and they've been getting worse over time . at first it was like three out of 10 severity , and it just gradually worsened . and now it's about six out of 10 severity . the headaches do tend to be worse in the morning and it feels like a dull ache behind the eyes . they last a few hours at a time , nothing makes them better or worse .\n[doctor] okay . can you tell me if the pain radiates , or if you have any other symptoms ? specifically feeling sick , fever , rashes , neck stiffness , numbness , weakness , passing out ?\n[patient] no . i have n't been sick or felt sick . ca n't recall a fever or any kind of rash . no- no neck issues , no numbness , no tingling . and i've never passed out in my life . but , um , for some reason recently i seem to be bumping into door frames .\n[doctor] okay . have you noticed any change in your vision or with your balance ?\n[patient] no i do n't think so . my eyes were checked in the fall .\n[doctor] okay . let's see , do you have any other medical problems that you take medicine for ?\n[patient] no i do n't have any medical problems and i do n't take any medicines . i tried tylenol a few times for the headaches but it did n't work , so i stopped .\n[doctor] i see . anyone in your family have any history of diseases ?\n[patient] i was adopted so i really have no idea .\n[doctor] okay . um , what kind of work do you do ? and are you married ?\n[patient] i work as a computer programmer and i've been married for 25 years . we just bought a small house .\n[doctor] that's nice . um , do you drink any alcohol , smoke , or use recreational drugs ?\n[patient] nope . i do n't do any of those and never have .\n[doctor] okay . um , well let me take a good look at you . um , now you'll hear me calling out some details as i perform the examination . these will be noted for me in your record and i'll be happy to answer any questions you have once we're done .\n[patient] sounds good , doc .\n[doctor] all right . the patient is alert , oriented to time , place , and person . affect is appropriate and speech is fluent . cranial nerve examination is grossly intact . no focal , motor , or sensory deficit in the upper or lower extremities . visual acuity and eye movements are normal . pupils are equal and reactive . visual field testing reveals bitemporal hemianopia . and color vision is normal .\n[doctor] all right , mr. ward . i'm going to review these pictures from the mri with you . um , now this appears to be a benign pituitary adenoma , but there's no way to be sure without sending the removed adenoma to pathology to make the diagnosis , which we will do . um , here you can see it's a well defined mass . and it's pressing right here on what we call the optic chiasm . and today when i was having you look at my fingers , you could n't see them off to the sides , that's what we call bitemporal hemianopia . and explains why you have been bumping into door frames .\n[patient] yeah i never noticed that i could n't see out of the side until you did that test , and you closed one eye with both eyes . i really could n't tell .\n[doctor] no because you're having this vision loss from the mass compressing the optic chiasm , the only option we have is to do surgery .\n[patient] okay , i understand . do you think i'll regain my vision ?\n[doctor] well there's no guarantees , but it is a possibility . i'm gon na refer you to the eye doctor for a full exam and they'll do what's called visual field test . this will map our your peripheral vision or side vision prior to surgery . and we can monitor after surgery to see if your vision is improving .\n[patient] all right .\n[doctor] and let's discuss the surgery a little more . um , we would do what's called a transsphenoidal approach to do the surgery . this is minimally invasive and we go through the sphenoid sinus . there are some risks i have to inform you of . uh , risk of anesthesia including but not limited to the risk of heart attack , stroke , and death . risk of surgery include infection , need for further surgery , wound issues such as spinal fluid leak or infection , uh , which may require long , prolonged hospitalization or additional procedure . uh , seizure , stroke , permanent numbness , weakness , difficulty speaking , or even death .\n[patient] well i guess we have to do it regardless .\n[doctor] okay . so i will have you see our surgery scheduler , deborah , on the way out to get you set up . we will get this scheduled fairly quickly so i do n't want you to be alarmed . um , she'll also get you set up today or tomorrow to have the visual field test and you may not be able to see the eye doctor until after surgery . but we have the pre-surgery visual field test for comparison after surgery .\n[patient] okay . i look forward to these headaches going away . i never thought it could be something like this going on .\n[doctor] yeah . come this way , we'll get your things lined up . please call if you think of any questions .\n[patient] thanks , doctor .\n[doctor] diagnosis will be pituitary adenoma . mr . ward is a very pleasant 52-year-old male who has benign appearing pituitary adenoma , incidentally discovered during workup for worsening headaches . he is symptomatic with clinical and radiographical evidence of optic chiasmal compression , therefor surgical intervention to excise and decompress the pituitary fossa is indicated . end of note .", "file": "D2N074-virtscribe", "document_id": "8ea5c4b8-a783-4358-9507-bf8b0720efe0" }, { - "medication_info": "Medication Info: No medications were prescribed or mentioned in the transcript. Symptoms mentioned: chest pain, difficulty swallowing, anxiety, and mild tenderness in the upper abdomen.", + "medication_info": "Medication Info: No medications were prescribed or mentioned during the consultation. Symptoms mentioned include: chest pain, difficulty swallowing, mild tenderness in the upper abdomen, anxiety, sharp pain during the episode that felt like a heart attack, pain that worsened with eating, and esophagitis as a suspected cause.", "src": "[doctor] next is betty hill , uh , date of birth is 2/21/1968 . she has a past medical history of uterine fibroids and anemia . she's a new patient with a referral from the er of esophagitis . um , i reviewed our records from the er , including the normal cardiac workup , and we're about to go in and see her now . good morning . you miss hill ?\n[patient] good morning . yes . that's me .\n[doctor] hey , i'm dr. sanders . it's nice to meet you .\n[patient] nice to meet you too .\n[doctor] so tell me about what brings you in today ?\n[patient] well , i really needed to see you three months ... three months ago , but this was your first available appointment . when i called to make the appointment , i was having chest pains , but it stopped after four days , and i have n't had any since then .\n[doctor] okay . when did these four days of chest pain occur ?\n[patient] um , early october .\n[doctor] of 2020 , correct ?\n[patient] yes .\n[doctor] okay . can you think of anything that might have caused the chest pain ? did you wake up with it ?\n[patient] no . it just it randomly . i tolerated it for four days but then had to go to the emergency room because nothing i did relieved it . they did a bunch of testing and did n't find anything .\n[doctor] okay . can you point to the area of your chest where the pain was located ?\n[patient] well , it was here in the center of my chest , right behind my breastbone . it felt like i was having a heart attack . the pain was really sharp .\n[doctor] did they prescribe you any medications in the er ?\n[patient] no . they ran an ekg and did blood tests , but like i said , everything was normal .\n[doctor] okay . i see .\n[patient] they thought it was something to do with the gi system , so that's why they referred me here .\n[doctor] interesting . uh , do you remember having any heartburn or indigestion at , at the time ?\n[patient] uh , maybe . i do n't think i've ever had heartburn , so i'm not sure what that feels like .\n[doctor] was the pain worse with eating or exercise ?\n[patient] yes . with eating .\n[doctor] okay . any difficulty swallowing ?\n[patient] mm-hmm . i did .\n[doctor] okay . and that's also resolved since the initial episode three months ago ?\n[patient] yes . thankfully . the chest pain and swallowing problem got better about three days after i went to the er . but i just feel like there's something wrong .\n[doctor] okay . so how has your weight been .\n[patient] i've been trying to lose weight .\n[doctor] that's good . any in- ... issues with abdominal pain ?\n[patient] uh , no .\n[doctor] okay . good . and how about your bowel movements ; are they okay ?\n[patient] they're normal .\n[doctor] all right . are you aware of any family history of gi problems ?\n[patient] i do n't think so .\n[doctor] have had you had any surgeries on your abdomen , or gall bladder , or appendix ?\n[patient] yes . they took my gall bladder out several years ago .\n[doctor] okay . if you wan na lay down here on the table for me and lets take a look at you .\n[patient] okay .\n[doctor] so when i push on your lower belly , do you have any pain , or does it feel tender ?\n[patient] no .\n[doctor] okay . how about up here in your upper abdomen ?\n[patient] yes . it , it hurts a little .\n[doctor] okay . and even when i press lightly like this ?\n[patient] yes . uh , just a little uncomfortable .\n[doctor] okay . does it hurt more when i press over here on the left or over here on the right ? or is it about the same ?\n[patient] i'd say it's about the same .\n[doctor] okay . so we'll say you have some mild tenderness to light palpation in the upper abdominal quadrants , but everything on your exam looks normal and looks good .\n[patient] okay . good .\n[doctor] so let's talk about your symptoms real quick . obviously , with the chest discomfort , we worry about heart issues , but i'm reassured that those were ruled out with all the testing they did in the er . um , other potential causes could be anxiety , esophagitis , which is irritation of the esophagus . but typically with these , um ... but typically , these cause the pain that would last for a long time rather than that isolated incident like you had . um , it's also possible that you had intense heartburn for a few days .\n[patient] well , since you mention anxiety , i was going through a really stressful job transition right around the time this happened .\n[doctor] okay . that's good to know . so stress from this could be , um ... could be , uh ... could be very well have contributed to your condition .\n[patient] okay .\n[doctor] so we could do an , uh , egd or upper endoscopy to take a look at your esophagus and stomach . this would allow us to look for esophagitis . but your symptoms occurred three months ago and you have n't had any additional episodes , so likely if it were esophagitis , it's already healed by the point ... by this point , and we would n't be able to see anything . the other option is just to continue to monitor , uh , for any additional symptoms at which point we could do the egd . uh , with you being asymptomatic for so long right now , i'm comfortable with that option . but what do you think ?\n[patient] i'd like to hold off on the egd and wait to see if i have more symptoms .\n[doctor] that sounds good . um , so you can call the office if you have any additional episodes of pain or any other symptoms you're concerned about . if that happens , we'll get you scheduled for an egd to take a look . if not , you can follow up with me ... follow up with me as needed for any other gi complaints .\n[patient] okay .\n[doctor] all right ? if you do n't have any questions for me , i'll walk you out to the check-out desk .\n[patient] no . that's it . thank you .\n[doctor] you're welcome . right this way . all right . uh , in assessment , please summarize the patient's history briefly , and let's list her possible etiologies such as , uh , gerd , dyspepsia , esophagitis , musculoskeletal etiologies , and anxiety . uh , suspect she had an anxiety attack related to her job transition , plus or minus a contribution from her musculoskeletal etiologies . um , in the plan , include our discussion of the egd versus monderning ... monitoring for symptom . patient elected to self-monitor her symptoms and will call with any reoccurrence or change . thanks .", "file": "D2N075-virtscribe", "document_id": "3eaeef0f-29a7-4a1f-ba25-f5a152ebc2ea" }, { - "medication_info": "Medication Info: \nNo specific medications or dosages were mentioned in the transcript. Symptoms mentioned include: problems with eating (stopping breathing while eating), difficulty regulating temperature, severe reflux, mild hypotonia of the lower extremities, fussy during examination, and being diagnosed with Smith-Magenis syndrome.", + "medication_info": "Medication Info: No medications or dosages mentioned. Symptoms: feeding problems (stopping breathing when eating), difficulty regulating temperature, failure to walk or sit at one year, severe reflux, hypotonia of the lower extremities.", "src": "[doctor] hello .\n[patient_guest] hi .\n[doctor] i'm dr. evelyn , one of the kidney doctors . it's good to meet you guys .\n[patient_guest] it's nice to meet you also .\n[doctor] yeah . so i was reading about this syndrome that i actually have never heard of .\n[patient_guest] yeah , me too .\n[doctor] i do n't think it's very common .\n[patient_guest] definitely not . it's c- pretty rare .\n[doctor] so-\n[doctor] can you start at the beginning ? i know she's a twin , so are these your first two babies ?\n[patient_guest] no , i have a son also who is nine . he also has autism .\n[doctor] okay .\n[patient_guest] and when the twins were born , katherine , she was about 4 pounds , 8 ounces . and her twin was a bit smaller , at 3 pounds , 13 ounces .\n[patient_guest] katherine , she was doing fine . she just had problems with eating , where she would stop breathing when she was eating .\n[doctor] like preemie type stuff ?\n[patient_guest] uh- . yeah . she just had a hard time regulating her temperature , but she did fine . she does have a gi doctor , because she has reflex really bad . she also had a dietician , who told us to take her off cow's milk . which we did . and then she has seen an allergist , and also a neurologist ... who diagnosed her with this syndrome , because she still does n't walk and she was n't sitting by herself a year old .\n[doctor] yeah .\n[patient_guest] but so now she is crawling and she is trying to take steps , so think she's doing pretty good .\n[doctor] good . is she in therapy ?\n[patient_guest] she is in therapy . she's in feeding therapy , occupational therapy , and also physical therapy .\n[doctor] awesome . okay .\n[patient_guest] and we also have speech therapy , who is going to be starting within the next couple of weeks .\n[doctor] that's great .\n[patient_guest] so , she has a lot of therapies . we have also seen an orthopedic and an ophthalmologist . i can never say that . we have seen everything , really .\n[doctor] and audiology too , right ?\n[patient_guest] yes .\n[doctor] yeah , wow. .\n[patient_guest] yeah , it has definitely been a whirlwind of stuff . when we saw the geneticist , she told us that sometimes people with this syndrome , they have trouble with their kidneys . that they might actually fuse into one . she also said sometimes they have problems with their legs , so that was why we saw ortho .\n[doctor] okay . okay .\n[patient_guest] so we have seen everybody , really . we are just here to make sure that her kidneys are looking good right now .\n[doctor] yeah , okay . so , um , tell me about how many wet diapers she has in a 24 hour period ?\n[patient_guest] she has a lot .\n[doctor] so like normal 8 to 10 , or like 20 ?\n[patient_guest] yeah , it's around 8 to 10 .\n[doctor] okay . great .\n[patient_guest] yeah , she seems to pee a lot , and it feels like she drinks a lot too .\n[doctor] that's perfect .\n[patient_guest] and she used to only drink milk , and then i took her off dairy milk . so when i say milk , i actually mean , you know , ripple pea protein milk .\n[doctor] sure , yeah .\n[patient_guest] so i give her that milk , water now that she's used to it , and sometimes water with just a little bit of juice . so i do feel like she's drinking a lot better now .\n[doctor] that's great . and she's how old now ?\n[patient_guest] she'll be two mo- two next month .\n[doctor] okay . is her twin a boy or a girl ?\n[patient_guest] she's a girl .\n[doctor] okay , and how's she doing ?\n[patient_guest] she's doing really good . she's running around , and she does n't have any problems .\n[doctor] all right . is she bigger than her or the same size ?\n[patient_guest] they're about the same size . they're able to wear the same clothes , so ...\n[doctor] okay .\n[patient_guest] i do n't even think she's a pound hav- heavier , actually .\n[doctor] yeah . yeah .\n[patient_guest] but she is a little bit taller than her ... um , katherine . she's just sh- a little shorter and chunkier , but i think that's a part of her syndrome .\n[doctor] yeah . yeah , i was reading all the things associated with the syndrome . it sounds like we're looking for continual- congenital anomalies wi- of the kidney and urinary tract . which is basically something is wrong with the plumbing .\n[patient_guest] okay .\n[doctor] so the only way to know that , is to do a kidney ultrasound .\n[patient_guest] okay , that sounds okay .\n[doctor] okay . let me put that into the system , and then downstairs they can do the ultrasound .\n[patient_guest] all right , thank you .\n[doctor] okay , yeah . where do you all live ?\n[patient_guest] uh , we live in dallas .\n[doctor] okay . anybody in the family with kidney failure , dialysis or transplant ?\n[patient_guest] no .\n[doctor] okay . so let's get your ultrasound done , and we'll see how it goes .\n[patient_guest] all right , that sounds good .\n[doctor] all right . let me take a quick look at her .\n[patient_guest] sure .\n[doctor] all right . please use my physical exam template . um , i wan na take a quick listen to her heart and lungs . i'll look in her ears too . and she can sit , she can just sit on your lap .\n[patient_guest] okay .\n[doctor] all right . that's it .\n[patient_guest] all right , that was n't too bad .\n[doctor] hmm . so , let's complete the ultrasound today . i'll call you with the results . if it's normal , you wo n't need to see me again , but if it's abnormal , you can see me in kennesaw .\n[patient_guest] okay , that sounds good .\n[doctor] okay . we'll determine what the next steps are if there are any , after we see her results .\n[patient_guest] all right , sounds good . thank you .\n[doctor] you're welcome . the nurse will be in to have you complete some paperwork , and give you instructions for the ultrasound . we'll talk soon .\n[patient_guest] all right . thank you , and have a good day .\n[doctor] you too .\n[doctor] all right . physical exams show the well-nourished female , who is slightly fussy when examined . eyes are small appearing . she has mild hypotonia of the lower extremities in her arms . normal external female genitalia .\n[doctor] assessment and plan . katherine is a 22-month-old former 34 and 3-week-old , twin with smith magenis syndrome . several organ systems can be affected by this chromosomal deletion syndrome . congenital anomalies of the kidney and urinary tract have been reported in the literature .\n[doctor] we will obtain the screening of the kidneys by ultrasound today . if there are abnormalities on the kidney ultrasound , we will determine next steps and future follow-up . the family lives in dallas , georgia , so her follow-up should be at the town center location .\n[doctor] end of recording .", "file": "D2N076-virtscribe", "document_id": "8be35220-601e-4f43-84fe-97cdb49f46be" }, { - "medication_info": "Medication Info: \n1. Ibuprofen - Dosage not specified, taken for pain relief.\n2. Ultram (Tramadol) - 50 mg every 6 hours.", + "medication_info": "Medication Info: ibuprofen (dosage unspecified); ultram 50 mg every 6 hours; symptoms: acute wrist pain (9/10 severity), swelling, slight tingling, inability to move wrist without extreme pain, pain on flexion and extension, bruising, tenderness, injury occurred yesterday.", "src": "[doctor] hey diana it's good to see you in here so i see that you injured your wrist could you tell me a bit about what happened\n[patient] yeah i was walking up and down the stairs i was doing my laundry and i slipped and i tried to catch myself and i put my arms out to catch myself and then all of a sudden i just my wrist started to hurt real bad and it got real swollen\n[doctor] wow okay so which wrist are we talking about left or right\n[patient] it's my right one of course\n[doctor] okay and then have you ever injured this arm before\n[patient] no i have not\n[doctor] okay alright so on a scale of one to ten how severe is the pain\n[patient] gosh it's like a nine\n[doctor] wow okay have you done anything to ease it\n[patient] yeah i did the ice thing i put ice on it and then i you know i even i have a ace wrap at home i try to do that\n[doctor] mm-hmm\n[patient] and then i took some ibuprofen but it helps a little bit but it's just it's it's just not right\n[doctor] okay\n[patient] really\n[doctor] yeah okay have you sorry i'm trying to think how long ago did this injury happen\n[patient] this happened yesterday morning\n[doctor] okay\n[patient] maybe just you know i just bumped it but\n[doctor] okay\n[patient] it's just not it's really bad\n[doctor] okay no i understand okay so i'm going so you said you were doing laundry\n[patient] yes i had my back hit my basket and for some reason this cold started to kinda fall out a little bit i was trying to catch it i missed a step and i just totally\n[doctor] okay alright any does the pain extend anywhere\n[patient] no not really\n[doctor] okay\n[patient] it's just really along my wrist\n[doctor] okay any numbness any tingling\n[patient] a little one and one ca n't tell if it's just because of the swelling in my wrist but just i can like i can feel it my fingers still\n[doctor] mm-hmm\n[patient] but just maybe a little bit of tingling\n[doctor] okay alright and are you so so okay i'm gon na think on this but in the meantime i'm gon na do my physical exam alright\n[patient] okay\n[doctor] okay so you know looking at your looking at your head and your neck i do n't appreciate any like adenopathy no thyromegaly no no carotid bruit looking at your listening to your heart i do n't appreciate any murmur no rub no gallop your lungs are clear to auscultation bilaterally your lower legs you have palpable pulses no lower edema your shoulders every like your upper extremities i see normal range of movement with your right wrist let's go ahead and focus on it so when i push on the inside here does it hurt\n[patient] yes\n[doctor] okay\n[patient] it does\n[doctor] and what about the outside does that hurt as well\n[patient] yeah it does\n[doctor] are you able to move your wrist towards your arm like\n[patient] not without extreme pain\n[doctor] okay so pain on flexion what about extension when you pick your wrist up\n[patient] yeah i have a hard time doing that actually\n[doctor] alright what about we're gon na go ahead and hold your arm like straight like flat and then try and move it sideways does radial deviation hurt\n[patient] yeah\n[doctor] alright and then lateral as well\n[patient] yeah it's really hard to move any direction of this hand for some reason\n[doctor] alright so wrist abduction adduction positive for pain on movement are you able to make a fist\n[patient] hmmm yeah a little bit but i ca n't do it really tight\n[doctor] okay alright okay so i'm just gon na go ahead and feel on your fingers really quickly alright metacarpals intact noticed some obvious swelling ecchymosis obvious swelling and bruising tenderness on palpation throughout there is evidence of potential fracture feeling some bony crepitus alright so this pain is it like chronic i wanted to ask you\n[patient] yeah i would say it kinda goes away when i take that ibuprofen but for the most part i feel it i feel it there and it it's just really really bad when i move it all\n[doctor] okay so when you like is there a position either hurts less or hurts more like say if your arm is raised and elevated over your head does it hurt more or is it just best to keep it like down\n[patient] it's good if i keep it a little bit above my like a little i guess a little bit like around my like just a regular level like if you're typing or something and then i just put it on a pillow and i just let it stay straight like i feel better\n[doctor] okay yeah no i do n't think i understand completely okay so i took a look at your vitals and your blood pressure is a little elevated but honestly that's probably to do with the pain right our body can respond to pain in that way we are looking at like a hundred and forty over over seventy it's not anything crazy but something to mention i see that your heart rate is also a little elevated at like about like eighty beats a minute you are not running a fever so that's great look at ninety ninety seven . two your respiratory rate is pretty normal at like twenty so before we came in i i know that we had you do an x-ray and i'm sure that that was a bit more painful because we had to do so many manipulations but i do wan na note that you are positive for what we call a colles' fracture what that means is that the joints between your wrist like the bones between your wrist that there there is evidence of a a fracture and we are gon na have to treat it a little conservatively at first and then consider some of the options options that are available to us so for your primary diagnosis of a colles' fracture we are going to give you a thumb spica for today and that's going to\n[patient] i'm sorry\n[doctor] pardon what\n[patient] a what\n[doctor] we're gon na brace you we're gon na give you a brace\n[patient] okay thank you\n[doctor] sorry no problem sorry yeah not a thumb spica we're gon na brace your arm and you're gon na have that we we have a couple of options but i think the best course of action is gon na be for surgery we will in the meantime give you pain medication i wan na put you on fifty milligrams of ultram every six hours and then i also wan na get you on get you into physical therapy a few weeks after surgery this is gon na be just a normal procedure you will be in for an overnight stay but after that once we assess and make sure that everything is good you'll be able to go home okay\n[patient] when do i have to have the surgery\n[doctor] we would like it to happen as quickly as possible you know your body is a wonderful miracle and it's going to start trying to heal on it's own what we need to do is get your wrist straight and then like put screws in to make sure that we hold it in place or else it could like heal and malform\n[patient] okay\n[doctor] alright so what\n[patient] how how long do i have to wear that brace\n[doctor] you're gon na be wearing the brace for about six weeks\n[patient] six weeks\n[doctor] yeah so you're gon na you're gon na come in for your surgery we're gon na perform it you're gon na stay overnight and then you'll be bracing it for six weeks in the meantime you'll also then go to physical therapy i want you there like we're gon na they're gon na do an assessment and determine how much but i'm thinking probably three times a week just to make sure that you can get your wrist as strong as possible to prevent like future injury now the cool thing about getting any kind of a bone break is that your your body comes out even stronger so this should n't happen again but unfortunately like it's these situations that oof that just kind of\n[patient] oof\n[doctor] these these deform these deformities that really that really kind of hurt is the short version alright no problem any other questions\n[patient] no well i am going on vacation do i need to cancel it like can i still go even with the i mean after the surgery\n[doctor] yeah\n[patient] do it as soon as possible i'm going a vacation in a month so\n[doctor] okay how long is the vacation\n[patient] it's only for like a couple weeks\n[doctor] okay well so you might have to postpone it just because depending on what physical therapy says right if they feel that you can sustain if you can like sustain the exercises while you're gone that if there's something that you can do by yourself then you should be fine but we do wan na give it you said that it's gon na happen in a couple of weeks\n[patient] no vacation in a month\n[doctor] okay okay yeah so how about in a month we come you come back let's do a checkup again see where we are at and then we can assess whether or not this is something that i would recommend you do\n[patient] that sounds good thank you\n[doctor] no problem bye\n[patient] bye\n[doctor] the fracture appears extra-articular and usually proximal to the radial ulnar joint dorsal angulation of the distal fracture fragment is present to a variable degree if dorsal angulation is severe presenting with a dinner fork deformity ulnar styloid fracture is present", "file": "D2N077-aci", "document_id": "cceaa2e9-b200-4784-adb5-022ea7f0659f" }, { - "medication_info": "Medication Info: \n1. Lisinopril 20 mg - for hypertension\n2. Ibuprofen 800 mg - to be taken twice a day for knee pain and swelling", + "medication_info": "Medication Info: Lisinopril 20 mg for hypertension; Ibuprofen taken previously for swelling; Ibuprofen 800 mg, take twice a day for knee pain and swelling. Symptoms: Right knee pain, swelling, medial collateral ligament strain, pain during flexion and extension, edema around the knee.", "src": "[doctor] hey philip good to see you today so take a look here at my notes i see you're coming in for some right knee pain and you have a past medical history of hypertension and we will take a look at that so can you tell me what happened to your knee\n[patient] yeah i was you know i was just doing some work on my property and i i accidentally slipped and fell down and i just still having some knee issues\n[doctor] okay well that that's not good do you\n[patient] no\n[doctor] what part of your knee would you say hurts\n[patient] i would just say you know the it it you know it basically when i when i'm flexing my knee when i'm moving it up and down and i put pressure on it\n[doctor] alright did you hear a pop or anything like that\n[patient] i did feel something pop yes\n[doctor] okay and did it was it swollen afterwards or is it looks a little bit swollen right now\n[patient] yeah little bit swollen yeah\n[doctor] okay so so far have you taken anything for the pain\n[patient] just taking some ibuprofen just for some swelling\n[doctor] okay that's it what would you say your pain score is a out of ten with ten being the worst pain you ever felt\n[patient] i would say that when i'm stationary i do n't really feel a lot of pain but if i start doing some mobility i would say probably a four five\n[doctor] about a four okay and how long ago did you say this was is this happened this injury\n[patient] it's been a week now\n[doctor] a week okay alright alright so we will take a look i'll do a physical exam of your knee in a second but i do want to check up you do have a past medical history of hypertension i'm seeing here you're on twenty milligrams of lisinopril when you came in today your blood pressure was a little bit high it was one fifty over seventy so have you been taking your medications regularly\n[patient] yes i have\n[doctor] okay so you might have a little white coat syndrome i know some of my patients definitely do have that so what about your diet i know we talked a little bit before about you reducing your sodium intake to about twenty three hundred milligrams per per day i know you were during the pandemic your diet got out of little bit out of control so how have you been doing how have you been doing with that\n[patient] i definitely need some help there i have not have not made some some changes\n[doctor] okay yeah we definitely need to get you to lower that salt intake get your diet a little bit better because the hope is to get you off that medication and get your blood pressure to a manageable level okay so we yeah we definitely can talk about that alright so lem me take a look at your knee i'll do a quick physical exam on you and before i do just want to make sure you're not having any chest pain today\n[patient] no\n[doctor] are you any belly pain\n[patient] no\n[doctor] no shortness of breath just wan na make sure\n[patient] no\n[doctor] okay so i'm just gon na listen to your lungs here your lungs are clear bilaterally i do n't hear any wheezes or crackles listen to your heart so on your heart exam i do still hear that grade two out of six systolic ejection murmur and you already had that and so we we knew about that already so lem me look at your knee here so when i press here on the inside of your knee does that hurt\n[patient] a little bit\n[doctor] little bit how about when i press on the outs the outside gon na press on the outside is that painful\n[patient] no\n[doctor] no alright so i'm gon na have you flex your knee is that painful\n[patient] yeah that's uncomfortable\n[doctor] that's uncomfortable and extend it so that's painful\n[patient] yeah yes\n[doctor] okay so on your knee exam i i see that you do have pain to palpation of the medial aspect of your right knee you have some pain with flexion extension i also identify some edema around the knee and some effusion you have a little bit of fluid in there as well so prior to coming in we did do an x-ray of that right knee and luckily you did n't break anything so there is no fractures no bony abnormalities so let's talk a little bit about my assessment and plan for you so you have what we call a mcl strain so a medial collateral ligament strain so when you fell i think you twisted a little bit and so it irritated you strained that that ligament there so for that what we can do for you first i'm gon na prescribe you some ibuprofen eight hundred milligrams and you can take that twice a day and that's gon na help you with that swelling and that pain that you currently do have i'm also gon na put you in a a knee brace just to try and support those muscles to allow it to heal and then i want you to ice the knee you can do that for twenty minutes at a time for three to four times a day that should also help with the the swelling of your knee for your hypertension now i'm gon na keep you on that twenty of lisinopril okay because you are taking it and you you're doing pretty good with it i also want to get you a referral to nutrition just to try to help you with that diet you know because right now you are your diet is little bit out of control so we just need to rain you in a little bit and hopefully you know with their help we can eventually get you off that lisinopril alright so do you have any questions for me\n[patient] do i need to elevate my leg or stay off my leg or\n[doctor] yeah i would yeah you can elevate your leg stay off your stay off your leg you know if you have any kids have them work out in the yard instead of you just to to for a couple of weeks it's a good thing if you want to do that\n[patient] tell him this doctor's order\n[doctor] tell definitely tell him his doctor tell him i said it\n[patient] alright do you have any other questions no that's it i appreciate you seeing me\n[doctor] alright so my nurse will be in with the those orders and we will see you next time", "file": "D2N078-aci", "document_id": "87c52341-3245-49f5-b9b3-3d087b7fcc1e" }, { - "medication_info": "Medication Info: Tylenol, 2 extra strength every 6 to 8 hours; Symptoms: Left shoulder pain, limited range of docetl in the shoulder, tenderness in the shoulder, pain worse with pressure, pain while laying on the shoulder.", + "medication_info": "Medication Info: Tylenol, 2 extra strength every 6 to 8 hours; Symptoms: left shoulder pain, trouble reaching or lifting objects, pain that worsens with pressure, pain at night when laying on the shoulder.", "src": "[doctor] hi wayne how're you today\n[patient] i'm doing okay aside from this left shoulder pain that i've been having\n[doctor] okay and how long have you had this pain\n[patient] about i want to say a few weeks i think it's been about three weeks now\n[doctor] okay and do you remember what you were doing when the pain started\n[patient] honestly i've been trying to recall if i had any specific injury and i ca n't think of that\n[doctor] okay\n[patient] of anything the only thing i can think of is that i you know i am active and we've just been doing a lot of work in our basement so if i do n't know if i did something while doing that\n[doctor] okay alright tell me have you ever had pain in that shoulder before\n[patient] you know i i'm really active and so i i will get some aches and pains here and there but nothing that tylenol ca n't take care of\n[doctor] okay good but now are you able to move your arm\n[patient] you know i have trouble when i'm trying to reach for something or lift any objects and i do n't even try to reach it for anything over my head because then it'll really hurt\n[doctor] okay alright and and now are you having the pain all the time or does it come and go\n[patient] the pain is always there and then it gets worse like if i try to put any pressure on it it gets worse so if i'm laying at night if i try to even lay on that shoulder it's unbearable\n[doctor] okay and then tell me what have you taken for your pain\n[patient] i've been taking two extra strength tylenol every six to eight hours\n[doctor] alright and and did that help\n[patient] it does take the edge off but i still have some pain\n[doctor] okay well i'm sorry to hear that you know you know renovating the basement it can be quite a task and it can take a toll on you\n[patient] yeah i mean it's been fun but yeah i think it really did take a toll on me\n[doctor] yeah what what are you doing with your basement are you are you doing like a a man cave or\n[patient] yeah yeah that's exactly right\n[doctor] that is awesome great well that sounds like fun i hope you get to set it up just the way you you would like for your man cave to be so congratulations to you there so tell me have you experienced any kind of numbness in your arms or in your hands\n[patient] no no numbness or tingling\n[doctor] okay alright so let's just go ahead and do a quick physical exam on you here i did review your vitals everything here looks good now lem me take a look at your shoulder alright now on your left shoulder exam you have limited active and passive range of docetl and how does that feel here\n[patient] that hurts\n[doctor] okay sorry there is tenderness of the greater tuberosity of the humerus but there is no tenderness at the sternoclavicular or acromioclavicular joints you have good hand grips alright and then now on your neurovascular exam of your left arm your capillary refill is less than three seconds and your sensation is intact to light touch alright so what does that all mean well firstly lem me go ahead and take a look at your results of your shoulder x-ray here now i reviewed the results and there are no fractures so that's good so let's go ahead and talk about my assessment and plan here wayne so for your problem of left shoulder pain your symptoms are most likely due to a rotator cuff tendinopathy so this means that you injured the tendons of the muscles that help make up your shoulder muscles so i will be ordering an mri for your left shoulder to be sure that there is nothing else going on with your shoulder okay\n[patient] okay\n[doctor] now i'm also going to refer you to physical therapy for approximately six to eight weeks and during that time you may also continue to take tylenol now if your symptoms do n't improve we can consider a steroid injection for your shoulder which can provide some relief do you have any questions about your plan at all\n[patient] so do you think this pain will ever go away\n[doctor] now well many patients are very successful with the physical therapy those will those help strengthen you know they do a lot of strengthening exercises with you to help strengthen you know your muscles so that it's not your movements not always relying on those joints predominantly so we're gon na go ahead and start with that and then see how you do okay\n[patient] okay okay\n[doctor] alright okay well do you have any other questions for me\n[patient] no i think that's it\n[doctor] okay well i'm gon na have the nurse check you out and she's also gon na give you some educational materials on the physical therapy and what to expect and and then go ahead and schedule a follow-up visit with me as well after you you do your physical therapy okay\n[patient] okay\n[doctor] alright well have a good day\n[patient] okay you too\n[doctor] thanks\n[patient] okay bye", "file": "D2N079-aci", "document_id": "73eaf62c-2008-489b-978d-30a1770c615b" }, { - "medication_info": "Medication Info: 1. Farxiga - dosage not specified; 2. Amlodipine - dosage not specified; 3. Lisinopril - 20 mg; 4. Hydrochlorothiazide - dosage not specified; 5. Metformin - dosage not specified; 6. Meloxicam - 15 mg; Symptoms: Left knee pain (occasional), 'giving out' sensation when walking, no pain during examination, higher blood sugar in the morning (130).", + "medication_info": "Medication Info: 1. Farxiga, small dosage; 2. Amlodipine, small dosage; 3. Lisinopril, 20 mg; 4. Hydrochlorothiazide, small dosage; 5. Metformin, small dosage; 6. Meloxicam, 15 mg. Symptoms: occasional giving out of the left knee, internal pain in the left knee, no pain with pressure, temporary pain. Planned treatments: physical therapy, echocardiogram, hemoglobin A1c test, lipid panel.", "src": "[doctor] okay hi andrea well i\n[patient] hello\n[doctor] i understand you're you've come in with some right knee pain can you tell me about it what's going on\n[patient] it it's not the right knee it's the left knee\n[doctor] okay the left knee\n[patient] and it just happens occasionally less than once a day when i'm walking all of a sudden it is kind of like gives out and i think here i'm going to fall but i usually catch myself so lot of times i have to hold a grocery cart and that helps a lot so it comes and goes and it it passes just about as quickly as it comes i do n't know what it is whether i stepped wrong or i just do n't know\n[doctor] okay well so where does it hurt like in on the inside or the outside or\n[patient] internally and it it just the whole kneecap fades\n[doctor] okay well did you hear or feel a pop at any point\n[patient] no\n[doctor] okay\n[patient] like that\n[doctor] have you ever had any type of injury to that knee i mean did you fall or bump it against something or\n[patient] no not that i can recall\n[doctor] okay and have is it painful have you taken anything for for pain\n[patient] no because it does n't last that long\n[doctor] okay\n[patient] it just like i said it just it goes about as fast as i came in\n[doctor] so is it interfering with your just things you like to do and\n[patient] hmmm no not really\n[doctor] so i know you said that you like to do a lot of travel\n[patient] yeah i've got a trip planned here in the next month or so and we are going down to columbus georgia to a a lion's club function and probably be doing a lot of walking there and they got some line dances planned and i do n't think i will be able to participate in that because of the knee\n[doctor] is that where you would be kicking your leg out or something\n[patient] no it's do n't you know what line dancing is like dancing in theories of fairly fast moves but it's mostly sideways docetl\n[doctor] and is and that you think that's when your knee might give out then or just not gon na take the chance\n[patient] not gon na take the chance\n[doctor] okay yeah that sounds like a good idea have you thought about even having a a cane just in case or do you think that's does that happen often enough\n[patient] wrap it i would n't be able to keep track of it so no no pain\n[doctor] okay okay well so since you're in how about your blood pressure how how is it doing and have you been taking your blood pressures at home like we talked about\n[patient] yes they are doing fine still about the same\n[doctor] so\n[patient] correct that whatever\n[doctor] so what has it been running\n[patient] i ca n't really remember it's been several days since i took it but i think it runs around one twenty over seventy somewhere along in there\n[doctor] okay alright and so what about your medication we have you on some medication for your blood pressure right\n[patient] yes i take take them regularly at eight thirty in the morning and eight thirty at night\n[doctor] and what is the medication and the dosage that you are taking\n[patient] i'm taking a farxiga and amlodipine\n[doctor] okay\n[patient] and lisinopril and the hydrochlorothiazide so i i ca n't pronounce that one so but those are all small dosage pills\n[doctor] that but yeah go ahead\n[patient] no that was it i just take them regularly eight thirty in the morning eight thirty at night\n[doctor] yeah well that's good i i know you said you set an alarm on your phone to make sure that you get them taken at the right time so that's really good and how are your blood sugars doing how is your diet doing\n[patient] my blood sugar has been running a little higher at about one thirty\n[doctor] is that in the morning when you're fasting\n[patient] yes\n[doctor] okay\n[patient] and i have been told that sometimes the morning blood sugars are higher for some reason but i do n't know i i do n't really worry about it as long as it does n't get up too extremely high so\n[doctor] and are you taking your metformin\n[patient] yes yes that's along with the blood pressure medicine morning and night\n[doctor] okay alright so are you are you eating like late at night or anything like that\n[patient] no we usually eat by six\n[doctor] okay okay alright well hopefully we can get you to feeling better okay so i want to do a quick physical exam really check that knee out so your vital signs look good they they look alright your temperature is ninety eight . two your pulse is seventy two respirations are sixteen blood pressure is one twenty two over seventy so that looks fine i'm gon na go ahead and take a listen to your heart and lungs so on your heart exam it's a nice regular rate and rhythm but i appreciate a slight two over six systolic ejection murmur at the left base here on your lung exam your lungs are clear to auscultation bilaterally okay now let's take a quick look at that knee so does it hurt when i press on it\n[patient] no\n[doctor] okay can you bend your knee and straighten it out\n[patient] yes\n[doctor] okay i'm gon na do some maneuvers and i'm gon na just gon na call out my findings on this okay on your right knee exam no ecchymosis or edema no effusion no pain to palpation of the of the left medial knee is there any decreased range of docetl do you feel you feel like you're you're able to fully move that as you should the same as the other knee\n[patient] yeah\n[doctor] okay so no decreased range of docetl negative varus and valgus test okay and so with your x-rays i reviewed the result of your left knee x-ray which showed no evidence of fracture or bony abnormality so lem me tell you a little bit about my plan so your left knee pain i think you just have some arthritis in that i want to prescribe some meloxicam fifteen milligrams a day we might do some physical therapy for that just to strengthen the muscles around that area and prevent any further problems with that okay and so for your second problem the hypertension so i wan na continue the lisinopril at twenty milligrams a day and order an echocardiogram just to evaluate that heart murmur alright and\n[patient] okay\n[doctor] for the diabetes mellitus i wan na order a hemoglobin a1c to see if we need to make any adjustments to your metformin and i'm also gon na order a lipid panel okay do you have any questions\n[patient] no i do n't think so when will all this take place\n[doctor] we will get you scheduled for the echocardiogram i will have my nurse come in and we will get that set up okay", "file": "D2N080-aci", "document_id": "29cbe42d-07ef-4bec-8efc-d6155d885924" }, { - "medication_info": "Medication Info: \n1. Prednisone - 40 mg daily for 5 days\n2. Lidocaine swish - administer 4 times a day\n\nSymptoms: \n1. Minimal cough\n2. Sore throat\n3. Fatigue\n4. Dry cough\n5. Persistent sore throat\n6. No shortness of breath\n7. Mild radiation pneumonitis (causing cough and shortness of breath)", + "medication_info": "Medication Info: 1. Cisplatin - part of the chemotherapy regimen for lung cancer treatment.\n2. Etoposide - part of the chemotherapy regimen for lung cancer treatment.\n3. Prednisone 40 mg daily for 5 days, to help with inflammation due to radiation pneumonitis.\n4. Lidocaine swish and swallow, to help with painful swallowing.", "src": "[doctor] so beverly is a 53 -year-old female with a recent diagnosis of stage three nonsmile cell lung cancer who presents for follow-up during neo agit chemotherapy she was diagnosed with a four . four centimeter left upper lobe nodule biopsy was positive for adenocarcinoma molecular testing is pending at this time alright hello beverly how are you\n[patient] i'm good today\n[doctor] you're good today yeah you've been going through a lot lately i know you just had your treatment how how are your symptoms\n[patient] my symptoms are pretty good today i just kind of have a minimal cough and a sore throat\n[doctor] okay\n[patient] but that's all i'm feeling today\n[doctor] okay and how about fatigue have you been feeling more tired\n[patient] yes a little bit\n[doctor] okay and how about any nausea or vomiting\n[patient] no not as of today\n[doctor] okay and i know you were mentioning a cough before how is it as far as walking are you having any shortness of breath\n[patient] i have n't noticed any shortness of breath it just kind of seems to be a lingering kind of light dry cough\n[doctor] cough okay is it any mucus with it or is it a dry cough\n[patient] more dry\n[doctor] a dry cough okay and tell me more about this sore throat\n[patient] this kind of seems to be persistent comes and goes it will be worse sometimes and then others it feels better trying to drink lots of fluids\n[doctor] okay\n[patient] to see if it can it you know the dry coughing if it's part of that or what i can do\n[doctor] okay and when you mention drinking and eating is do you feel like anything is getting stuck there\n[patient] no i do n't feel like anything is getting stuck right now and i have n't been i have been eating but not as much as i normally would\n[doctor] okay okay alright and how are you doing as far as like just edocetlally and mentally how are you doing i'm just talking a little bit about your support systems\n[patient] the nursing staff and the office has been very good to help you know with anything that i need as far as support so just since we are just getting started so far on the journey i do feel like i have support and mentally you know still feel strong\n[doctor] okay and how about with family or friends have you been able to turn to anyone\n[patient] i do have good family members that have been supportive and they have come to my treatment with me\n[doctor] okay excellent excellent and so right now you're on a combination of two different chemotherapies the cisplestan as well as the eupside and you had your last treatment just a few days ago but you're saying right now you've been able to tolerate the nausea and the fatigue\n[patient] yes i have n't had any nausea but you know just slight fatigue it does n't seem to be overwhelming\n[doctor] okay okay so we are gon na go ahead if it's okay with you and start your physical exam reviewing your vitals so vitals look good especially your oxygen especially with the chemotherapy you've been getting and the cough so your oxygen looks good so i'm happy with that so now i'm just examining your neck especially with your sore throat and i do n't appreciate any cervical lymphadenopathy and also no supraclavicular adenopathy listening to your heart you have a nice regular rate and rhythm with no murmurs that i appreciate now on your lung exam when you're taking some deep breaths i do notice some crackles in your lungs bilaterally and what that means is there is there is some faint sounds that i'm hearing which could represent some fluid there so on looking at your skin exam on your chest you do have some erythema on the anterior side of the chest on the left side and this could be related to the radiation so on your lower extremities i appreciate no edema and everything else looks good and thank you i know you did a chest x-ray before coming in so on your results for the chest x-ray it does look like you have some mild radiation pneumonitis which basically means some inflammation of the lungs most likely due to the radiation so what does this all mean so for your assessment and plan so for the first diagnosis the first problem of the lung cancer so what we're gon na do is we're gon na continue with the current regimen of your chemotherapy of the cisplacin and the etoside and we're gon na continue with your current dose of radiation at forty five grade and when that's complete we will repeat some imaging and hopefully you know the tumor will shrink down enough that we can remove it surgically okay for problem number two so the radiation pneumonitis so that's what causing that cough as well as some of the shortness of breath i know you're not experiencing it much now so what i'm gon na do for that is actually gon na prescribe you a low dose of prednisone and so that's an will help with the inflammation i'm gon na give you forty milligrams daily for five days and so hopefully that will help reduce the inflammation and so that you can continue with the radiation okay how does that sound so far\n[patient] that sounds great thank you\n[doctor] okay and then lastly for the painful swallowing that you're having so the inflammation you're having it not only in your lungs but it also in your esophagus as well so what i'm gon na do is prescribe you you're taking the the prednisone i'm also gon na give you a lidocaine swish and swallow and you can do that four times a day and so that will be able to help you so you can eat immediately after taking it and it can also help so that you can continue to take food and fluids prevent dehydration and any further weight loss\n[patient] great\n[doctor] okay any questions for me\n[patient] i do n't believe so at this time\n[doctor] okay alright so i'll see you at your next visit\n[patient] great thank you\n[doctor] you're welcome and so now just", "file": "D2N081-aci", "document_id": "e06377d5-e9d4-43ac-9f29-109c15662991" }, { - "medication_info": "Medication Info: Metformin; Symptoms: Frequent infections, Lingered colds, No abdominal infections, No diarrhea, Iga deficiency.", + "medication_info": "Medication Info: Metformin; Symptoms: Frequent infections, colds that linger for a long time, type two diabetes.", "src": "[doctor] alright\n[patient] you're ready just\n[doctor] ready\n[patient] hi kyle how are you today\n[doctor] i'm doing well i'm just anxious about my pcp told me that i had some abnormal lab work and why she wanted me to be seen by you today\n[patient] yeah i bet that did make you nervous i i see that she referred you for a low immunoglobulin a level is that your understanding\n[doctor] yeah i mean i do n't even really understand what that means but yeah that's what she told me\n[patient] yeah that's a mouthful\n[doctor] yeah\n[patient] it it's the the one of the antibodies in your body and that that really makes that your body makes to fight infections it's a little bit low i'm happy to explain it a little bit more to you i just have a few more questions okay so let's start again here\n[doctor] i'll do this\n[patient] i i think i would break that\n[doctor] yeah i just saw that\n[patient] if you can do that\n[doctor] okay\n[patient] yeah so we'll we'll just\n[doctor] okay\n[patient] you can leave it the way it is for now i just i think break that up\n[doctor] okay alright so yeah that sounds fine for me\n[patient] yeah i do you know why she checked these levels in the first place that you've been having problems getting frequent infections\n[doctor] yeah yeah i had a recent physical and she did this as part of her my physical i do tend to get infections but i do n't know i i'm so used to it so i do n't know if this is more than usual in the wintertime i get a lot of colds and they do seem to i always say that my colds kind of linger for a long time but i do n't know if it's more than usual\n[patient] okay how about any abdominal infections\n[doctor] diarrhea no\n[patient] frequently\n[doctor] no not that i can not that i say can think of\n[patient] okay what about your family are are anyone in your family that you know have immune deficiencies\n[doctor] no my family is actually pretty healthy\n[patient] okay and how about do you have any other medical conditions\n[doctor] yeah my pcp just started me on metformin i just got diagnosed with type two diabetes\n[patient] okay okay yeah diabetes your family your family owns that donut shop right i mean down at the end of the street\n[doctor] yes and that's probably part of the cause of my diabetes yes\n[patient] yeah well i guess you're gon na have to watch that\n[doctor] i know i know\n[patient] but you know everything in moderation i mean just you know you just need to be careful you ca n't does n't have to go away\n[doctor] right\n[patient] but have you ever needed to receive a blood transfusion or blood products\n[doctor] no i actually tried to give blood but they i did n't qualify because i had recently traveled internationally\n[patient] okay where did you go\n[doctor] i was in zambia\n[patient] hmmm i heard that's beautiful\n[doctor] it's so beautiful it's so beautiful i had a great time\n[patient] okay well let me let me go ahead and do a physical examination here i reviewed your vitals you know that the the assistants collected when you first came in including your weight and everything looks good there there is no fever there there is nothing that i'm concerned about there now on your heart exam you have a nice regular rate and rhythm and i do n't appreciate any murmurs that's kind of those extra sounds that i would hear and that that all sounds good on lungs lung exam your lungs are clear there's no wheezes rales or rhonchi now on your neck exam i do n't appreciate any lymph lymphadenopathy swollen lymph glands and then let me just go ahead and i wan na press on your belly a little bit is that tender anywhere that i press it does n't seem like you making any facial\n[doctor] no\n[patient] no okay so your you know your abdominal exam is your belly is soft there is no tenderness as i i push around there now i did review the results of your recent lab work and it is consistent as as your pcp noted with an iga deficiency that's that immunoglobulin a that we talked about so let me tell you a little bit about the assessment and plan so for your first problem the that a iga deficiency is it very common immunodeficiency your your body makes many different types of antibodies in one of your z iga is just a little bit lower than normal now most of the time people live their entire life without even knowing they have that deficiency and function perfectly normal now some people may find that they get tend to get frequent respiratory tract or sinus or abdominal infections but this does n't necessarily seem to be the case for you now it can go along with other immunodeficiencies but i think there is a low likelihood hood in your case but we're gon na order some additional blood work that includes checking those other antibodies now do you have any questions on what i just told you\n[doctor] yeah so is there anything i need to do or should be watching for or should i be worried\n[patient] no i i really do n't think you need to be worried now we're gon na check these additional studies and that will give us some more guidance but really i think this is just a finding that's common to you and you know it it's many people have have have these type of you know immunodeficiency what i want you to watch for is those infections that do n't stop you have trouble getting it under control or you know any changes to your abdominal tract you know severe diarrhea\n[doctor] anything like that then you know we may want to look at it a little bit further but for now i do n't think there is anything significant we want to do now go ahead and get your lab work and\n[patient] bring you in for that now the only other thing that i would say is if you eat end up needing any blood products between now and when i see you next make sure you tell them that you have that iga deficiency\n[doctor] why is that\n[patient] well there is a risk that your body can strongly react to some blood products and they just need to know that so they're prepared so anytime you get blood just make sure you say that you have a history of a an an iga deficiency\n[doctor] okay okay thank you\n[patient] you're welcome\n[doctor] okay", "file": "D2N082-aci", "document_id": "794dbc54-6a2c-48e9-85e8-b0b2a09a13cd" }, { - "medication_info": "Medication Info: Ibuprofen 600 mg q.6 h with food for one week. Symptoms: elbow pain, tenderness of the medial epicondyle, pain to palpation, pain when pronating the forearm, pain with resistance against wrist flexion, difficulty lifting, pain that keeps patient up at night, pain radiating down into the forearm.", + "medication_info": "Medication Info: Ibuprofen 600 mg q.6 h. with food; Symptoms: elbow pain, pain in the inside of the elbow, pain radiating down the forearm, difficulty lifting and doing activities; Ibuprofen provides only a little relief.", "src": "[doctor] hey lawrence how're you doing\n[patient] i'm doing alright aside from this elbow pain\n[doctor] so it looks like here that you came in to see us today for an evaluation of that right elbow pain can you tell me can you can you tell me well first of all what do you think has been causing that pain\n[patient] so i really during this pandemic i really got into ceramics and doing pottery so i've been doing a lot of pottery and over the past week i then started to develop this elbow pain\n[doctor] okay and then so tell me a little bit more about that elbow pain where does it hurt exactly\n[patient] you know it hurts a lot in the inside of my elbow\n[doctor] okay so the inside of your right elbow okay\n[patient] yeah\n[doctor] and then does the pain radiate down your arm or up into your shoulder or anything like that\n[patient] it does n't go into my shoulder it's it stays mostly at my elbow but it can go down a bit into my forearm\n[doctor] okay and then do you remember any trauma did you hit your arm or elbow or any on anything\n[patient] no nothing i i really was trying to think if there is anything else and i ca n't think of anything\n[doctor] okay and you've never injured that right elbow before\n[patient] no\n[doctor] alright so now let's talk a little bit about your pain and how bad it how bad is that pain on a scale from zero to ten ten being the worst pain you've ever felt in your life\n[patient] i would say probably a six\n[doctor] okay and does that pain keep you up at night\n[patient] it does\n[doctor] okay and when you have that kind of pain does it keep you from doing other type of activities\n[patient] yeah i mean i still try to like work through with using my arm but yeah it's it's it's difficult for me sometimes to lift and do things because of that pain\n[doctor] okay and then and how long has this pain been going on\n[patient] about four days now\n[doctor] alright and anything you've done to help relieve or alleviate that pain any anything that that's giving you relief\n[patient] i've tried ibuprofen that helps a little but not much\n[doctor] okay so if it's okay with you i would like to do a a quick physical exam your vitals look good and i'm gon na do a focused exam on that right elbow i'm gon na go ahead and and and press here do you do you have any pain when i press here\n[patient] yes i do\n[doctor] okay so you are positive for pain to palpation you do note that moderate tenderness of the medial epicondyle now i'm gon na have you turn your wrist as if you're turning a door knob do you have any pain when you do that\n[patient] not really\n[doctor] okay now turn your wrist in so do you have any pain when you do that\n[patient] yeah that hurts\n[doctor] okay so you do have pain you were positive for pain when you pronate that that that forearm okay i'm gon na go ahead and have you rest your arm on the table here palm side up now i want you to raise your hand by bending at the wrist and i'm gon na put some resistance against it do you have any pain when i press against your flexed wrist\n[patient] yes i do\n[doctor] alright so you are positive for pain with resistance against flexion of that left wrist so i let let's go ahead and review the x-ray that we did of your elbow the good news is i do n't see any fracture or bony abnormality of that right elbow which is good so let's talk a little bit about my assessment and plan for you so for the problem with elbow pain i do believe that this is consistent with medial epicondylitis which is caused by the overuse and potential damage of those tendons that bend\n[doctor] that that bend the wrist towards the palm now i want you to rest it i'm gon na order a sling and i want you to wear the sling while you're awake now we're also gon na have you apply ice to the elbow for twenty minutes three times a day and i want you to take ibuprofen that's gon na be six hundred milligrams q.6 h. with food and i want you to take that for a full week now you're not gon na like this part but i want you to hold off for the next couple of weeks on doing any type of pottery work okay alright now what i wan na do is i wan na see you again in a week and i wan na see how you're doing okay\n[patient] alrighty\n[doctor] alrighty so i'll have the nurse come in and get you set up with that sling and i will see you again in about a week\n[patient] alright thank you\n[doctor] thank you", "file": "D2N083-aci", "document_id": "67a08576-c6c5-406f-bb68-68c8a69b53bc" }, { - "medication_info": "Medication Info: \nMedications:\n1. Bumex: 2 mg once daily\n2. Cozaar: 100 mg daily\n3. Norvasc: 5 mg once daily\n\nSymptoms:\n1. Chest pain\n2. Shortness of breath\n3. Ankle swelling\n4. Edema in lower extremities\n5. Slight chest pain (thought to be heartburn)", + "medication_info": "Medication Info: \n- Bumex (exact dosage not explicitly confirmed)\n- Cozaar 100 mg daily\n- Norvasc 5 mg once daily\n\nSymptoms:\n- Slight chest pain (thought to be heartburn)\n- Shortness of breath (when walking)\n- History of hypertension\n- Ankle swelling\n- Trace edema\n\nDiagnoses:\n- Mild to moderate mitral regurgitation\n- Preserved ejection fraction of 55%", "src": "[doctor] alright david so you were just in the emergency department hopefully you can hear me okay through the zoom meeting what happened\n[patient] well it seems that i was outside and i fell down i was walking a bit and i did have a pain in my chest but i did n't think anything of it and i just kept on going and then all of a sudden i'm here\n[doctor] hmmm my gosh so it looks like you you went into the er and looks like they said that your ankles were swelling a little bit too and did you have some shortness of breath\n[patient] i did but i did n't think anything of it\n[doctor] sure yeah okay yeah i know we've been talking through your hypertension looks like your blood pressure was two hundred over ninety have you been taking those meds that we have you on\n[patient] i have but i miss them every year and then so i think today i took one\n[doctor] okay alright yeah i have you on bumex cozaar and norvasc does that sound right\n[patient] i guess so that sounds about right\n[doctor] alright okay yeah you need to make sure that you're you're taking those consistently that's really important and i know that we talked a little bit about watching your diet how have you been doing with that\n[patient] i've just been eating anything honestly i try to watch it here and there but to tell you the truth i'd looks i was eating\n[doctor] yeah i i know it's hard around the holidays and everything but it is really important that we watch that diet what kind of things are you eating is it is it salty foods or pizza chicken wing kinda stuff or what are you standing or\n[patient] little bit of everything here and there i do lot of chips\n[doctor] sure\n[patient] they're pretty good i guess they're salty even though the light salt ones but\n[doctor] mm-hmm\n[patient] kinda whatever i can get my hands on really\n[doctor] okay alright how are you feeling right now\n[patient] i'm doing a little okay i guess i'm just out of breath a little bit but it's nothing i ca n't handle\n[doctor] sure yeah okay so you're taking your meds mostly we talked about getting you a blood pressure cuff at home did you end up getting one of those\n[patient] no i have n't got one yet i know i needed to get one\n[doctor] yeah that's that will be good if you can take your blood pressures at home and definitely track those what about any problems with shortness of breath lately\n[patient] just like i said when i was walking outside it helped a little bit but again i just walked it off\n[doctor] sure any problems sleeping\n[patient] no i sleep like a rock\n[doctor] good good to hear have you had any chest pain\n[patient] slightly here or there but i thought it was just heartburn\n[doctor] sure okay alright let me do a quick physical exam your blood pressure is pretty good in the office today it looks like it's one twenty eight over seventy two your other vital signs look good on your neck exam there is no jugular venous distention on your heart exam just gon na take a listen here i do appreciate a two out of six systolic ejection murmur but i heard that before and that is stable your lungs you want to take a deep breath for me lungs are clear bilaterally now i know we talked about you stopping smoking a a couple of years ago i have here have you kept up with that\n[patient] i've been pretty good on it very once every week maybe just one\n[doctor] okay alright good to hear alright and your lower extremities show a trace edema so megan david david i'm looking at your results of your echocardiogram that you got when you were in the er and it it does show preserved ejection fraction of fifty five percent and normal diastolic filling and mild to moderate mild to moderate mitral regurgitation so let me tell you about what that means for the chf that you were in the hospital with sounds like you know based on your diet this is likely caused by your dietary indiscretion and uncontrolled hypertension that we've been monitoring so what i want you to do is continue your bumex two milligrams once daily definitely stay on top of that make sure that you get those meds in every time i'm gon na write you a consult to nutrition since it sounds like maybe we can give you some advice on on watching your diet definitely watching the salty foods that you've been eating does that sound okay\n[patient] that sounds good document\n[doctor] awesome weigh yourself daily do you have a scale at home\n[patient] no but i can get one\n[doctor] okay good get a scale weigh yourself daily call me if you gain three pounds in two days for the hypertension that we've been treating i want you to continue the cozaar one hundred milligrams daily continue the norvasc five milligrams once daily so i'll be written down in your discharge summary and i'm gon na order a test i'm gon na order a renal artery ultrasound just to make sure that we're not missing anything there does that sound good\n[patient] that sounds good to me\n[doctor] great okay david do you have any other questions\n[patient] no other questions at this time just i guess i just need to make sure to take my medication on time that's about it\n[doctor] yeah definitely take your medication on time and see that nutritionist and hopefully we can get your get your diet on track as well\n[patient] i will do my best\n[doctor] alright thanks hope you feel better\n[patient] thank you", "file": "D2N084-aci", "document_id": "949ecd69-2240-46b1-a4e6-25ee22f2eb02" }, { - "medication_info": "Medication Info: \n1. Oxycodone 5 mg every 6 to 8 hours as needed for pain\n2. Tylenol (dosage not specified, but mentioned) \n\nSymptoms mentioned: \n1. Sharp pain on the right side of the abdomen below the ribs\n2. Pain that moves to the lower abdomen and groin\n3. Constant or intermittent pain, described as pretty bad when it comes\n4. Burning sensation when urinating\n5. Dark urine\n6. Nausea (without vomiting)\n7. No fever or chills noted.", + "medication_info": "Medication Info: oxycodone 5 milligrams every six to eight hours as needed for pain; Tylenol (dosage not specified, taken as needed). Symptoms: sharp pain on the right side of abdomen, burning during urination, nausea, dark urine.", "src": "[doctor] hi russell how are you what's been going on\n[patient] well i've been having this sharp pain on the right side of my abdomen below my ribs for the last several days\n[doctor] i saw my doctor and they ordered a cat scan and said i had a kidney stone and sent me to see a urologist okay well does the pain move or or or go anywhere or does it stay right in that same spot yeah it feels like it goes to my lower abdomen in into my groin okay and is the pain constant or does it come and go it comes and goes when it comes it's it's pretty it's pretty bad i feel like i ca n't find a comfortable position okay and do you notice any any pain when you urinate or when you pee\n[patient] yeah it kinda burns a little bit\n[doctor] okay do you notice any blood i do n't think there is any you know frank blood but the urine looks a little dark sometimes okay and what have you taken for the pain i have taken some tylenol but it has n't really helped okay and do you have any nausea vomiting any fever chills i feel nauseated but i'm not vomiting okay is anyone in your in your family had kidney stones yes my father had them and have you had kidney stones before yeah so i i've i've had them but i've been able to pass them but this is taking a lot longer okay well i'm just gon na go ahead and do a physical examination i'm gon na be calling out some of my exam findings and i'm going to explain what what those mean when i'm done okay\n[patient] okay\n[doctor] okay so on physical examination of the abdomen on a abdominal exam there is no tenderness to palpation there is no evidence of any rebound or guarding there is no peritoneal signs there is positive cva tenderness on the right flank so essentially what that means russell is that you know you have some tenderness over your over your right kidney and that just means that you might have some inflammation there so i i reviewed the results of the ct scan of your abdomen that the primary care doctor ordered and it does show a . five centimeter kidney stone located in the proximal right ureter so this the ureter is the duct in which urine passes between the kidney and the bladder there's no evidence of what we call hydronephrosis this means you know swelling of the kidney which is good means that things are still able to get through so let's talk a little bit about my assessment and my plan okay so for your first problem of this acute nephrolithiasis or kidney stone i i wan na go ahead and recommend that you push fluids to help facilitate urination and peeing to help pass the stone i'm going to prescribe oxycodone five milligrams every six to eight hours as needed for pain you can continue to alternate that with some tylenol i'm going to give you a strainer that you can use to strain your urine so that we can see it see the stone when it passes and we can send it for some some tests if that happens i'm also gon na order what we call a basic metabolic panel a urinalysis and a urine culture now i wan na see you again in one to two weeks and if you're still having symptoms we'll have to discuss further treatment such as lithotripsy which is essentially a shock wave procedure in which we sedate you and use shock waves to break up the stone to help it pass we could also do what we call a ureteroscopy which is a small telescope small camera used to go up to to the urethra and bladder and up into the ureter to retrieve the stone so let's see how you do over the next week and i want you to contact me if you're having worsening symptoms okay okay sounds good thank you", "file": "D2N085-aci", "document_id": "c5e425cd-da8c-4de6-9357-d5c498953070" }, { - "medication_info": "Medication Info: \n1. Antibiotics - Dosage: 10 days (currently on day 6 or 7) \n\nSymptoms: \n1. Throbbing pain in the foot \n2. Stinging initially \n3. Burning and blister formation \n4. Foul smell from the wound \n5. Yellow drainage from the wound \n6. Fever (temperature around 99.7\u00b0F) \n7. Chills \n8. Cramping in the calf muscle \n9. Hardness in the inside of the calf muscle \n10. Red streak from the ankle along the calf \n11. Hotness in the area of the wound \n12. Coughing \n13. Difficulty catching breath when walking \n14. Blood sugar spikes (300-600) \n15. Nonhealing diabetic foot ulcer", + "medication_info": "Medication Info: Antibiotics (10-day course, currently on day 6 or 7 with about 2-3 days left), symptoms: nonhealing foot ulcer, burning/stinging (initially), foul smell (initially), throbbing pain (current), blackened wound edges, cramping in calf, red streak up the ankle, chills, difficulty catching breath, blood sugar spikes.", "src": "[doctor] hey nicholas nice to see you today your pcp looks like he sent you over for a nonhealing foot ulcer on your right foot can you tell me about how long you've had that\n[patient] yeah i've had the boot for about six weeks i first noticed it when i put on a pair of shoes that were little bit too tight i felt some burning and some stinging and looked down and saw a blister i did n't think too much of it because it was on the pad of the bottom of my foot around my heel and i just had been walking on the front part of my foot i started to notice a foul smell and my wife mentioned something to me the other day and i noticed my dog was also smelling my socks a lot and so we looked and saw that the blister had become unroofed or the the top part of the skin of the blister became undone and then underneath it was just this really thick soft mushy skin that had a bad smell with some yellow drainage and so and barbara called the primary care doctor who then got me in to see you he started me on some antibiotics about six days ago and i never had any nausea or vomiting but my wife checked my temperature it was about ninety nine point seven and then at one point i had to put on an extra blanket in bed because i had some chills and when i started the antibiotics it started to feel pretty good but we've now noticed that it has turned black around the outside of the wound and i'm getting some cramping in my calf muscle as well and so there was a red streak also that was coming up the front part of my my ankle along the inside portion of my calf muscle and it's super super hot and so they wanted me to take a have have you look at it\n[doctor] okay thank you for sharing that history with me and did you complete that course of antibiotics\n[patient] i think he called in ten days' worth and i'm on day six or seven right now i know i've got about two or three days left\n[doctor] okay and you mentioned that it had some stinging and it was a bit uncomfortable are you experiencing any pain right now\n[patient] yeah it was it was stinging initially like i had just done something small but at this point it's it's really like throbbing it's almost like there is a fire poker in the bottom of my foot now and then the inside of my calf muscle is really hard and i've noticed that every time that i push that i feel it all the way up to my knee behind my kneecap and then noticed that i've been coughing a lot the last two days and then i've noticed that i've had like difficult time catching my breath when i'm walking around the house and so it's almost like two different things going on at this point\n[doctor] okay so now i see here in your record that you have some that you're diabetic and have some diabetic neuropathy as well how's your blood sugars been running i'm i'm assuming kind of all over the place over the last i'm gon na say probably three or four weeks can you tell me about that\n[patient] yeah my my a1c is six point seven it's pretty well controlled\n[doctor] okay\n[patient] i used to be on an insulin pump and i had an a1c that at one point was like thirteen but we worked with an endocrinologist to get it down to where it's at now i've been six point seven for probably two years now and i rarely have a blood sugar that goes over two hundred i check two or three times a day if i feel weird i'll check it again but i noticed my sugars have probably been trending in the three to four hundreds the last two weeks and then i had one spike at one point at like five or six hundred that got our attention and i think that's also what made my wife call the primary care doc\n[doctor] okay now i know this was caused by a new pair of shoes you had mentioned before to your pcp and he relayed this to me that you really like to go on hikes you and your wife have been hiking have you gone to the new trails that that were just opened up here behind the park\n[patient] yeah we actually hiked to charlie's bunion about a week before this i've had a new pair of diabetic shoes and inserts i get those every year i changed the inserts every three or four months i mean i've been in cruise control as far as that goes for some time i did get a new pair of shoes the prosthetist told me to check my feet every day for the first week or two which we did i did go hiking about the third or fourth day and i think that might be what caused it as i just went too far when we were hiking but yeah the trails are the trails are gorgeous they're open it's time to to be outside and i'm sorta stuck with this right now\n[doctor] absolutely yeah my wife and i like to go back there and and hike those trails as well so i'm gon na do a quick physical exam for your vital signs i do recognize a slight fever however your vitals themselves look good now on your foot exam i do recognize the necrotic wound on your heel as you mentioned it is present it's approximately two by two centimeters i i do recognize the sloughing of the of the tissue as well as what looks like cellulitis around the area as well as erythemia so now unfortunately i do also smell the odor you are correct it is it does it is odds but i do not appreciate any bony exposure now on vascular exam i do have bilateral palpable pulses femorally and popliteal pulses are present however i do n't recognize a palpable pulse dorsalis pedis or posterior tibial however i did use the doppler and they are present via doppler now i'm gon na press on the actual affected area of the wound do you have any pain there\n[patient] i do n't feel that right there\n[doctor] okay i'm gon na review the results of your right foot x-ray that we did when you came in today the good news is i do n't see any evidence of osteomyelitis meaning that there is no infection of the bone so let's talk a little bit about my assessment and plan for this nonhealing diabetic foot ulcer i'm going to order a test to check blood supply for this wound also i'm going to do a debridement today in the office we may have to look at we are going to do a culture and we may have to look at different antibiotic therapy i am concerned about the redness that's moving up your leg as well as this the the swelling and pain that you have in your calf so we're gon na monitor this very closely i wan na see you again in seven days and then as far as your diabetes is concerned i do want you to follow up with your endocrinologist and make sure that we do continue to keep your hemoglobin a1c below seven and we're gon na need to closely monitor your blood sugars since we're going to be doing some medication therapy with antibiotics and and potentially some other medications any other questions comments or concerns before i have the nurse come in we're gon na prep you for that procedure\n[patient] no not really so you're gon na continue the antibiotics that i'm on and possibly extend or call in a new antibiotic depending on the culture\n[doctor] correct\n[patient] if i heard\n[doctor] yep that's correct so what we're gon na do is you said you're six days in do a ten or twelve day course so we're gon na go ahead and continue your antibiotics therapy that your pcp put you on i do want to get the culture back and then we'll make the determination as far as additional or changing that antibiotic therapy\n[patient] okay sounds good\n[doctor] alright", "file": "D2N086-aci", "document_id": "8e165139-f209-477e-b5c7-0b83a38c8856" }, { - "medication_info": "Medication Info: \n\nMedications:\n1. Lisinopril - 20 mg once a day\n2. Metformin - 1000 mg twice a day\n3. Doxycycline - 100 mg twice a day (to be started)\n\nSymptoms Mentioned:\n1. Tick bite around the knee\n2. Burning sensation around the tick bite\n3. Warmth in the spot of the tick bite\n4. Pain in the right knee (sore to palpation)\n5. Typical arthritic pain\n6. Headache\n7. Generally not feeling well\n8. Erythema and edema at the site of the tick bite\n9. Bull's-eye rash over the right knee\n10. No fever or chills\n11. No other joint pain reported\n12. No problems walking or moving the knee\n13. Blood pressure readings appeared normal (not a symptom but relevant)", + "medication_info": "Medication Info: \n1. Doxycycline 100 mg, twice a day for 3 weeks (for possible Lyme disease).\n2. Lisinopril 20 mg, once a day (continuing treatment for hypertension, patient has been on this for about one to two years).\n3. Metformin 1000 mg, taken most of the time (for diabetes).\n\nSymptoms: \n1. Tick bite with burning sensation and warmth around the knee.\n2. Headache and general sense of not feeling well since the tick bite.\n3. Typical arthritic pain, with no new joint pain reported.\n4. Bull's-eye rash observed on the right knee.\n5. No fever, cough, chills, dizziness, or shortness of breath mentioned.", "src": "[doctor] hi richard how are you the medical assistant told me that you have a tick bite is that what happened\n[patient] i really do n't know where i got it but i i had i do get out in the woods and i do spend a lot of time out in the yard but yeah i've got a tick bite around my knee and and it's been it's been over a week and and just it just burns and just quite annoying\n[doctor] okay and have you had any fever or chills\n[patient] i have not at this point it just feels warm on that spot\n[doctor] okay alright and have you noticed any other joint pain like in your elbows or shoulders or anything like that that since this started\n[patient] nothing other than my typical arthritic pain\n[doctor] okay alright now you say that you like to go outside and and you're working in the yard now i i heard that you were a a hunter when was the last time you went hunting has hunting season started yet i do n't even know\n[patient] well i i did go hunting not long ago couple of weeks ago\n[doctor] okay did you did you\n[patient] windle season is open well it it's actually on a on a a got the right word for it but it it's where they train dogs and things like that\n[doctor] okay\n[patient] type thing\n[doctor] okay did you i did did did were you able to shoot anything did you bring anything home\n[patient] well actually i yeah i shut several i had some grandchildren with me so i let them have what they wanted\n[doctor] nice nice you know i i did hear i do n't know much about hunting but i did hear a hunting software joke the other day do you want to hear it\n[patient] sure\n[doctor] so what software do hunters use for designing and hunting their pray\n[patient] man i have no idea\n[doctor] the adobee illustrator get it\n[patient] do n't be\n[doctor] anyway i die grass let's just get back to our visit here so about your line or about your tick bite so do you notice that it's hard for you to move your knee at all\n[patient] not at this time no\n[doctor] no and do you have any problems walking\n[patient] no\n[doctor] no okay and have you ever had a tick bite before\n[patient] i have when i was younger i used to get a lot of them because i spent a lot of time out of the woods never get into anesthesia takes you can get several bites out of that but this was just one\n[doctor] okay alright and have you ever been diagnosed with what we call lyme disease before\n[patient] i have not\n[doctor] you have not\n[patient] i would n't know so i would n't know what symptoms are\n[doctor] okay\n[patient] what you just asked me i guess maybe\n[doctor] yeah so some of those symptoms like any flu like symptoms have you had like any body aches or chills or anything like that\n[patient] no just really just kind of a a headache just generally do n't feel well\n[doctor] generally do n't feel well okay and has that been since the tick bite\n[patient] it has\n[doctor] it has okay alright and any other symptoms like a cough or shortness of breath or dizziness or anything like that\n[patient] no\n[doctor] okay now since you are here let me just ask you a little bit about your high blood pressure did you buy the blood pressure cuff i asked you to have you been checking your blood pressure at home\n[patient] periodically yes\n[doctor] okay and do you think that they are running okay\n[patient] yeah blood pressure seems to be doing okay the lisinopril works well\n[doctor] good i was just gon na ask you if you were taking your lisinopril so that's good okay and any side effects from the lisinopril since we started it i think we started it about a year ago two years ago\n[patient] no no no side effects that i'm aware of\n[doctor] no side effects okay and then in terms of your diabetes are you watching your sugar intake\n[patient] yeah i usually watch it the form of high what i'm eating but\n[doctor] i am a big pie fan as well i know what's your favorite type of pie\n[patient] well you know it's favorite boy i just like pie you know apples cherry chocolate you know bicon\n[doctor] yeah\n[patient] i try to try to avoid the bicon because i think it's just all sugar but i do like it\n[doctor] okay\n[patient] less\n[doctor] i like it too alright are you taking the metformin twice a day\n[patient] not everyday but most of the time\n[doctor] okay alright and are you checking your blood sugars pretty regularly\n[patient] i try to\n[doctor] okay and do you do you know on average how they're running are they running below like one fifty or\n[patient] yeah it's definitely running below that\n[doctor] okay your blood sugars are running below\n[patient] it's it's probably with with with the metformin it seems to be you know one twenty\n[doctor] good\n[patient] pretty regular\n[doctor] good your blood sugars are running in the one twenties that's really good okay alright well i wan na just go ahead and do a quick physical exam okay so i'm looking here at your vital signs and your vital signs look really good i do think you're doing a good job with taking your lisinopril your blood pressure's about one twenty two over seventy right now which is right where we want it your heart rate is nice and slow at sixty seven again which is right where we want it and i do n't appreciate any fever today you you have a normal temperature at ninety eight . four which is really good so i'm just gon na be going ahead and calling out some physical exam findings and i'm gon na let you know what that means when i'm done okay so on your heart exam your heart is in a nice regular rate and rhythm i do n't appreciate any murmur rub or gallop on your lung exam your lungs are nice and clear to auscultation bilaterally on your right knee exam i do appreciate some erythema and edema as well as an area of fluctuance over your right patella now does it hurt when i press\n[patient] it's a little bit sore\n[doctor] okay there is pain to palpation of the right anterior knee and i'm just gon na bend your knee up and down does that hurt at all\n[patient] no no it's just more of the typical grinding that i would feel\n[doctor] okay there is full range of docetl of the right knee and on skin examination there is evidence of a bull's-eye rash over the right knee okay so what does that mean richard so that means that you know you do have some area of some inflammation over the over the right knee where you where you have that tick bite and you do have what we call that bull's eye rash which is what we get concerned about with with lyme disease so let's just talk a little bit about you know my assessment and my plan for you okay so for this first problem of your of your tick bite my concern is that you might have lyme disease based on the presentation of your right knee so i'm gon na go ahead and start you on doxycycline one hundred milligrams twice a day\n[patient] we're gon na continue that for about three weeks i'm also gon na go ahead and send a lyme titer as well as a western blot to see if you do in fact have lyme lyme disease and we'll have to go ahead and just see how you do with this we you know i'd like to avoid intravenous antibiotics which i think we can avoid but i wanted to see how you do so\n[doctor] do you have any questions about that\n[patient] yeah i did n't know what those last two things or just\n[doctor] yeah so so we are gon na start you on some antibiotics to help help you with this\n[patient] you know possible lyme disease and i'm gon na just order some blood tests just to see exactly what's going on and then you know sometimes people need intravenous antibiotics because lyme disease can cause problems on other organs like your heart that type of thing\n[doctor] if not treated appropriately and sometimes we need to give antibiotics through the iv which i'd like to avoid i think that we got this early enough that we can just treat you with some oral antibiotics okay for your second problem of your hypertension you know i think you're doing a really good job let's go ahead and continue you on the lisinopril twenty milligrams once a day and i wan na just go ahead and order a lipid panel just to make sure that everything is okay with your cholesterol how does that sound\n[patient] that's fine\n[doctor] great and then for your third problem of your diabetes i wan na just go ahead and order a hemoglobin a1c and continue you on the metformin one thousand milligrams twice a day it sounds like you're doing a good job since your blood sugars are running in the one twenties i do n't think we need to make any adjustments but we'll see what the hemoglobin a1c shows that gives us a an idea of what your blood sugars are doing on a long-term basis how does that sound\n[patient] okay at what point time do you start kinda checking kidney function i've been told that metformin can possibly cause some kidney issues\n[doctor] so it can you know your kidney function we've you know i think you've been really lucky it's been normal i checked it about two months ago and it looks pretty good it looks pretty normal but since we're doing blood work on you i can go ahead and order a a basic metabolic panel just to make sure that your kidney function is stable\n[patient] okay that'd be good\n[doctor] okay anything else\n[patient] not that i can think of at this time as soon as i leave\n[doctor] well you know where to find me okay\n[patient] alright\n[doctor] take care bye", "file": "D2N087-aci", "document_id": "90b5503d-4a73-4e70-94e7-15304e147028" diff --git a/workloads/medical/map.yaml b/workloads/medical/map.yaml index b7920056..006841d6 100644 --- a/workloads/medical/map.yaml +++ b/workloads/medical/map.yaml @@ -24,16 +24,16 @@ operations: num_retries_on_validate_failure: 1 recursively_optimize: false - # gleaning: - # num_rounds: 1 - # validation_prompt: | - # Review the original transcript and the extracted information: + gleaning: + num_rounds: 1 + validation_prompt: | + Review the original transcript and the extracted information: - # Extracted: {{ output }} + Extracted: {{ output }} - # Evaluate the extraction for completeness and accuracy: - # 1. Are all medications, dosages, and symptoms from the transcript included? - # 2. Is the extracted information correct and relevant? + Evaluate the extraction for completeness and accuracy: + 1. Are all medications, dosages, and symptoms from the transcript included? + 2. Is the extracted information correct and relevant? pipeline: steps: