diff --git a/README.md b/README.md index 368d83d8..6fcddb21 100644 --- a/README.md +++ b/README.md @@ -384,7 +384,7 @@ gather_operation: Notes: -- The gather operation adds a new field to each item: {content_key}\_formatted, which contains the formatted chunk with added context. +- The gather operation adds a new field to each item: {content_key}\_rendered, which contains the formatted chunk with added context. - The formatted content includes labels for previous context, main chunk, and next context. - Skipped chunks are indicated with a "[... X characters skipped ...]" message. diff --git a/motion/operations/gather.py b/motion/operations/gather.py index c160f048..a6df9464 100644 --- a/motion/operations/gather.py +++ b/motion/operations/gather.py @@ -11,7 +11,8 @@ class GatherOperation(BaseOperation): 1. Group chunks by their document ID. 2. Order chunks within each group. 3. Add peripheral context to each chunk based on the configuration. - 4. Return results containing the formatted chunks with added context, including information about skipped characters. + 4. Include headers for each chunk and its upward hierarchy. + 5. Return results containing the rendered chunks with added context, including information about skipped characters and headers. """ def __init__(self, *args: Any, **kwargs: Any) -> None: @@ -83,6 +84,7 @@ def execute(self, input_data: List[Dict]) -> Tuple[List[Dict], float]: "main_chunk_start", "--- Begin Main Chunk ---" ) main_chunk_end = self.config.get("main_chunk_end", "--- End Main Chunk ---") + doc_header_keys = self.config.get("doc_header_keys", []) results = [] cost = 0.0 @@ -99,9 +101,9 @@ def execute(self, input_data: List[Dict]) -> Tuple[List[Dict], float]: # Sort chunks by their order within the document chunks.sort(key=lambda x: x[order_key]) - # Process each chunk with its peripheral context + # Process each chunk with its peripheral context and headers for i, chunk in enumerate(chunks): - formatted_chunk = self.format_chunk_with_context( + rendered_chunk = self.render_chunk_with_context( chunks, i, peripheral_config, @@ -109,15 +111,16 @@ def execute(self, input_data: List[Dict]) -> Tuple[List[Dict], float]: order_key, main_chunk_start, main_chunk_end, + doc_header_keys, ) result = chunk.copy() - result[f"{content_key}_formatted"] = formatted_chunk + result[f"{content_key}_rendered"] = rendered_chunk results.append(result) return results, cost - def format_chunk_with_context( + def render_chunk_with_context( self, chunks: List[Dict], current_index: int, @@ -126,9 +129,10 @@ def format_chunk_with_context( order_key: str, main_chunk_start: str, main_chunk_end: str, + doc_header_keys: List[Dict[str, Any]], ) -> str: """ - Format a chunk with its peripheral context. + Render a chunk with its peripheral context and headers. Args: chunks (List[Dict]): List of all chunks in the document. @@ -138,9 +142,10 @@ def format_chunk_with_context( order_key (str): Key for the order of each chunk. main_chunk_start (str): String to mark the start of the main chunk. main_chunk_end (str): String to mark the end of the main chunk. + doc_header_keys (List[Dict[str, Any]]): List of dicts containing 'header' and 'level' keys. Returns: - str: Formatted chunk with context. + str: Renderted chunk with context and headers. """ combined_parts = [] @@ -152,16 +157,20 @@ def format_chunk_with_context( peripheral_config.get("previous", {}), content_key, order_key, - reverse=True, ) ) combined_parts.append("--- End Previous Context ---\n") # Process main chunk main_chunk = chunks[current_index] - combined_parts.append( - f"{main_chunk_start}\n{main_chunk[content_key]}\n{main_chunk_end}" + headers = self.render_hierarchy_headers( + main_chunk, chunks[: current_index + 1], doc_header_keys ) + if headers: + combined_parts.append(headers) + combined_parts.append(f"{main_chunk_start}") + combined_parts.append(f"{main_chunk[content_key]}") + combined_parts.append(f"{main_chunk_end}") # Process next chunks combined_parts.append("\n--- Next Context ---") @@ -222,9 +231,9 @@ def process_peripheral_chunks( section = "middle" else: # Show number of characters skipped - skipped_chars = sum(len(c[content_key]) for c in chunks) + skipped_chars = len(chunk[content_key]) if not in_skip: - skip_char_count += skipped_chars + skip_char_count = skipped_chars in_skip = True else: skip_char_count += skipped_chars @@ -245,7 +254,8 @@ def process_peripheral_chunks( summary_suffix = " (Summary)" if is_summary else "" chunk_prefix = f"[Chunk {chunk[order_key]}{summary_suffix}]" - processed_parts.append(f"{chunk_prefix} {chunk[section_content_key]}") + processed_parts.append(chunk_prefix) + processed_parts.append(f"{chunk[section_content_key]}") included_chunks.append(chunk) if in_skip: @@ -255,3 +265,58 @@ def process_peripheral_chunks( processed_parts = list(reversed(processed_parts)) return processed_parts + + def render_hierarchy_headers( + self, + current_chunk: Dict, + chunks: List[Dict], + doc_header_keys: List[Dict[str, Any]], + ) -> str: + """ + Render headers for the current chunk's hierarchy. + + Args: + current_chunk (Dict): The current chunk being processed. + chunks (List[Dict]): List of chunks up to and including the current chunk. + doc_header_keys (List[Dict[str, Any]]): List of dicts containing 'header' and 'level' keys. + + Returns: + str: Renderted headers in the current chunk's hierarchy. + """ + rendered_headers = [] + current_hierarchy = {} + + # Find the largest/highest level in the current chunk + current_chunk_headers = current_chunk.get(doc_header_keys, []) + highest_level = float("inf") # Initialize with positive infinity + for header_info in current_chunk_headers: + level = header_info.get("level") + if level is not None and level < highest_level: + highest_level = level + + # If no headers found in the current chunk, set highest_level to None + if highest_level == float("inf"): + highest_level = None + + for chunk in chunks: + for header_info in chunk.get(doc_header_keys, []): + header = header_info["header"] + level = header_info["level"] + if header and level: + current_hierarchy[level] = header + # Clear lower levels when a higher level header is found + for lower_level in range(level + 1, len(current_hierarchy) + 1): + if lower_level in current_hierarchy: + current_hierarchy[lower_level] = None + + # Render the headers in the current hierarchy, everything above the highest level in the current chunk (if the highest level in the current chunk is None, render everything) + for level, header in sorted(current_hierarchy.items()): + if header is not None and (highest_level is None or level < highest_level): + rendered_headers.append(f"{'#' * level} {header}") + + rendered_headers = " > ".join(rendered_headers) + return ( + f"_Current Header Hierarchy:_ {rendered_headers}" + if rendered_headers + else "" + ) diff --git a/motion/optimizers/map_optimizer/operation_creators.py b/motion/optimizers/map_optimizer/operation_creators.py index fef30e2c..3823947e 100644 --- a/motion/optimizers/map_optimizer/operation_creators.py +++ b/motion/optimizers/map_optimizer/operation_creators.py @@ -50,6 +50,8 @@ def create_split_map_gather_operations( content_key: str, summary_prompt: Optional[str] = None, summary_model: Optional[str] = None, + header_extraction_prompt: Optional[str] = "", + header_output_schema: Optional[Dict[str, Any]] = {}, ) -> List[Dict[str, Any]]: pipeline = [] chunk_size = int(chunk_info["chunk_size"] * 1.5) @@ -63,8 +65,45 @@ def create_split_map_gather_operations( } pipeline.append(split_config) - # If there's a summary prompt, create a map config - if summary_prompt: + if header_extraction_prompt and summary_prompt: + # Create parallel map for summary and header extraction + pmap_output_schema = { + "schema": { + f"{split_key}_summary": "string", + **header_output_schema, + } + } + parallel_map_config = { + "type": "parallel_map", + "name": f"parallel_map_{split_key}_{op_config['name']}", + "prompts": [ + { + "name": f"header_extraction_{split_key}_{op_config['name']}", + "prompt": header_extraction_prompt, + "model": self.config["default_model"], + "output_keys": list(header_output_schema.keys()), + }, + { + "name": f"summary_{split_key}_{op_config['name']}", + "prompt": summary_prompt, + "model": summary_model, + "output_keys": [f"{split_key}_summary"], + }, + ], + "output": pmap_output_schema, + } + pipeline.append(parallel_map_config) + elif header_extraction_prompt: + pipeline.append( + { + "type": "map", + "name": f"header_extraction_{split_key}_{op_config['name']}", + "prompt": header_extraction_prompt, + "model": self.config["default_model"], + "output": {"schema": header_output_schema}, + } + ) + elif summary_prompt: pipeline.append( { "type": "map", @@ -81,6 +120,7 @@ def create_split_map_gather_operations( "content_key": content_key, "doc_id_key": f"{split_name}_id", "order_key": f"{split_name}_chunk_num", + "doc_header_keys": ("headers" if header_output_schema else []), "peripheral_chunks": {}, } diff --git a/motion/optimizers/map_optimizer/plan_generators.py b/motion/optimizers/map_optimizer/plan_generators.py index fd546faf..5ff6c81a 100644 --- a/motion/optimizers/map_optimizer/plan_generators.py +++ b/motion/optimizers/map_optimizer/plan_generators.py @@ -117,6 +117,21 @@ def determine_metadata_with_retry(): ) self.console.log(f"Reason: {metadata_info.get('reason', 'N/A')}") + # Create header extraction prompt + header_extraction_prompt, header_output_schema = ( + self.prompt_generator._get_header_extraction_prompt( + op_config, input_data, split_key + ) + ) + if header_extraction_prompt: + self.console.log( + f"Inferring headers from the documents. Will apply this prompt to find headers in chunks: {header_extraction_prompt}" + ) + else: + self.console.log( + "Not inferring headers from the documents. Will not apply any header extraction prompt." + ) + # Create base operations # TODO: try with and without metadata base_operations = [] @@ -181,6 +196,8 @@ def determine_metadata_with_retry(): content_key, info_extraction_prompt if peripheral_configs[-1][1] else None, "gpt-4o-mini", + header_extraction_prompt, + header_output_schema, ) map_op = self.operation_creator.create_map_operation( op_config, split_result["subprompt"] + " Only process the main chunk." @@ -236,6 +253,8 @@ def task(): content_key, info_extraction_prompt if peripheral_config[1] else None, "gpt-4o-mini", + header_extraction_prompt, + header_output_schema, ) map_op = self.operation_creator.create_map_operation( op_config, diff --git a/motion/optimizers/map_optimizer/prompt_generators.py b/motion/optimizers/map_optimizer/prompt_generators.py index 385ee5c9..45a45098 100644 --- a/motion/optimizers/map_optimizer/prompt_generators.py +++ b/motion/optimizers/map_optimizer/prompt_generators.py @@ -63,6 +63,123 @@ def _generate_validator_prompt( ) return json.loads(response.choices[0].message.content)["validator_prompt"] + def _get_header_extraction_prompt( + self, + op_config: Dict[str, Any], + input_data: List[Dict[str, Any]], + split_key: str, + ) -> Tuple[str, Dict[str, Any]]: + """ + Generate a header extraction prompt for a split operation. This prompt will be used to extract the headers from the input data in each chunk. + + Args: + op_config (Dict[str, Any]): The operation configuration. + input_data (List[Dict[str, Any]]): A list of input data samples. + split_key (str): The key used to split the data. + + Returns: + str: The header extraction prompt. + """ + system_prompt = ( + "You are an AI assistant tasked with extracting metadata from documents." + ) + document = random.choice(input_data)[split_key] + prompt = f"""Analyze the following document and extract examples of headers along with their levels. The document structure is as follows: + + {document} + + Your task: + 1. Identify different header levels in the document. + 2. Extract at least 1 example of headers for each level you identify. + 3. Describe any patterns you notice in the header formatting (e.g., numbering, indentation, font size, etc.). + + Provide your analysis in the following JSON format: + + {{ + \"header_levels\": [ + {{ + \"level\": 1, + \"examples\": [\"Example 1\", \"Example 2\", \"Example 3\"], + \"pattern\": \"Description of the pattern for level 1 headers\" + }}, + {{ + \"level\": 2, + \"examples\": [\"Example 1\", \"Example 2\", \"Example 3\"], + \"pattern\": \"Description of the pattern for level 2 headers\" + }}, + // Add more levels as needed + ], + \"overall_structure\": \"Brief description of the overall header structure and any notable observations\" + }} + + Ensure that your analysis captures the hierarchical structure of the headers (if any) and any consistent formatting patterns that can be used to identify headers in similar documents. If there are no headers, return an empty list of header levels. + """ + + parameters = { + "type": "object", + "properties": { + "header_levels": { + "type": "array", + "items": { + "type": "object", + "properties": { + "level": {"type": "integer"}, + "examples": { + "type": "array", + "items": {"type": "string"}, + }, + "pattern": {"type": "string"}, + }, + "required": ["level", "examples", "pattern"], + "additionalProperties": False, + }, + }, + "overall_structure": {"type": "string"}, + }, + "required": ["header_levels", "overall_structure"], + "additionalProperties": False, + } + + response = self.llm_client.generate( + [ + {"role": "user", "content": prompt}, + ], + system_prompt, + parameters, + ) + result = json.loads(response.choices[0].message.content) + + # Check if there are any header levels identified + if not result["header_levels"]: + return "", {} + + header_examples = [] + for level in result["header_levels"]: + for example in level["examples"]: + header_examples.append(f"- \"{example}\" (level {level['level']})") + + header_extraction_prompt = f"""Analyze the following chunk of a document and extract any headers you see. + + {{ input.{split_key} }} + + Examples of headers and their levels based on the document structure: + {chr(10).join(header_examples)} + + Overall structure: {result["overall_structure"]} + + Provide your analysis as a list of dictionaries, where each dictionary contains a 'header' (string) and 'level' (integer). For example: + + [ + {{"header": "{result['header_levels'][0]['examples'][0]}", "level": {result['header_levels'][0]['level']}}}, + {{"header": "{result['header_levels'][1]['examples'][0] if len(result['header_levels']) > 1 else ''}", "level": {result['header_levels'][1]['level'] if len(result['header_levels']) > 1 else 2}}} + ] + + Only include headers you find in the text, do not add any that are not present. Use the patterns described for each level to identify headers: + {chr(10).join([f"Level {level['level']}: {level['pattern']}" for level in result['header_levels']])} + """ + output_schema = {"headers": "list[{header: string, level: integer}]"} + return header_extraction_prompt, output_schema + def _get_improved_prompt( self, op_config: Dict[str, Any], diff --git a/tests/test_basic.py b/tests/test_basic.py index 2552f65b..ceb14925 100644 --- a/tests/test_basic.py +++ b/tests/test_basic.py @@ -382,12 +382,12 @@ def test_gather_operation( results, cost = gather_op.execute(split_results) assert len(results) == len(split_results) - assert all("content_chunk_formatted" in result for result in results) + assert all("content_chunk_rendered" in result for result in results) assert cost == 0 # No LLM calls in gather operation # Check the structure of a gathered chunk middle_chunk = results[2] # Third chunk of the first document - formatted_content = middle_chunk["content_chunk_formatted"] + formatted_content = middle_chunk["content_chunk_rendered"] assert "--- Previous Context ---" in formatted_content assert "--- Next Context ---" in formatted_content @@ -406,14 +406,14 @@ def test_split_gather_combined( gather_results, gather_cost = gather_op.execute(split_results) assert len(gather_results) == len(split_results) - assert all("content_chunk_formatted" in result for result in gather_results) + assert all("content_chunk_rendered" in result for result in gather_results) assert split_cost == 0 and gather_cost == 0 # No LLM calls in either operation # Check that the gather operation preserved all split operation fields for split_result, gather_result in zip(split_results, gather_results): for key in split_result: assert key in gather_result - if key != "content_chunk_formatted": + if key != "content_chunk_rendered": assert gather_result[key] == split_result[key] diff --git a/tests/test_split.py b/tests/test_split.py index 33ab0662..c0304836 100644 --- a/tests/test_split.py +++ b/tests/test_split.py @@ -143,9 +143,9 @@ def test_split_map_gather_operations( for idx, result in enumerate(gather_results): assert ( - "content_chunk_formatted" in result - ), "Each result should have content_chunk_formatted" - formatted_content = result["content_chunk_formatted"] + "content_chunk_rendered" in result + ), "Each result should have content_chunk_rendered" + formatted_content = result["content_chunk_rendered"] assert ( "--- Previous Context ---" in formatted_content diff --git a/tests/test_synth_gather.py b/tests/test_synth_gather.py new file mode 100644 index 00000000..9e34bce3 --- /dev/null +++ b/tests/test_synth_gather.py @@ -0,0 +1,269 @@ +import pytest +import json +import tempfile +import os +from motion.builder import Optimizer +from motion.runner import DSLRunner +from motion.operations import SplitOperation, MapOperation, GatherOperation + + +def generate_random_content(length): + import random + + words = [ + "apple", + "banana", + "cherry", + "date", + "elderberry", + "fig", + "grape", + "honeydew", + "kiwi", + "lemon", + "mango", + "nectarine", + "orange", + "papaya", + "quince", + "raspberry", + "strawberry", + "tangerine", + "ugli fruit", + "watermelon", + ] + return " ".join(random.choices(words, k=length)) + + +@pytest.fixture +def sample_data(): + documents = [] + for i in range(5): + document = f"# Document {i+1}\n\n" + document += generate_random_content(100) + "\n\n" + for j in range(3): + document += f"## Section {j+1}\n\n" + document += generate_random_content(60) + "\n\n" + for k in range(2): + document += f"### Subsection {k+1}\n\n" + document += generate_random_content(40) + "\n\n" + + documents.append({"id": i + 1, "content": document}) + return documents + + +@pytest.fixture +def config_yaml(sample_data): + with tempfile.NamedTemporaryFile( + mode="w+", suffix=".yaml", delete=False + ) as temp_file, tempfile.NamedTemporaryFile( + mode="w+", suffix=".json", delete=False + ) as long_documents_file, tempfile.NamedTemporaryFile( + mode="w+", suffix=".json", delete=False + ) as output_file: + config = { + "datasets": { + "long_documents": {"type": "file", "path": long_documents_file.name} + }, + "default_model": "gpt-4o-mini", + "operations": { + "count_words": { + "type": "map", + "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.", + }, + }, + "pipeline": { + "steps": [ + { + "name": "word_analysis", + "input": "long_documents", + "operations": ["count_words"], + } + ], + "output": {"type": "file", "path": output_file.name}, + }, + } + json.dump(config, temp_file) + temp_file.flush() + + # Create sample data file + json.dump(sample_data, long_documents_file) + long_documents_file.flush() + + return temp_file.name, long_documents_file.name, output_file.name + + +@pytest.mark.flaky(reruns=2, reruns_delay=1) +def test_synth_gather(config_yaml): + config_path, long_documents_path, output_path = config_yaml + + # Initialize the optimizer + optimizer = Optimizer(config_path) + + # Run the optimization + optimizer.optimize() + + # Check if a gather operation was synthesized + synthesized_gather_found = False + for step in optimizer.optimized_config["pipeline"]["steps"]: + for op in step["operations"]: + synthesized_op = optimizer.optimized_config["operations"][op] + if synthesized_op.get("type") == "gather": + synthesized_gather_found = True + + # Check if the synthesized operation has the correct properties + assert synthesized_op["type"] == "gather" + assert "content_key" in synthesized_op + assert "doc_id_key" in synthesized_op + assert "order_key" in synthesized_op + assert "peripheral_chunks" in synthesized_op + assert "doc_header_keys" in synthesized_op + + break + if synthesized_gather_found: + break + + assert ( + synthesized_gather_found + ), "No synthesized gather operation found in the optimized config" + + # Run the optimized pipeline + runner = DSLRunner(optimizer.optimized_config_path) + runner.run() + + # Check if the output file was created + assert os.path.exists(output_path), "Output file was not created" + + # Load and check the output + with open(output_path, "r") as f: + output = json.load(f) + + with open(long_documents_path, "r") as f: + sample_data = json.load(f) + + assert len(output) == len( + sample_data + ), "Output should have the same number of items as input" + for item in output: + assert "count" in item, "Each output item should have a 'count' field" + assert isinstance(item["count"], int), "The 'count' field should be an integer" + + # Clean up temporary files + os.remove(config_path) + os.remove(optimizer.optimized_config_path) + os.remove(long_documents_path) + os.remove(output_path) + + +# # Run the test +# if __name__ == "__main__": +# sd = sample_data() +# config = config_yaml(sd) +# test_synth_gather(config) + + +def test_split_map_gather(sample_data): + default_model = "gpt-4o-mini" + # Define split operation + split_config = { + "type": "split", + "split_key": "content", + "method": "token_count", + "method_kwargs": {"token_count": 100}, + "name": "split_doc", + } + + # Define map operation to extract headers + map_config = { + "type": "map", + "prompt": """Analyze the following chunk of a document and extract any headers you see. + + {{ input.content_chunk }} + + Provide your analysis as a list of dictionaries, where each dictionary contains a 'header' (string) and 'level' (integer). For example: + + [ + {"header": "Document 1", "level": 1}, + {"header": "Section 1", "level": 2} + ] + + Only include headers you find in the text, do not add any that are not present.""", + "output": {"schema": {"headers": "list[{header: string, level: integer}]"}}, + "model": default_model, + } + + # Define gather operation + gather_config = { + "type": "gather", + "content_key": "content_chunk", + "doc_id_key": "split_doc_id", + "order_key": "split_doc_chunk_num", + "peripheral_chunks": { + "previous": {"tail": {"count": 1}}, + "next": {"head": {"count": 1}}, + }, + "doc_header_keys": "headers", + } + + # Initialize operations + split_op = SplitOperation(split_config, default_model, max_threads=64) + map_op = MapOperation(map_config, default_model, max_threads=64) + gather_op = GatherOperation(gather_config, default_model, max_threads=64) + + # Execute operations + split_results, split_cost = split_op.execute(sample_data) + map_results, map_cost = map_op.execute(split_results) + gather_results, gather_cost = gather_op.execute(map_results) + + # Assertions + assert len(gather_results) == len( + split_results + ), "Number of gathered results should match split results" + + for result in gather_results: + assert "headers" in result, "Each gathered result should have a 'headers' field" + assert isinstance( + result["headers"], list + ), "The 'headers' field should be a list" + + for header in result["headers"]: + assert "header" in header, "Each header should have a 'header' field" + assert "level" in header, "Each header should have a 'level' field" + assert isinstance( + header["header"], str + ), "The 'header' field should be a string" + assert isinstance( + header["level"], int + ), "The 'level' field should be an integer" + + assert ( + "content_chunk_rendered" in result + ), "Each result should have content_chunk_rendered" + formatted_content = result["content_chunk_rendered"] + + assert ( + "--- Previous Context ---" in formatted_content + ), "Formatted content should include previous context" + assert ( + "--- Next Context ---" in formatted_content + ), "Formatted content should include next context" + assert ( + "--- Begin Main Chunk ---" in formatted_content + ), "Formatted content should include main chunk delimiters" + assert ( + "--- End Main Chunk ---" in formatted_content + ), "Formatted content should include main chunk delimiters" + + assert split_cost == 0, "Split operation cost should be zero" + assert map_cost > 0, "Map operation cost should be greater than zero" + assert gather_cost == 0, "Gather operation cost should be zero" + + +# Run the tests +# if __name__ == "__main__": +# sd = sample_data() +# config = config_yaml(sd) +# test_synth_gather(config) +# test_split_map_gather(sd) diff --git a/todos.md b/todos.md index 3db3160c..cddcba6f 100644 --- a/todos.md +++ b/todos.md @@ -59,9 +59,11 @@ TODO: - [x] Support retry on validation failure - [x] Break down split into split + gather (Aug 21 & 22) - [x] Support this in runner too -- [ ] Support more flexible chunking strategies - - [ ] Encode this in API somehow (recursive splitting on some delimiters or sequence of delimiters?) - - [ ] Support this kind of chunking in the optimizer +- [x] Support more flexible chunking strategies + - [x] Delimiter based splitting + - [x] Encode this in API somehow + - [ ] Support this kind of chunking in the optimizer + - [x] Extract headers & levels from documents, and add the level hierarchy to the chunk. - [ ] Support prompts exceeding context windows; figure out how to throw out data / prioritize elements - [ ] Support retries in the optimizers - [ ] Write tests for optimizers diff --git a/workloads/medical/extracted_medical_info.json b/workloads/medical/extracted_medical_info.json index e7efdd00..fad6a7c5 100644 --- a/workloads/medical/extracted_medical_info.json +++ b/workloads/medical/extracted_medical_info.json @@ -7,7 +7,7 @@ "document_id": "b5a4c95d-04b0-4d1f-b3c0-022193de8517", "src_chunk": "[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", "split_extract_medical_info_chunk_num": 1, - "src_chunk_formatted": "--- Previous Context ---\n--- End Previous Context ---\n\n--- Begin Main Chunk ---\n[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\n--- End Main Chunk ---\n\n--- Next Context ---\n[Chunk 2] 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\n[Chunk 3] 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[Chunk 4] \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\n[... 11484 characters skipped ...]\n--- End Next Context ---" + "src_chunk_rendered": "--- Previous Context ---\n--- End Previous Context ---\n\n--- Begin Main Chunk ---\n[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\n--- End Main Chunk ---\n\n--- Next Context ---\n[Chunk 2] 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\n[Chunk 3] 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[Chunk 4] \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\n[... 11484 characters skipped ...]\n--- End Next Context ---" }, { "medication_info": "Medication Info: Allergic to Augmentin.\nMedications: None mentioned.\nDosages: None mentioned.\nSymptoms: Unintentional weight changes, headaches, fatigue, nausea, vomiting, vision changes.", @@ -17,7 +17,7 @@ "document_id": "57def3af-1e43-40a9-be9b-3e509c34ce5c", "src_chunk": "[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", "split_extract_medical_info_chunk_num": 1, - "src_chunk_formatted": "--- Previous Context ---\n--- End Previous Context ---\n\n--- Begin Main Chunk ---\n[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\n--- End Main Chunk ---\n\n--- Next Context ---\n[Chunk 2] . 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[Chunk 3] .\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\n[Chunk 4] 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\n[... 60128 characters skipped ...]\n--- End Next Context ---" + "src_chunk_rendered": "--- Previous Context ---\n--- End Previous Context ---\n\n--- Begin Main Chunk ---\n[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\n--- End Main Chunk ---\n\n--- Next Context ---\n[Chunk 2] . 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[Chunk 3] .\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\n[Chunk 4] 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\n[... 60128 characters skipped ...]\n--- End Next Context ---" }, { "medication_info": "Medication Info: \nMedications: Digoxin, Tramadol (50 milligrams, every six hours as needed for pain) \nSymptoms: right middle finger pain, fracture in the distal phalanx of the middle finger, tenderness over distal phalanx of right middle finger, Atrial Fibrillation.", @@ -27,7 +27,7 @@ "document_id": "891fe758-52bd-437a-a3b8-7d8fd4737130", "src_chunk": "[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", "split_extract_medical_info_chunk_num": 1, - "src_chunk_formatted": "--- Previous Context ---\n--- End Previous Context ---\n\n--- Begin Main Chunk ---\n[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\n--- End Main Chunk ---\n\n--- Next Context ---\n[Chunk 2] ] 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]\n[Chunk 3] 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\n[Chunk 4] 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\n[... 2366 characters skipped ...]\n--- End Next Context ---" + "src_chunk_rendered": "--- Previous Context ---\n--- End Previous Context ---\n\n--- Begin Main Chunk ---\n[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\n--- End Main Chunk ---\n\n--- Next Context ---\n[Chunk 2] ] 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]\n[Chunk 3] 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\n[Chunk 4] 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\n[... 2366 characters skipped ...]\n--- End Next Context ---" }, { "medication_info": "Medication Info: \n\n1. Hormone replacement therapy mentioned, but no specific medications or dosages provided. \n\n2. Symptoms: back pain, joint pain, high cholesterol. \n\n3. Medications: CoQ10, Vitamin D, Vitamin C, Fish Oil, Elderberry Fruit. \n\n4. Allergic to penicillin. \n\n5. Endocrine therapy (not taken). \n\n(Note: No other medications or dosages mentioned.)", @@ -37,7 +37,7 @@ "document_id": "789999d5-431a-49d0-969d-ea37584337b7", "src_chunk": "[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[", "split_extract_medical_info_chunk_num": 1, - "src_chunk_formatted": "--- Previous Context ---\n--- End Previous Context ---\n\n--- Begin Main Chunk ---\n[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[\n--- End Main Chunk ---\n\n--- Next Context ---\n[Chunk 2] 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\n[Chunk 3] 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\n[Chunk 4] 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\n[... 55728 characters skipped ...]\n--- End Next Context ---" + "src_chunk_rendered": "--- Previous Context ---\n--- End Previous Context ---\n\n--- Begin Main Chunk ---\n[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[\n--- End Main Chunk ---\n\n--- Next Context ---\n[Chunk 2] 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\n[Chunk 3] 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\n[Chunk 4] 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\n[... 55728 characters skipped ...]\n--- End Next Context ---" }, { "medication_info": "Medication Info:\nMedications: Metformin, Keppra\nDosages: Metformin 500 mg twice a day\nSymptoms: High blood sugar, anxiety, epilepsy, seizures, chest pain, shortness of breath, nausea, vomiting, dizziness, recent fever, chills, trace pitting edema, fluid retention, Hemoglobin A1c of 8, Newly diagnosed diabetes.", @@ -47,7 +47,7 @@ "document_id": "34fc3b93-c73e-4824-82ce-516e49fca25c", "src_chunk": "[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", "split_extract_medical_info_chunk_num": 1, - "src_chunk_formatted": "--- Previous Context ---\n--- End Previous Context ---\n\n--- Begin Main Chunk ---\n[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\n--- End Main Chunk ---\n\n--- Next Context ---\n[Chunk 2] 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]\n[Chunk 3] 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\n[Chunk 4] ] 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\n[... 15752 characters skipped ...]\n--- End Next Context ---" + "src_chunk_rendered": "--- Previous Context ---\n--- End Previous Context ---\n\n--- Begin Main Chunk ---\n[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\n--- End Main Chunk ---\n\n--- Next Context ---\n[Chunk 2] 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]\n[Chunk 3] 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\n[Chunk 4] ] 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\n[... 15752 characters skipped ...]\n--- End Next Context ---" }, { "medication_info": "Medication Info: \nMedications: Ibuprofen, Pepcid, Lortab 5 mg\nDosages: Ibuprofen: every six hours, Pepcid: unspecified dosage, Lortab 5 mg: take 1 to 2 tablets every 6 hours\nSymptoms: Severe right upper arm pain, Severe pain, nasty pain, Pain rating: 9 out of 10 (severe), Gallstones (medical condition), Swelling, erythema, tenderness in right shoulder, no numbness or tingling in right arm.", @@ -57,7 +57,7 @@ "document_id": "6795ad1c-62e3-4ec7-a252-b506e3ef78d3", "src_chunk": "[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 ,", "split_extract_medical_info_chunk_num": 1, - "src_chunk_formatted": "--- Previous Context ---\n--- End Previous Context ---\n\n--- Begin Main Chunk ---\n[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 ,\n--- End Main Chunk ---\n\n--- Next Context ---\n[Chunk 2] 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\n[Chunk 3] 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\n[Chunk 4] 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\n[... 10605 characters skipped ...]\n--- End Next Context ---" + "src_chunk_rendered": "--- Previous Context ---\n--- End Previous Context ---\n\n--- Begin Main Chunk ---\n[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 ,\n--- End Main Chunk ---\n\n--- Next Context ---\n[Chunk 2] 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\n[Chunk 3] 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\n[Chunk 4] 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\n[... 10605 characters skipped ...]\n--- End Next Context ---" }, { "medication_info": "Medication Info: Medications: Lisinopril 40 milligrams a day; Lasix 20 milligrams a day, Lisinopril, take as directed. Symptoms: history of congestive heart failure, depression, hypertension, high blood pressure, fluid retention, stress, nasal congestion due to fall pollen and allergies, 3 out of 6 systolic ejection murmur, 1+ pitting edema in lower extremities, no chest pains, no shortness of breath, no swelling in legs, no nausea, vomiting, or abdominal pain.", @@ -67,7 +67,7 @@ "document_id": "39706bdb-e447-421a-9333-de95cae96dea", "src_chunk": "[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 .", "split_extract_medical_info_chunk_num": 1, - "src_chunk_formatted": "--- Previous Context ---\n--- End Previous Context ---\n\n--- Begin Main Chunk ---\n[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 .\n--- End Main Chunk ---\n\n--- Next Context ---\n[Chunk 2] 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\n[Chunk 3] 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\n[Chunk 4] . 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\n[... 63657 characters skipped ...]\n--- End Next Context ---" + "src_chunk_rendered": "--- Previous Context ---\n--- End Previous Context ---\n\n--- Begin Main Chunk ---\n[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 .\n--- End Main Chunk ---\n\n--- Next Context ---\n[Chunk 2] 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\n[Chunk 3] 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\n[Chunk 4] . 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\n[... 63657 characters skipped ...]\n--- End Next Context ---" }, { "medication_info": "Medication Info: \nMedications: Water pill, Bumex 2 mg once daily, Cozaar 100 mg daily, Norvasc 5 mg once daily; \nSymptoms: Swollen ankles, difficulty breathing at night, feeling generally unwell, high blood pressure (200/90), shortness of breath, almost incontinence, abnormal diastolic filling, mild-to-moderate mitral regurgitation, congestive heart failure due to dietary indiscretion and uncontrolled hypertension, no shortness of breath, good sleep, no chest pain.", @@ -77,7 +77,7 @@ "document_id": "36d57cf4-6508-4c88-a5ca-5a74ee72d764", "src_chunk": "[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]", "split_extract_medical_info_chunk_num": 1, - "src_chunk_formatted": "--- Previous Context ---\n--- End Previous Context ---\n\n--- Begin Main Chunk ---\n[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]\n--- End Main Chunk ---\n\n--- Next Context ---\n[Chunk 2] 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\n[Chunk 3] 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[Chunk 4] \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[\n[... 32568 characters skipped ...]\n--- End Next Context ---" + "src_chunk_rendered": "--- Previous Context ---\n--- End Previous Context ---\n\n--- Begin Main Chunk ---\n[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]\n--- End Main Chunk ---\n\n--- Next Context ---\n[Chunk 2] 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\n[Chunk 3] 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[Chunk 4] \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[\n[... 32568 characters skipped ...]\n--- End Next Context ---" }, { "medication_info": "Medication Info: \n- Carvedilol: 25 milligrams, twice a day \n- Lisinopril: 10 milligrams, once a day \nSymptoms: \n- Chest pain \n- Short of breath \n- High blood pressure (180 over 95) \n- Enlarged thyroid \n- Severe hypertension \n- Three out of six systolic ejection murmur", @@ -87,7 +87,7 @@ "document_id": "de2fd24a-4cad-4eea-81ab-817e032cb4ec", "src_chunk": "[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", "split_extract_medical_info_chunk_num": 1, - "src_chunk_formatted": "--- Previous Context ---\n--- End Previous Context ---\n\n--- Begin Main Chunk ---\n[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\n--- End Main Chunk ---\n\n--- Next Context ---\n[Chunk 2] [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\n[Chunk 3] . 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\n[Chunk 4] 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\n[... 15452 characters skipped ...]\n--- End Next Context ---" + "src_chunk_rendered": "--- Previous Context ---\n--- End Previous Context ---\n\n--- Begin Main Chunk ---\n[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\n--- End Main Chunk ---\n\n--- Next Context ---\n[Chunk 2] [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\n[Chunk 3] . 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\n[Chunk 4] 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\n[... 15452 characters skipped ...]\n--- End Next Context ---" }, { "medication_info": "Medication Info:\nMedications: Tylenol\nDosages: unspecified\nSymptoms:\n- Left shoulder pain\n- Pain in the shoulder\n- Having a lot of pain\n- Pain radiating at the shoulder\n- Constant pain (all the time)\n- Increased pain when putting pressure (especially when trying to sleep)\n- Numbness\n- Tingling\n- Rotator cuff tendinopathy\n- Shoulder pain\n- Injury", @@ -97,7 +97,7 @@ "document_id": "9171f5a3-6265-4869-bbe2-fd482d2f06c0", "src_chunk": "[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", "split_extract_medical_info_chunk_num": 1, - "src_chunk_formatted": "--- Previous Context ---\n--- End Previous Context ---\n\n--- Begin Main Chunk ---\n[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\n--- End Main Chunk ---\n\n--- Next Context ---\n[Chunk 2] 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\n[Chunk 3] 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\n[Chunk 4] 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\n[... 17484 characters skipped ...]\n--- End Next Context ---" + "src_chunk_rendered": "--- Previous Context ---\n--- End Previous Context ---\n\n--- Begin Main Chunk ---\n[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\n--- End Main Chunk ---\n\n--- Next Context ---\n[Chunk 2] 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\n[Chunk 3] 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\n[Chunk 4] 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\n[... 17484 characters skipped ...]\n--- End Next Context ---" }, { "medication_info": "Medication Info: \nMedications: Lasix 40 mg once a day, Toprol 50 mg daily, Lisinopril 10 mg a day.\nDosages: None mentioned.\nSymptoms: tiredness, dizziness, low hemoglobin, fatigue, swelling in legs, nasal congestion, seasonal allergies, three out of six systolic ejection murmur, trace to one plus pitting edema in the ankles, low pumping function of the heart (45%), moderate mitral regurgitation, kidney stones.", @@ -107,7 +107,7 @@ "document_id": "fbd35a61-6d83-48a4-a6dd-8b4b2381bbd8", "src_chunk": "[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", "split_extract_medical_info_chunk_num": 1, - "src_chunk_formatted": "--- Previous Context ---\n--- End Previous Context ---\n\n--- Begin Main Chunk ---\n[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\n--- End Main Chunk ---\n\n--- Next Context ---\n[Chunk 2] 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\n[Chunk 3] 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\n[Chunk 4] 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\n[... 52488 characters skipped ...]\n--- End Next Context ---" + "src_chunk_rendered": "--- Previous Context ---\n--- End Previous Context ---\n\n--- Begin Main Chunk ---\n[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\n--- End Main Chunk ---\n\n--- Next Context ---\n[Chunk 2] 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\n[Chunk 3] 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\n[Chunk 4] 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\n[... 52488 characters skipped ...]\n--- End Next Context ---" }, { "medication_info": "Medication Info: Tylenol, Advil, Metformin (500 mg once a day), Flexeril (5 mg three times a day); Dosages: 500 mg twice a day; Symptoms: headache (dull pain in the back of head), red and hot sensations, dizziness, headaches (worsens in the evening), tightness in the back of the neck, tightness in the shoulders, stress, no fever, no visual changes, flushing in ears.", @@ -117,7 +117,7 @@ "document_id": "24c9dd1d-4c20-4d85-af63-32522dce2158", "src_chunk": "[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", "split_extract_medical_info_chunk_num": 1, - "src_chunk_formatted": "--- Previous Context ---\n--- End Previous Context ---\n\n--- Begin Main Chunk ---\n[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\n--- End Main Chunk ---\n\n--- Next Context ---\n[Chunk 2] 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[Chunk 3] \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[\n[Chunk 4] 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\n[... 48132 characters skipped ...]\n--- End Next Context ---" + "src_chunk_rendered": "--- Previous Context ---\n--- End Previous Context ---\n\n--- Begin Main Chunk ---\n[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\n--- End Main Chunk ---\n\n--- Next Context ---\n[Chunk 2] 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[Chunk 3] \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[\n[Chunk 4] 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\n[... 48132 characters skipped ...]\n--- End Next Context ---" }, { "medication_info": "Medication Info: No medications or dosages were mentioned in the transcript. Symptoms mentioned: chills, fever, nausea, vomiting. \nMedication Info: No medications or specific dosages mentioned; symptoms include back pain and a lump under the left breast. \nMedication Info: Scar gel; dosage: twice a day; symptoms: discoloration. \nMedication Info: Mederma scar gel, used twice a day for scars.", @@ -127,7 +127,7 @@ "document_id": "e215cf05-da70-405d-a8db-d51c26388158", "src_chunk": "[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", "split_extract_medical_info_chunk_num": 1, - "src_chunk_formatted": "--- Previous Context ---\n--- End Previous Context ---\n\n--- Begin Main Chunk ---\n[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\n--- End Main Chunk ---\n\n--- Next Context ---\n[Chunk 2] 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 ,\n[Chunk 3] 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\n[Chunk 4] 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\n[... 9384 characters skipped ...]\n--- End Next Context ---" + "src_chunk_rendered": "--- Previous Context ---\n--- End Previous Context ---\n\n--- Begin Main Chunk ---\n[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\n--- End Main Chunk ---\n\n--- Next Context ---\n[Chunk 2] 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 ,\n[Chunk 3] 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\n[Chunk 4] 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\n[... 9384 characters skipped ...]\n--- End Next Context ---" }, { "medication_info": "Medication Info: \nMedications: ibuprofen 800 mg, Fusion therapy\nDosages: taken three times a day\nSymptoms: Extremely sore elbows, pain in right elbow, pain in inside of elbows, worsens with usage of hands or arms, no relief from icing, pain with flexion and extension of the elbow, limited range of motion on extension, pain on the medial side with palpation, pain with torsion and twisting, pain with supination on the left side, no pain with pronation on the right side, medial epicondylitis (golfer's elbow), issues with healing, healing of elbow, tendon injury.", @@ -137,7 +137,7 @@ "document_id": "e4633e7d-1024-42ab-9581-03cd4e85620e", "src_chunk": "[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", "split_extract_medical_info_chunk_num": 1, - "src_chunk_formatted": "--- Previous Context ---\n--- End Previous Context ---\n\n--- Begin Main Chunk ---\n[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--- End Main Chunk ---\n\n--- Next Context ---\n[Chunk 2] \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\n[Chunk 3] 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 motion 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\n[Chunk 4] 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 motion on extension of the arm how about if you twist like you're opening a door\n[patient]\n[... 22560 characters skipped ...]\n--- End Next Context ---" + "src_chunk_rendered": "--- Previous Context ---\n--- End Previous Context ---\n\n--- Begin Main Chunk ---\n[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--- End Main Chunk ---\n\n--- Next Context ---\n[Chunk 2] \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\n[Chunk 3] 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 motion 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\n[Chunk 4] 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 motion on extension of the arm how about if you twist like you're opening a door\n[patient]\n[... 22560 characters skipped ...]\n--- End Next Context ---" }, { "medication_info": "Medication Info:\n\nMedications:\n1. Effexor - for depression\n2. Gabapentin (Neurontin) - for chronic back pain\n3. Combivent: 2 puffs, twice a day\n4. Albuterol: 2 puffs as needed\n5. Prednisone: taper pack\n\nSymptoms:\n1. Depression (feeling extremely low)\n2. Chronic back pain\n3. Shortness of breath\n4. Asthma\n5. COPD (chronic obstructive pulmonary disease)\n6. Mild wheezes in lung fields\n7. Flat diaphragm\n\nRecommended: Yoga for depression and back pain.", @@ -147,7 +147,7 @@ "document_id": "ef8fe8a5-6fd9-4856-8949-5aa8ee7ceb9b", "src_chunk": "[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 short", "split_extract_medical_info_chunk_num": 1, - "src_chunk_formatted": "--- Previous Context ---\n--- End Previous Context ---\n\n--- Begin Main Chunk ---\n[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 short\n--- End Main Chunk ---\n\n--- Next Context ---\n[Chunk 2] ness 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\n[Chunk 3] 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\n[Chunk 4] , 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\n[... 23270 characters skipped ...]\n--- End Next Context ---" + "src_chunk_rendered": "--- Previous Context ---\n--- End Previous Context ---\n\n--- Begin Main Chunk ---\n[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 short\n--- End Main Chunk ---\n\n--- Next Context ---\n[Chunk 2] ness 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\n[Chunk 3] 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\n[Chunk 4] , 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\n[... 23270 characters skipped ...]\n--- End Next Context ---" }, { "medication_info": "Medication Info: \nMedications: ibuprofen 600 milligrams every six hours \nDosages: None mentioned \nSymptoms: \n- Numbness and tingling in fingers \n- Pain in right wrist and hand \n- Hands asleep at night \n- Pain at night \n- Numbness in all fingers, more noticeable in thumb and pointer finger \n- Numbness in the left little finger \n- Weakness in left hand \n- Difficulty feeling objects \n- Dropping things \n- Decreased grip strength on the left side \n- Weird sensation on the thumb side \n- Jolts or zings in fingertips \n- Need to eliminate active repetitive motions", @@ -157,7 +157,7 @@ "document_id": "1b5f5296-7b32-4c8c-98ef-18291b5780d3", "src_chunk": "[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]", "split_extract_medical_info_chunk_num": 1, - "src_chunk_formatted": "--- Previous Context ---\n--- End Previous Context ---\n\n--- Begin Main Chunk ---\n[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]\n--- End Main Chunk ---\n\n--- Next Context ---\n[Chunk 2] 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\n[Chunk 3] 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\n[Chunk 4] ] 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\n[... 26730 characters skipped ...]\n--- End Next Context ---" + "src_chunk_rendered": "--- Previous Context ---\n--- End Previous Context ---\n\n--- Begin Main Chunk ---\n[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]\n--- End Main Chunk ---\n\n--- Next Context ---\n[Chunk 2] 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\n[Chunk 3] 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\n[Chunk 4] ] 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\n[... 26730 characters skipped ...]\n--- End Next Context ---" }, { "medication_info": "Medication Info: Amoxicillin, 500 milligrams, three times a day for 10 days; Protonix; Symptoms: high blood sugar, joint pain (right knee), nausea, reflux symptoms, belly pain, burning during urination, congestive heart failure, weight gain, fluid retention, problems sleeping, right rotator cuff issues, thyroid enlargement, regular heart rhythm, clear lungs, soft abdomen, erythema on right knee, insect bite with fluctuants, lower extremity edema on right side, elevated Lyme titer, elevated blood sugar (hyperglycemia), positive rapid strep, inflammatory response.", @@ -167,7 +167,7 @@ "document_id": "afd49e7d-544c-4c3d-8e40-3fd45a51b0c7", "src_chunk": "[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", "split_extract_medical_info_chunk_num": 1, - "src_chunk_formatted": "--- Previous Context ---\n--- End Previous Context ---\n\n--- Begin Main Chunk ---\n[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\n--- End Main Chunk ---\n\n--- Next Context ---\n[Chunk 2] 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]\n[Chunk 3] 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\n[Chunk 4] 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\n[... 31158 characters skipped ...]\n--- End Next Context ---" + "src_chunk_rendered": "--- Previous Context ---\n--- End Previous Context ---\n\n--- Begin Main Chunk ---\n[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\n--- End Main Chunk ---\n\n--- Next Context ---\n[Chunk 2] 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]\n[Chunk 3] 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\n[Chunk 4] 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\n[... 31158 characters skipped ...]\n--- End Next Context ---" }, { "medication_info": "Medication Info: \n- Vitamin D3: 5000 units on Sundays, 2000 units on other six days.\n- Ampicillin prior to dental procedures.\n- MMR vaccine, shingles vaccine, COVID-19 vaccine.\n\nSymptoms: \n- Fatigue \n- Pursed lips breathing \n- Nodule on right testicle (epididymis) \n- Elevated alkaline phosphatase level \n- Lung field abnormal finding \n- Low exhalation phase", @@ -177,7 +177,7 @@ "document_id": "4b81e9ec-e2b9-48f1-b305-1d3ab8453bde", "src_chunk": "[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 c", "split_extract_medical_info_chunk_num": 1, - "src_chunk_formatted": "--- Previous Context ---\n--- End Previous Context ---\n\n--- Begin Main Chunk ---\n[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 c\n--- End Main Chunk ---\n\n--- Next Context ---\n[Chunk 2] bc 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\n[Chunk 3] 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[\n[Chunk 4] 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 ,\n[... 90783 characters skipped ...]\n--- End Next Context ---" + "src_chunk_rendered": "--- Previous Context ---\n--- End Previous Context ---\n\n--- Begin Main Chunk ---\n[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 c\n--- End Main Chunk ---\n\n--- Next Context ---\n[Chunk 2] bc 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\n[Chunk 3] 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[\n[Chunk 4] 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 ,\n[... 90783 characters skipped ...]\n--- End Next Context ---" }, { "medication_info": "Medication Info: gabapentin (dosage specified as 2 times a day), prednisone, oral steroids, numbing medicine, neck pill, focused anti-inflammatory medicine, eliquis; Symptoms: left arm pain, worse at night, hand pain; hurting, discomfort in the arm, circulation issue; pain in the hand; pain radiating down the arm; weakness in hand; difficulty gripping; previous injury to a finger; neuropathy; issues from knees down to feet; strain in the neck; nerve root compression leading to potential squished nerves; alleviation of symptoms from epidural; neck pain (not bothering the patient recently); hand bothering the patient; symptoms in hand; mild lateral neck pain; restricted cervical extension; no radicular pain; left upper extremity neuropathy; cervical radicularopathy; neck pain in the setting of arthritis disc degeneration.", @@ -187,7 +187,7 @@ "document_id": "531abacf-6b7b-41c3-9ed2-c8cbba693785", "src_chunk": "[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", "split_extract_medical_info_chunk_num": 1, - "src_chunk_formatted": "--- Previous Context ---\n--- End Previous Context ---\n\n--- Begin Main Chunk ---\n[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\n--- End Main Chunk ---\n\n--- Next Context ---\n[Chunk 2] 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\n[Chunk 3] 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\n[Chunk 4] 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 .\n[... 106656 characters skipped ...]\n--- End Next Context ---" + "src_chunk_rendered": "--- Previous Context ---\n--- End Previous Context ---\n\n--- Begin Main Chunk ---\n[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\n--- End Main Chunk ---\n\n--- Next Context ---\n[Chunk 2] 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\n[Chunk 3] 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\n[Chunk 4] 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 .\n[... 106656 characters skipped ...]\n--- End Next Context ---" }, { "medication_info": "Medication Info: \nMedications: Lasix 80 milligrams once a day; Carvedilol 25 milligrams twice a day.\nDosages: 80 milligrams once a day (Lasix), 25 milligrams twice a day (Carvedilol).\nSymptoms: short of breath, struggling to breathe, feeling like having a heart attack, light-headed, dizzy, fine crackles in lungs, trace lower extremity edema, potential extra fluid due to salty foods, shortness of breath, exacerbation of heart failure.", @@ -197,7 +197,7 @@ "document_id": "842460bd-2460-4a75-9ff1-1f83110636c0", "src_chunk": "[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", "split_extract_medical_info_chunk_num": 1, - "src_chunk_formatted": "--- Previous Context ---\n--- End Previous Context ---\n\n--- Begin Main Chunk ---\n[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\n--- End Main Chunk ---\n\n--- Next Context ---\n[Chunk 2] 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\n[Chunk 3] 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\n[Chunk 4] 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]\n[... 22340 characters skipped ...]\n--- End Next Context ---" + "src_chunk_rendered": "--- Previous Context ---\n--- End Previous Context ---\n\n--- Begin Main Chunk ---\n[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\n--- End Main Chunk ---\n\n--- Next Context ---\n[Chunk 2] 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\n[Chunk 3] 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\n[Chunk 4] 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]\n[... 22340 characters skipped ...]\n--- End Next Context ---" }, { "medication_info": "Medication Info:\n- Medications: Prozac, Aspirin\n- Dosages: 20 milligrams a day (Prozac), 40 milligrams once a day (Prozac), 81 milligrams daily (Aspirin)\n- Symptoms: Struggling with depression, stress, feeling weighed down, chronic back pain, stiffness, pain when sitting for long periods, numbing or tingling in the legs, discomfort when standing or sitting for extended periods.", @@ -207,7 +207,7 @@ "document_id": "e80c734d-a945-4674-a979-10ae40c554e3", "src_chunk": "[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 ,", "split_extract_medical_info_chunk_num": 1, - "src_chunk_formatted": "--- Previous Context ---\n--- End Previous Context ---\n\n--- Begin Main Chunk ---\n[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 ,\n--- End Main Chunk ---\n\n--- Next Context ---\n[Chunk 2] 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]\n[Chunk 3] 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\n[Chunk 4] 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\n[... 23235 characters skipped ...]\n--- End Next Context ---" + "src_chunk_rendered": "--- Previous Context ---\n--- End Previous Context ---\n\n--- Begin Main Chunk ---\n[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 ,\n--- End Main Chunk ---\n\n--- Next Context ---\n[Chunk 2] 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]\n[Chunk 3] 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\n[Chunk 4] 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\n[... 23235 characters skipped ...]\n--- End Next Context ---" }, { "medication_info": "Medication Info: \nMedications:\n1. Finasteride, 5 mg (half a pill)\n2. Cialis, 5 mg (on days worked out), 2.5 mg (otherwise)\n3. Cialis - Daily Dose: 1 milliliter every 10 days (presumably testosterone)\n4. Testosterone; Dosage: 175 milligrams (proposed), 140 milligrams (current)\n5. indole-3-carbinol (broccoli extract)\n\nSymptoms:\n1. Hypogonadism\n2. Gynecomastia\n3. Feeling good\n4. More vigorous\n5. Sleeping well\n\nEstradiol levels checked; estradiol levels normal.", @@ -217,7 +217,7 @@ "document_id": "6939b6ad-1a48-47e5-99aa-f7872f52ec0a", "src_chunk": "[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", "split_extract_medical_info_chunk_num": 1, - "src_chunk_formatted": "--- Previous Context ---\n--- End Previous Context ---\n\n--- Begin Main Chunk ---\n[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\n--- End Main Chunk ---\n\n--- Next Context ---\n[Chunk 2] [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\n[Chunk 3] 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\n[Chunk 4] ] 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 decil\n[... 41307 characters skipped ...]\n--- End Next Context ---" + "src_chunk_rendered": "--- Previous Context ---\n--- End Previous Context ---\n\n--- Begin Main Chunk ---\n[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\n--- End Main Chunk ---\n\n--- Next Context ---\n[Chunk 2] [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\n[Chunk 3] 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\n[Chunk 4] ] 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 decil\n[... 41307 characters skipped ...]\n--- End Next Context ---" }, { "medication_info": "Medication Info: cisplatin, taxol. Symptoms: depressed, severe pain, bleeding, constipation, weight loss.", @@ -227,7 +227,7 @@ "document_id": "5c2b5f45-b798-4379-8817-c5891b094ff5", "src_chunk": "[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]", "split_extract_medical_info_chunk_num": 1, - "src_chunk_formatted": "--- Previous Context ---\n--- End Previous Context ---\n\n--- Begin Main Chunk ---\n[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]\n--- End Main Chunk ---\n\n--- Next Context ---\n[Chunk 2] 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[Chunk 3] \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\n[Chunk 4] 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\n[... 11346 characters skipped ...]\n--- End Next Context ---" + "src_chunk_rendered": "--- Previous Context ---\n--- End Previous Context ---\n\n--- Begin Main Chunk ---\n[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]\n--- End Main Chunk ---\n\n--- Next Context ---\n[Chunk 2] 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[Chunk 3] \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\n[Chunk 4] 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\n[... 11346 characters skipped ...]\n--- End Next Context ---" }, { "medication_info": "Medication Info: \nMedications: Crestor, Olmesartan, Tylenol, fiber supplement \nDosages: Not specified \nSymptoms: chronic abdominal pain, GERD, anxiety, depression, abdominal pain, diarrhea, nagging feeling, constipation, explosive diarrhea, no blood in stool, hard stool, some pain during bowel movement, sensitive stomach, stable weight, desire to lose 25 pounds, believes they have irritable bowel syndrome, stomach problems in family, unexplained abdominal pain, changes in bowel habits, pain in the left side near the belly button, slightly elevated liver enzymes, elevated ALT and AST, no issues with ankles or feet swelling, no jaundice, lungs are clear, normal heart sounds, increased stool burden in colon, slight hepatomegaly, liver toxicity (potential).", @@ -237,7 +237,7 @@ "document_id": "37b05441-b65c-4a92-b55e-d243255f1b8e", "src_chunk": "[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", "split_extract_medical_info_chunk_num": 1, - "src_chunk_formatted": "--- Previous Context ---\n--- End Previous Context ---\n\n--- Begin Main Chunk ---\n[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--- End Main Chunk ---\n\n--- Next Context ---\n[Chunk 2] .\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\n[Chunk 3] 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 ,\n[Chunk 4] 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]\n[... 115728 characters skipped ...]\n--- End Next Context ---" + "src_chunk_rendered": "--- Previous Context ---\n--- End Previous Context ---\n\n--- Begin Main Chunk ---\n[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--- End Main Chunk ---\n\n--- Next Context ---\n[Chunk 2] .\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\n[Chunk 3] 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 ,\n[Chunk 4] 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]\n[... 115728 characters skipped ...]\n--- End Next Context ---" }, { "medication_info": "Medication Info: \nMedications: Fluocinonide, Ibuprofen, Tylenol, Mobic \nDosages: Mobic - 15 milligrams, once a day \nSymptoms: Pain in the top part of the right leg, sore to walk on, bruising on the back end, swollen (not significantly), soreness in the area of concern, Diverticulosis, Diverticulitis, Tenderness in right upper leg, Pain in leg when pressed, Contusion", @@ -247,7 +247,7 @@ "document_id": "f6d83de4-7696-4d7b-a092-764e61cfaeff", "src_chunk": "[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", "split_extract_medical_info_chunk_num": 1, - "src_chunk_formatted": "--- Previous Context ---\n--- End Previous Context ---\n\n--- Begin Main Chunk ---\n[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\n--- End Main Chunk ---\n\n--- Next Context ---\n[Chunk 2] 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[Chunk 3] ?\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\n[Chunk 4] ? 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 ,\n[... 5602 characters skipped ...]\n--- End Next Context ---" + "src_chunk_rendered": "--- Previous Context ---\n--- End Previous Context ---\n\n--- Begin Main Chunk ---\n[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\n--- End Main Chunk ---\n\n--- Next Context ---\n[Chunk 2] 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[Chunk 3] ?\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\n[Chunk 4] ? 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 ,\n[... 5602 characters skipped ...]\n--- End Next Context ---" }, { "medication_info": "Medication Info: \n- Ibuprofen: Dosage not specified\n- Symptoms: Right foot pain, pain in my foot, right leg pain, Injury, Pain, no numbness, no tingling, no loss in sensation.", @@ -257,7 +257,7 @@ "document_id": "e729445f-76c8-419c-b0a1-63f5cc5396e7", "src_chunk": "[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", "split_extract_medical_info_chunk_num": 1, - "src_chunk_formatted": "--- Previous Context ---\n--- End Previous Context ---\n\n--- Begin Main Chunk ---\n[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\n--- End Main Chunk ---\n\n--- Next Context ---\n[Chunk 2] 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[Chunk 3] \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\n[Chunk 4] 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\n[... 69102 characters skipped ...]\n--- End Next Context ---" + "src_chunk_rendered": "--- Previous Context ---\n--- End Previous Context ---\n\n--- Begin Main Chunk ---\n[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\n--- End Main Chunk ---\n\n--- Next Context ---\n[Chunk 2] 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[Chunk 3] \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\n[Chunk 4] 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\n[... 69102 characters skipped ...]\n--- End Next Context ---" }, { "medication_info": "Medication Info:\nMedications:\n1. Ibuprofen\n2. Mobic\n3. Metformin - 500mg\n\nDosages:\n1. Ibuprofen - not specified\n2. Mobic - not specified\n3. Metformin - 500mg\n\nSymptoms:\n1. Right knee injury, slipped while jumping on a trampoline.\n2. Pain, swelling, difficulty standing, pain when standing, hard to get around.\n3. Diabetes management issues, forgetting to check sugar levels.\n4. Swelling in the knee, pain on palpation inside and outside of the knee, limited range of motion.\n5. Pain on both flexion and extension of the knee, concern about a torn or injured MCL, trouble with weight-bearing, and a popping sound heard.\n6. Knee issue (to be evaluated with MRI), managing diabetes well.", @@ -267,7 +267,7 @@ "document_id": "b659b17e-00e3-4c51-bea9-f1c1738afe63", "src_chunk": "[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", "split_extract_medical_info_chunk_num": 1, - "src_chunk_formatted": "--- Previous Context ---\n--- End Previous Context ---\n\n--- Begin Main Chunk ---\n[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--- End Main Chunk ---\n\n--- Next Context ---\n[Chunk 2] \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\n[Chunk 3] 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\n[Chunk 4] 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 motion\n[... 6524 characters skipped ...]\n--- End Next Context ---" + "src_chunk_rendered": "--- Previous Context ---\n--- End Previous Context ---\n\n--- Begin Main Chunk ---\n[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--- End Main Chunk ---\n\n--- Next Context ---\n[Chunk 2] \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\n[Chunk 3] 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\n[Chunk 4] 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 motion\n[... 6524 characters skipped ...]\n--- End Next Context ---" }, { "medication_info": "Medication Info: Edward is a 59-year-old male with a past medical history significant for depression, hypertension, and prior rotator cuff repair. \n\nMedications: Daily medication for high blood pressure (Norvasc 10 mg a day). \nDosages: Not specified for high blood pressure medication except for Norvasc. \nSymptoms: High blood pressure, good days and bad days; swelling in ankles, especially near the end of the day, goes away by the next morning; 1 to 2+ pitting edema noted in legs; dietary recommendation to decrease salt intake. \n\nThe patient expressed a desire not to go on medication due to being on a bunch of other meds, while symptoms of depression led to the patient seeing a counselor and engaging in swimming activities.", @@ -277,7 +277,7 @@ "document_id": "ecf5b98b-0dd0-44e4-a0b7-65c000336a61", "src_chunk": "[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", "split_extract_medical_info_chunk_num": 1, - "src_chunk_formatted": "--- Previous Context ---\n--- End Previous Context ---\n\n--- Begin Main Chunk ---\n[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\n--- End Main Chunk ---\n\n--- Next Context ---\n[Chunk 2] 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\n[Chunk 3] 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\n[Chunk 4] 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 ,\n[... 41006 characters skipped ...]\n--- End Next Context ---" + "src_chunk_rendered": "--- Previous Context ---\n--- End Previous Context ---\n\n--- Begin Main Chunk ---\n[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\n--- End Main Chunk ---\n\n--- Next Context ---\n[Chunk 2] 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\n[Chunk 3] 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\n[Chunk 4] 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 ,\n[... 41006 characters skipped ...]\n--- End Next Context ---" }, { "medication_info": "Medication Info: \nMedications: Tylenol, Imitrex, Ultram 50 mg as needed every six hours, Protonix 40 mg daily\nDosages: Not specified for Tylenol; Imitrex for migraines; Ultram 50 mg as needed every six hours; Protonix 40 mg daily\nSymptoms: back pain, kidney stones, migraines, reflux, shifting pain from right to left, constant pain for 48 hours, pretty bad severity, blood in urine, nausea, vomiting, dizziness, light-headedness, abdominal pain, body aches, tenderness on the right-hand side, tenderness of the abdomen upon palpation, tenderness in the right lower quadrant, elevated creatinine.", @@ -287,7 +287,7 @@ "document_id": "2a5b23da-145a-483b-9520-29ab6ae26e9f", "src_chunk": "[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", "split_extract_medical_info_chunk_num": 1, - "src_chunk_formatted": "--- Previous Context ---\n--- End Previous Context ---\n\n--- Begin Main Chunk ---\n[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\n--- End Main Chunk ---\n\n--- Next Context ---\n[Chunk 2] 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\n[Chunk 3] [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\n[Chunk 4] 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\n[... 32886 characters skipped ...]\n--- End Next Context ---" + "src_chunk_rendered": "--- Previous Context ---\n--- End Previous Context ---\n\n--- Begin Main Chunk ---\n[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\n--- End Main Chunk ---\n\n--- Next Context ---\n[Chunk 2] 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\n[Chunk 3] [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\n[Chunk 4] 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\n[... 32886 characters skipped ...]\n--- End Next Context ---" }, { "medication_info": "Medication Info:\nMedications: None mentioned, NSAIDs as needed for pain and discomfort, Injection recommended\nDosages: None mentioned\nSymptoms: pain in the right hip, pain in the groin area, worse with movement, sensation of the hip 'catching', Pain when pivoting and occasionally falling, Pain rated 2-7/10, no fever, no chills, no tingling, no numbness, no bowel or bladder issues, feels better when still, Several bulging discs, pain, weight loss, decreased range of motion, tenderness in the hips, bother when lifting knee, pain in the groin, decreased range of motion in the right hip, pain with internal and external rotation, pain in the right groin region during hip flexion, Right hip degenerative joint disease, high grade chondromalacia, subchondral marrow edema, cyst formation.", @@ -297,7 +297,7 @@ "document_id": "42fd282f-b83d-45eb-81f2-cc26271f43c4", "src_chunk": "[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[", "split_extract_medical_info_chunk_num": 1, - "src_chunk_formatted": "--- Previous Context ---\n--- End Previous Context ---\n\n--- Begin Main Chunk ---\n[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[\n--- End Main Chunk ---\n\n--- Next Context ---\n[Chunk 2] 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 .\n[Chunk 3] 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 ,\n[Chunk 4] 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 201\n[... 67644 characters skipped ...]\n--- End Next Context ---" + "src_chunk_rendered": "--- Previous Context ---\n--- End Previous Context ---\n\n--- Begin Main Chunk ---\n[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[\n--- End Main Chunk ---\n\n--- Next Context ---\n[Chunk 2] 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 .\n[Chunk 3] 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 ,\n[Chunk 4] 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 201\n[... 67644 characters skipped ...]\n--- End Next Context ---" }, { "medication_info": "Medication Info: \nMedications: Omeprazole, Allopurinol \nDosages: Omeprazole 40 milligrams once a day; Allopurinol 100 milligrams once a day \nSymptoms: Arthritis, gout, reflux, joint pain, problems with right knee, gout flare-up in right first big toe, vomiting in the mornings, abdominal pain, bloating, diarrhea (mentioned but not confirmed), normal bowel movement, no blood, nausea, vomiting, abdominal distension, pain in the right upper quadrant of the abdomen, slight pain in the right knee, effusion in the right knee, decreased range of motion, swollen right knee, residual arthritis.", @@ -307,7 +307,7 @@ "document_id": "ce73222e-dbd0-4189-a0fe-a3a44fbd50b3", "src_chunk": "[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", "split_extract_medical_info_chunk_num": 1, - "src_chunk_formatted": "--- Previous Context ---\n--- End Previous Context ---\n\n--- Begin Main Chunk ---\n[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\n--- End Main Chunk ---\n\n--- Next Context ---\n[Chunk 2] , 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\n[Chunk 3] ] 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\n[Chunk 4] [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]\n[... 41727 characters skipped ...]\n--- End Next Context ---" + "src_chunk_rendered": "--- Previous Context ---\n--- End Previous Context ---\n\n--- Begin Main Chunk ---\n[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\n--- End Main Chunk ---\n\n--- Next Context ---\n[Chunk 2] , 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\n[Chunk 3] ] 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\n[Chunk 4] [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]\n[... 41727 characters skipped ...]\n--- End Next Context ---" }, { "medication_info": "Medication Info:\nMedications: Protonix (40 milligrams, once a day), Ibuprofen (not to be taken), Caffeine (recommended to cut down to one 8-ounce cup per day)\nDosages: None (for other medications)\nSymptoms: dizziness, lightheadedness, slight nick from a knife, slightly decreased appetite, no blood in stools, no abdominal pain, no fever, no chills, no nausea or vomiting, nausea related to knee replacement, distress (none observed), abdominal tenderness (right lower quadrant), low hemoglobin (8.2), gastritis (inflammation of the stomach), slight polyp, potential bleeding from gastritis, newfound anemia.", @@ -317,7 +317,7 @@ "document_id": "0185d92e-3dfe-4ca3-9b3b-583bab95ab6a", "src_chunk": "[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", "split_extract_medical_info_chunk_num": 1, - "src_chunk_formatted": "--- Previous Context ---\n--- End Previous Context ---\n\n--- Begin Main Chunk ---\n[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\n--- End Main Chunk ---\n\n--- Next Context ---\n[Chunk 2] 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\n[Chunk 3] 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\n[Chunk 4] [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\n[... 15204 characters skipped ...]\n--- End Next Context ---" + "src_chunk_rendered": "--- Previous Context ---\n--- End Previous Context ---\n\n--- Begin Main Chunk ---\n[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\n--- End Main Chunk ---\n\n--- Next Context ---\n[Chunk 2] 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\n[Chunk 3] 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\n[Chunk 4] [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\n[... 15204 characters skipped ...]\n--- End Next Context ---" }, { "medication_info": "Medication Info: Medications: Tylenol, ibuprofen. Dosages: Not specified. Symptoms: Sore right foot, previous ankle injury (broken ankle), intermittent trouble with foot; Pain, swelling in foot; Pain rated 11 out of 10, numbness in the whole foot.", @@ -327,7 +327,7 @@ "document_id": "1c2aefc5-9a0f-4fa4-b515-2d89922ae0b3", "src_chunk": "[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", "split_extract_medical_info_chunk_num": 1, - "src_chunk_formatted": "--- Previous Context ---\n--- End Previous Context ---\n\n--- Begin Main Chunk ---\n[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\n--- End Main Chunk ---\n\n--- Next Context ---\n[Chunk 2] 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\n[Chunk 3] 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\n[Chunk 4] 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\n[... 26090 characters skipped ...]\n--- End Next Context ---" + "src_chunk_rendered": "--- Previous Context ---\n--- End Previous Context ---\n\n--- Begin Main Chunk ---\n[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\n--- End Main Chunk ---\n\n--- Next Context ---\n[Chunk 2] 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\n[Chunk 3] 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\n[Chunk 4] 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\n[... 26090 characters skipped ...]\n--- End Next Context ---" }, { "medication_info": "Medication Info: \nMedications: \n1. Tylenol - dosage not specified \n2. Ultram 50 mg every six hours as needed \n3. Synthroid - dosage not specified \n4. Immunosuppressive medications - dosage not specified \nSymptoms: \n1. Joint pain, particularly in the knees after moving boxes \n2. Knee pain, equally painful knees, past knee problems, pain preventing activities of daily living \n3. Sore muscles after exercise \n4. Hyperthyroidism \n5. No fatigue, no weight gain, occasional elbow pain \n6. Tenderness in the right knee, two out of six systolic ejection murmur, edema and erythema of the right knee, pain to palpation of the right knee, decreased range of motion in the right knee \n7. Hypothyroidism, arthritis, autoimmune issues \n8. Acute exacerbation of arthritis \n9. No headaches, no other symptoms mentioned.", @@ -337,7 +337,7 @@ "document_id": "2458c0b3-635b-4446-aecc-6fe755a756f5", "src_chunk": "[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", "split_extract_medical_info_chunk_num": 1, - "src_chunk_formatted": "--- Previous Context ---\n--- End Previous Context ---\n\n--- Begin Main Chunk ---\n[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\n--- End Main Chunk ---\n\n--- Next Context ---\n[Chunk 2] 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\n[Chunk 3] , 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\n[Chunk 4] 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\n[... 41790 characters skipped ...]\n--- End Next Context ---" + "src_chunk_rendered": "--- Previous Context ---\n--- End Previous Context ---\n\n--- Begin Main Chunk ---\n[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\n--- End Main Chunk ---\n\n--- Next Context ---\n[Chunk 2] 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\n[Chunk 3] , 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\n[Chunk 4] 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\n[... 41790 characters skipped ...]\n--- End Next Context ---" }, { "medication_info": "Medication Info: \nMedications: Insulin, Baby aspirin (daily), aspirin, statin\nDosages: None mentioned\nSymptoms: Ulcer on right foot, worsening condition over time; headaches (tension headaches); neuropathy (numbing and tingling in feet); sensation in extremities.", @@ -347,7 +347,7 @@ "document_id": "ef7b80fd-5f13-46b1-b65b-fe11de72027c", "src_chunk": "[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", "split_extract_medical_info_chunk_num": 1, - "src_chunk_formatted": "--- Previous Context ---\n--- End Previous Context ---\n\n--- Begin Main Chunk ---\n[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\n--- End Main Chunk ---\n\n--- Next Context ---\n[Chunk 2] 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\n[Chunk 3] 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\n[Chunk 4] 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\n[... 43785 characters skipped ...]\n--- End Next Context ---" + "src_chunk_rendered": "--- Previous Context ---\n--- End Previous Context ---\n\n--- Begin Main Chunk ---\n[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\n--- End Main Chunk ---\n\n--- Next Context ---\n[Chunk 2] 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\n[Chunk 3] 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\n[Chunk 4] 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\n[... 43785 characters skipped ...]\n--- End Next Context ---" }, { "medication_info": "Medication Info: \n- ibuprofen \nSymptoms: \n- foot pain \n- pain in foot after fall and entanglement in soccer.", @@ -357,7 +357,7 @@ "document_id": "9f32c6fb-547f-46f4-890b-6ea86b97265f", "src_chunk": "[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", "split_extract_medical_info_chunk_num": 1, - "src_chunk_formatted": "--- Previous Context ---\n--- End Previous Context ---\n\n--- Begin Main Chunk ---\n[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\n--- End Main Chunk ---\n\n--- Next Context ---\n[Chunk 2] 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\n[Chunk 3] 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\n[Chunk 4] 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\n[... 18388 characters skipped ...]\n--- End Next Context ---" + "src_chunk_rendered": "--- Previous Context ---\n--- End Previous Context ---\n\n--- Begin Main Chunk ---\n[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\n--- End Main Chunk ---\n\n--- Next Context ---\n[Chunk 2] 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\n[Chunk 3] 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\n[Chunk 4] 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\n[... 18388 characters skipped ...]\n--- End Next Context ---" }, { "medication_info": "Medication Info: No medications or dosages mentioned. Treatments include T-Gel shampoo, Head and Shoulders shampoo, Castor oil, Clobetasol 0.05% solution (to be used twice daily), and steroids (dosage not specified). Symptoms: itchy scalp pain, embarrassing dandruff, itching, itchy and scaly scalp, dry scalp, scalp psoriasis, white dander on clothes, and flare-ups.", @@ -367,7 +367,7 @@ "document_id": "381f63ab-4b72-4164-b4b5-e76d2a3a114e", "src_chunk": "[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]", "split_extract_medical_info_chunk_num": 1, - "src_chunk_formatted": "--- Previous Context ---\n--- End Previous Context ---\n\n--- Begin Main Chunk ---\n[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]\n--- End Main Chunk ---\n\n--- Next Context ---\n[Chunk 2] 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\n[Chunk 3] 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\n[Chunk 4] with you know high levels of stress has there been any new mental or emotional 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\n[... 17088 characters skipped ...]\n--- End Next Context ---" + "src_chunk_rendered": "--- Previous Context ---\n--- End Previous Context ---\n\n--- Begin Main Chunk ---\n[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]\n--- End Main Chunk ---\n\n--- Next Context ---\n[Chunk 2] 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\n[Chunk 3] 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\n[Chunk 4] with you know high levels of stress has there been any new mental or emotional 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\n[... 17088 characters skipped ...]\n--- End Next Context ---" }, { "medication_info": "Medication Info: \n- Medications: Ibuprofen\n- Dosages: Not specified\n- Symptoms: right elbow pain, popping sensation in elbow; Pain in the affected area (worsens after ice is removed, throbbing);\n\n- Medications: EpiPen\n- Dosages: Not specified\n- Symptoms: anaphylaxis;\n\n- Medications: None mentioned\n- Dosages: None mentioned\n- Symptoms: hurt when bending wrist, swelling, tenderness over lateral epicondyle;\n\n- Medications: None mentioned\n- Dosages: None mentioned\n- Symptoms: Swelling, redness, pain with flexion, pain with extension, pain on the dorsal aspect of the forearm;\n\n- Medications: Motrin\n- Dosages: 800 mg every 6 hours\n- Symptoms: Inflammation of tendon area, pain;\n\n- Medications: None mentioned\n- Dosages: None mentioned\n- Symptoms: None mentioned.", @@ -377,7 +377,7 @@ "document_id": "b9870b42-f40d-4d3e-8d59-733a7f3f65f1", "src_chunk": "[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]", "split_extract_medical_info_chunk_num": 1, - "src_chunk_formatted": "--- Previous Context ---\n--- End Previous Context ---\n\n--- Begin Main Chunk ---\n[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]\n--- End Main Chunk ---\n\n--- Next Context ---\n[Chunk 2] 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\n[Chunk 3] ... 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[Chunk 4] ?\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\n[... 9909 characters skipped ...]\n--- End Next Context ---" + "src_chunk_rendered": "--- Previous Context ---\n--- End Previous Context ---\n\n--- Begin Main Chunk ---\n[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]\n--- End Main Chunk ---\n\n--- Next Context ---\n[Chunk 2] 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\n[Chunk 3] ... 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[Chunk 4] ?\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\n[... 9909 characters skipped ...]\n--- End Next Context ---" }, { "medication_info": "Medication Info:\nMedications: \n1. Norvasc - 10 mg daily \n2. Carvedilol - 25 mg twice a day \n3. Lisinopril - not specified (previously taken) \n4. Advil (ibuprofen) - as needed for knee pain \n5. Motrin - as needed for knee pain \n6. Aleve (naproxen) - as needed for back pain \n7. Cardura - 4 mg, take once a day \nDosages: Not specified for Lisinopril; Advil, Motrin, and Aleve are as needed. \nSymptoms: high blood pressure, issues related to kidneys, feels fine most days, busy at work, high readings (170/90), mild headaches, swelling in lower extremities (with prolonged standing), knee pain, back pain, uncontrolled hypertension, 2 over 6 systolic ejection murmur, one plus pitting edema bilaterally.", @@ -387,7 +387,7 @@ "document_id": "173dcda0-f114-409c-94ff-55a007bee8cc", "src_chunk": "[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", "split_extract_medical_info_chunk_num": 1, - "src_chunk_formatted": "--- Previous Context ---\n--- End Previous Context ---\n\n--- Begin Main Chunk ---\n[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\n--- End Main Chunk ---\n\n--- Next Context ---\n[Chunk 2] 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[\n[Chunk 3] 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\n[Chunk 4] 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\n[... 69570 characters skipped ...]\n--- End Next Context ---" + "src_chunk_rendered": "--- Previous Context ---\n--- End Previous Context ---\n\n--- Begin Main Chunk ---\n[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\n--- End Main Chunk ---\n\n--- Next Context ---\n[Chunk 2] 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[\n[Chunk 3] 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\n[Chunk 4] 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\n[... 69570 characters skipped ...]\n--- End Next Context ---" }, { "medication_info": "Medication Info: Robitussin (dosage not specified); Antibiotics prescribed by primary care doctor and urgent care (dosage not specified); Oral steroid (dosage not specified); Symptoms: coughing, mucus, shortness of breath, low-grade fever, pneumonia; recurring illness (every month or every other month), lasting from a couple of days to up to a week; recurrent lung infections, respiratory rate of twenty, regular heart rate and rhythm, fine rales on lung exam; allergic reaction in your lungs, respiratory impairment; Infections, pneumonia.", @@ -397,7 +397,7 @@ "document_id": "6bbafd67-6a92-4697-aa8b-0720ce8f704b", "src_chunk": "[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", "split_extract_medical_info_chunk_num": 1, - "src_chunk_formatted": "--- Previous Context ---\n--- End Previous Context ---\n\n--- Begin Main Chunk ---\n[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--- End Main Chunk ---\n\n--- Next Context ---\n[Chunk 2] \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\n[Chunk 3] 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\n[Chunk 4] 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\n[... 25030 characters skipped ...]\n--- End Next Context ---" + "src_chunk_rendered": "--- Previous Context ---\n--- End Previous Context ---\n\n--- Begin Main Chunk ---\n[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--- End Main Chunk ---\n\n--- Next Context ---\n[Chunk 2] \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\n[Chunk 3] 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\n[Chunk 4] 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\n[... 25030 characters skipped ...]\n--- End Next Context ---" }, { "medication_info": "Medication Info: gout, type two diabetes, smoking cessation aids, type 2 diabetes management, 21 mg nicotine patch; monitor stress level related to work. Medications: Allopurinol; Symptoms: Stress, type two diabetes, gout, uric acid levels.", @@ -407,7 +407,7 @@ "document_id": "7aba1cb4-db7f-4f20-a1c5-dfb3c2db70b4", "src_chunk": "[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", "split_extract_medical_info_chunk_num": 1, - "src_chunk_formatted": "--- Previous Context ---\n--- End Previous Context ---\n\n--- Begin Main Chunk ---\n[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\n--- End Main Chunk ---\n\n--- Next Context ---\n[Chunk 2] 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\n[Chunk 3] 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\n[Chunk 4] 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]\n[... 58712 characters skipped ...]\n--- End Next Context ---" + "src_chunk_rendered": "--- Previous Context ---\n--- End Previous Context ---\n\n--- Begin Main Chunk ---\n[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\n--- End Main Chunk ---\n\n--- Next Context ---\n[Chunk 2] 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\n[Chunk 3] 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\n[Chunk 4] 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]\n[... 58712 characters skipped ...]\n--- End Next Context ---" }, { "medication_info": "Medication Info:\nMedications:\n1. Buspar (no dosage mentioned)\n2. Singulair (no dosage mentioned); Symptoms: Can cause anxiety\n3. Progesterone; Dosage: Not specified; Symptoms: Irritability, Regulating periods, anxiety spikes before period, random anxiety spikes, pain in the breast, smaller lumps, soreness during breastfeeding, presence of lumps, clogging.\n4. Camila (birth control), stopped taking; Symptoms: increase in hunger.\n\nSymptoms:\n- Anxiety (improved)\n- Severe anxiety (brutal in November and December)\n- Itching and discomfort (related to cream used once a week)", @@ -417,7 +417,7 @@ "document_id": "08f943a2-1521-4af7-bd4e-7bc681834062", "src_chunk": "[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", "split_extract_medical_info_chunk_num": 1, - "src_chunk_formatted": "--- Previous Context ---\n--- End Previous Context ---\n\n--- Begin Main Chunk ---\n[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\n--- End Main Chunk ---\n\n--- Next Context ---\n[Chunk 2] 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\n[Chunk 3] ] 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\n[Chunk 4] 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\n[... 82210 characters skipped ...]\n--- End Next Context ---" + "src_chunk_rendered": "--- Previous Context ---\n--- End Previous Context ---\n\n--- Begin Main Chunk ---\n[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\n--- End Main Chunk ---\n\n--- Next Context ---\n[Chunk 2] 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\n[Chunk 3] ] 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\n[Chunk 4] 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\n[... 82210 characters skipped ...]\n--- End Next Context ---" }, { "medication_info": "Medication Info: \nMedications: Metformin, Flomax, Lipitor, Aspirin, Metoprolol \nDosages: Flomax 0.4 mg once a day (take at night), Lipitor 40 mg/day, Metformin 1000 mg twice a day \nSymptoms: Difficulty urinating, weak urine stream, feeling of incomplete bladder emptying, waking up three or four times a night to go to the bathroom, sleep disturbance due to frequent urination, worsening condition over the last six months, no burning during urination, heart murmur.", @@ -427,7 +427,7 @@ "document_id": "c32305c6-961d-482a-bfd8-a53185d6550c", "src_chunk": "[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", "split_extract_medical_info_chunk_num": 1, - "src_chunk_formatted": "--- Previous Context ---\n--- End Previous Context ---\n\n--- Begin Main Chunk ---\n[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\n--- End Main Chunk ---\n\n--- Next Context ---\n[Chunk 2] 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[Chunk 3] 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\n[Chunk 4] [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\n[... 45654 characters skipped ...]\n--- End Next Context ---" + "src_chunk_rendered": "--- Previous Context ---\n--- End Previous Context ---\n\n--- Begin Main Chunk ---\n[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\n--- End Main Chunk ---\n\n--- Next Context ---\n[Chunk 2] 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[Chunk 3] 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\n[Chunk 4] [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\n[... 45654 characters skipped ...]\n--- End Next Context ---" }, { "medication_info": "Medication Info: \nMedications: None\nDosages: None\nSymptoms: new right eye twitch, twitch felt occasionally, no pain during twitch, twitching of the face, nervousness observed in father, fever, chills, coughing, headache, sleep problems, tics such as shoulder shrugging, facial grimacing, sniffling, excessive throat clearing, uncontrolled vocalization, transient tics, fatigue, stress, urge to blink her eye, tic, not impacting school or activities.", @@ -437,7 +437,7 @@ "document_id": "29d6db73-752c-411d-9983-49831113e4de", "src_chunk": "[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", "split_extract_medical_info_chunk_num": 1, - "src_chunk_formatted": "--- Previous Context ---\n--- End Previous Context ---\n\n--- Begin Main Chunk ---\n[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\n--- End Main Chunk ---\n\n--- Next Context ---\n[Chunk 2] 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[Chunk 3] \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\n[Chunk 4] '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\n[... 53688 characters skipped ...]\n--- End Next Context ---" + "src_chunk_rendered": "--- Previous Context ---\n--- End Previous Context ---\n\n--- Begin Main Chunk ---\n[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\n--- End Main Chunk ---\n\n--- Next Context ---\n[Chunk 2] 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[Chunk 3] \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\n[Chunk 4] '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\n[... 53688 characters skipped ...]\n--- End Next Context ---" }, { "medication_info": "Medication Info: \nMedications: Ibuprofen, Meloxicam, Anti-inflammatory medication\nDosages: 2 tablets daily; once a day\nSymptoms: big toe hurts, little red, throbbing pain, sharp stabbing pain, redness, warmth to the touch, discomfort with pressure, pain in bed from sheets, pain in big toe joint, pain when moving ankle, grinding sensation in toe joint, arthritis, hallux rigidus, loss of cartilage, heartburn, stomach pain.", @@ -447,7 +447,7 @@ "document_id": "1a18e629-70eb-4875-979f-dc719c040639", "src_chunk": "[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", "split_extract_medical_info_chunk_num": 1, - "src_chunk_formatted": "--- Previous Context ---\n--- End Previous Context ---\n\n--- Begin Main Chunk ---\n[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\n--- End Main Chunk ---\n\n--- Next Context ---\n[Chunk 2] 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\n[Chunk 3] 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\n[Chunk 4] 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 motion if i push your top to bottom\n[doctor] yeah ouch\n[patient] big toe joint that okay and let\n[... 42721 characters skipped ...]\n--- End Next Context ---" + "src_chunk_rendered": "--- Previous Context ---\n--- End Previous Context ---\n\n--- Begin Main Chunk ---\n[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\n--- End Main Chunk ---\n\n--- Next Context ---\n[Chunk 2] 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\n[Chunk 3] 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\n[Chunk 4] 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 motion if i push your top to bottom\n[doctor] yeah ouch\n[patient] big toe joint that okay and let\n[... 42721 characters skipped ...]\n--- End Next Context ---" }, { "medication_info": "Medication Info:\nMedications: None mentioned, Inhaler (asthma medication), pro, Zac 20mg a day, Metformin, Albuterol, Symbicort, Zoloft\nDosages: Increased (Metformin), 1000 mg twice a day (Metformin), 2 puffs twice a day (Symbicort), 25 mg once a day (Zoloft)\nSymptoms: depression, asthma, diabetes, lightheadedness, dizziness, shortness of breath, knee pain from running and lifting boxes, use of inhaler when it is over 85 degrees, exercise-related symptoms, side effects, bilateral expiratory wheezing, exacerbations during the summer months, high blood sugar, no pneumonia.", @@ -457,7 +457,7 @@ "document_id": "f1aa2565-a844-4d3f-829a-f69c3e262960", "src_chunk": "[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 ,", "split_extract_medical_info_chunk_num": 1, - "src_chunk_formatted": "--- Previous Context ---\n--- End Previous Context ---\n\n--- Begin Main Chunk ---\n[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 ,\n--- End Main Chunk ---\n\n--- Next Context ---\n[Chunk 2] 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\n[Chunk 3] 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\n[Chunk 4] 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 pro\n[... 24605 characters skipped ...]\n--- End Next Context ---" + "src_chunk_rendered": "--- Previous Context ---\n--- End Previous Context ---\n\n--- Begin Main Chunk ---\n[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 ,\n--- End Main Chunk ---\n\n--- Next Context ---\n[Chunk 2] 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\n[Chunk 3] 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\n[Chunk 4] 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 pro\n[... 24605 characters skipped ...]\n--- End Next Context ---" }, { "medication_info": "Medication Info: Ibuprofen; NSAIDs (non-steroidal anti-inflammatory drugs) prescribed for pain and swelling. Dosages: unspecified. Symptoms: left ankle pain, embarrassment, extended feeling in ankle, pain in left ankle, pain level 8 without medication, pain level 7 with medication, pain related to ankle injury.", @@ -467,7 +467,7 @@ "document_id": "1cef4132-8fec-497a-8488-c8e5e3fa6464", "src_chunk": "[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", "split_extract_medical_info_chunk_num": 1, - "src_chunk_formatted": "--- Previous Context ---\n--- End Previous Context ---\n\n--- Begin Main Chunk ---\n[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\n--- End Main Chunk ---\n\n--- Next Context ---\n[Chunk 2] 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\n[Chunk 3] 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\n[Chunk 4] 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\n[... 17804 characters skipped ...]\n--- End Next Context ---" + "src_chunk_rendered": "--- Previous Context ---\n--- End Previous Context ---\n\n--- Begin Main Chunk ---\n[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\n--- End Main Chunk ---\n\n--- Next Context ---\n[Chunk 2] 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\n[Chunk 3] 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\n[Chunk 4] 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\n[... 17804 characters skipped ...]\n--- End Next Context ---" }, { "medication_info": "Medication Info: Protonix 40 mg once a day in the morning; Carafate 1 g four times a day for one month. Symptoms: Difficulty swallowing, pain when swallowing, sensation of food getting stuck in chest, weight gain, epigastric pain, acute esophagitis, narrowing in the mid and lower portions of the esophagus, need to avoid certain foods due to unspecified symptoms.", @@ -477,7 +477,7 @@ "document_id": "4b4aa691-4f42-48f2-b108-3645b7469c5a", "src_chunk": "[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", "split_extract_medical_info_chunk_num": 1, - "src_chunk_formatted": "--- Previous Context ---\n--- End Previous Context ---\n\n--- Begin Main Chunk ---\n[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\n--- End Main Chunk ---\n\n--- Next Context ---\n[Chunk 2] 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]\n[Chunk 3] 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\n[Chunk 4] 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 thyromeg\n[... 17644 characters skipped ...]\n--- End Next Context ---" + "src_chunk_rendered": "--- Previous Context ---\n--- End Previous Context ---\n\n--- Begin Main Chunk ---\n[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\n--- End Main Chunk ---\n\n--- Next Context ---\n[Chunk 2] 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]\n[Chunk 3] 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\n[Chunk 4] 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 thyromeg\n[... 17644 characters skipped ...]\n--- End Next Context ---" }, { "medication_info": "Medication Info: \nMedications: \n1. Tylenol \n2. Ibuprofen \n3. Metformin - 1000 mg twice daily \n4. Meloxicam - 15 mg once a day \n5. Lisinopril - 20 mg once a day \n6. Lasix \nDosages: \n1. Metformin - 1000 mg twice daily \n2. Meloxicam - 15 mg once a day \n3. Lisinopril - 20 mg once a day \nSymptoms: \n1. Back pain \n2. Pain \n3. Back discomfort \n4. Strain \n5. Sore \n6. Leg weakness \n7. Dropped foot \n8. Struggling with right leg \n9. History of lower back surgery \n10. Heart failure \n11. High hemoglobin A1c (8) \n12. Acute lumbar strain \n13. Symptoms related to disc herniation \n14. Type 2 diabetes \n15. Slight weight gain (up to five pounds) \n16. Struggle with diet due to sweet tooth (specifically for jelly beans)", @@ -487,7 +487,7 @@ "document_id": "05c8522c-5868-4931-98c4-cbd817040c4e", "src_chunk": "[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", "split_extract_medical_info_chunk_num": 1, - "src_chunk_formatted": "--- Previous Context ---\n--- End Previous Context ---\n\n--- Begin Main Chunk ---\n[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\n--- End Main Chunk ---\n\n--- Next Context ---\n[Chunk 2] 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-\n[Chunk 3] 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\n[Chunk 4] 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]\n[... 60129 characters skipped ...]\n--- End Next Context ---" + "src_chunk_rendered": "--- Previous Context ---\n--- End Previous Context ---\n\n--- Begin Main Chunk ---\n[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\n--- End Main Chunk ---\n\n--- Next Context ---\n[Chunk 2] 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-\n[Chunk 3] 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\n[Chunk 4] 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]\n[... 60129 characters skipped ...]\n--- End Next Context ---" }, { "medication_info": "Medication Info: \nMedications: \n1. Tylenol \n2. Ibuprofen \n3. Norvasc - 2.5 mg \n4. Metformin - 500 mg \n5. Oxycodone 5 mg (take every 6-8 hours as needed for pain)\n\nSymptoms: \n1. Pain in the left back \n2. Continuous pain that travels lower \n3. Pain \n4. Nausea \n5. Chills \n6. High blood pressure \n7. Back pain \n8. Groin pain \n9. Abdominal tenderness \n10. Kidney stones \n11. Inflammation around kidney \n12. Recurrent kidney stones \n13. Diabetes", @@ -497,7 +497,7 @@ "document_id": "8113c9a3-a03d-4404-956d-91c3289d4366", "src_chunk": "[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", "split_extract_medical_info_chunk_num": 1, - "src_chunk_formatted": "--- Previous Context ---\n--- End Previous Context ---\n\n--- Begin Main Chunk ---\n[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\n--- End Main Chunk ---\n\n--- Next Context ---\n[Chunk 2] 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\n[Chunk 3] 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\n[Chunk 4] 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\n[... 69669 characters skipped ...]\n--- End Next Context ---" + "src_chunk_rendered": "--- Previous Context ---\n--- End Previous Context ---\n\n--- Begin Main Chunk ---\n[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\n--- End Main Chunk ---\n\n--- Next Context ---\n[Chunk 2] 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\n[Chunk 3] 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\n[Chunk 4] 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\n[... 69669 characters skipped ...]\n--- End Next Context ---" }, { "medication_info": "Medication Info: \nMedications: inhaler, Albuterol inhaler, Singulair\nDosages: 2 puffs (for inhaler), not specified (for others)\nSymptoms: difficulty breathing, sadness, needing to catch breath during sports, trouble breathing during sports, coughing around smoke, phlegm in throat, coughing, chest tightness, wheezing, lightheadedness, shakiness from inhaler, asthma symptoms, relief within about fifteen minutes, asthma attacks during aerobic exercise, sensitivity to smoke, stress, feeling down, sadness, difficulty focusing, lack of motivation, tiredness, reluctance to engage in social activities, fluid in the ears, allergies, side effects from albuterol inhaler", @@ -507,7 +507,7 @@ "document_id": "408bf21c-efb2-400b-a92d-f5e6aaf9797d", "src_chunk": "[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", "split_extract_medical_info_chunk_num": 1, - "src_chunk_formatted": "--- Previous Context ---\n--- End Previous Context ---\n\n--- Begin Main Chunk ---\n[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\n--- End Main Chunk ---\n\n--- Next Context ---\n[Chunk 2] 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\n[Chunk 3] 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\n[Chunk 4] 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\n[... 34416 characters skipped ...]\n--- End Next Context ---" + "src_chunk_rendered": "--- Previous Context ---\n--- End Previous Context ---\n\n--- Begin Main Chunk ---\n[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\n--- End Main Chunk ---\n\n--- Next Context ---\n[Chunk 2] 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\n[Chunk 3] 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\n[Chunk 4] 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\n[... 34416 characters skipped ...]\n--- End Next Context ---" }, { "medication_info": "Medication Info:\nMedications: ibuprofen, aleve, tylenol\nDosages: Not specified\nSymptoms: Knee pain, experienced for about six months, bilateral knee pain; Deep achy pain behind the kneecaps, pain when standing up from sitting, pain when going up and down stairs; pain, discomfort during movement; Knee pain with squatting, tenderness on palpation, positive patellar grind test; Patellofemoral pain syndrome.", @@ -517,7 +517,7 @@ "document_id": "4cc27d88-1cac-4b38-adf1-4ac383158a7b", "src_chunk": "[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", "split_extract_medical_info_chunk_num": 1, - "src_chunk_formatted": "--- Previous Context ---\n--- End Previous Context ---\n\n--- Begin Main Chunk ---\n[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\n--- End Main Chunk ---\n\n--- Next Context ---\n[Chunk 2] 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\n[Chunk 3] 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]\n[Chunk 4] 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\n[... 33516 characters skipped ...]\n--- End Next Context ---" + "src_chunk_rendered": "--- Previous Context ---\n--- End Previous Context ---\n\n--- Begin Main Chunk ---\n[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\n--- End Main Chunk ---\n\n--- Next Context ---\n[Chunk 2] 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\n[Chunk 3] 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]\n[Chunk 4] 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\n[... 33516 characters skipped ...]\n--- End Next Context ---" }, { "medication_info": "Medication Info: \nMedications: Lisinopril 20 mg daily, Metformin 1000 mg twice a day, Amoxicillin 500 mg, Lidocaine swish and swallow, Ibuprofen as needed, Lisinopril 40 mg once a day, Metformin 40 mg once a day \nDosages: 20 mg, 1000 mg twice a day, 500 mg, as needed, 40 mg once a day, 40 mg once a day \nSymptoms: sore throat, fever, sweating, chills, difficulty swallowing, no sickness to stomach, stuffy nose, swollen tonsils, feeling sick after covid vaccine, fluctuating blood pressure, fluctuating blood sugar levels, no pain to palpation of the frontal or maxillary sinuses, edema and erythema of the nasal turbinates bilaterally with clear discharge, bilateral erythema and edema of the peritonsillar space with exudates bilaterally, uvula midline, cervical lymphadenopathy on the right side.", @@ -527,7 +527,7 @@ "document_id": "f06909e5-1a9a-48de-982d-c2d263b04cb7", "src_chunk": "[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", "split_extract_medical_info_chunk_num": 1, - "src_chunk_formatted": "--- Previous Context ---\n--- End Previous Context ---\n\n--- Begin Main Chunk ---\n[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\n--- End Main Chunk ---\n\n--- Next Context ---\n[Chunk 2] 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\n[Chunk 3] 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\n[Chunk 4] 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\n[... 44912 characters skipped ...]\n--- End Next Context ---" + "src_chunk_rendered": "--- Previous Context ---\n--- End Previous Context ---\n\n--- Begin Main Chunk ---\n[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\n--- End Main Chunk ---\n\n--- Next Context ---\n[Chunk 2] 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\n[Chunk 3] 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\n[Chunk 4] 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\n[... 44912 characters skipped ...]\n--- End Next Context ---" }, { "medication_info": "Medication Info:\nMedications: Ibuprofen, Tylenol 500 mg\nDosages: 500 mg (Tylenol), 200 mg (Ibuprofen)\nSymptoms: Knee pain, ache in right knee when running, worse towards the end of the day, aches towards the afternoon, pain in the right knee (indicating pain on the outside of the knee), small amount of effusion, no redness or swelling, good pedal pulse, no numbness or tingling, knee sprain from overuse, pain, inflammation.", @@ -537,7 +537,7 @@ "document_id": "9d6dae00-819c-4248-ae9e-b8e033708778", "src_chunk": "[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", "split_extract_medical_info_chunk_num": 1, - "src_chunk_formatted": "--- Previous Context ---\n--- End Previous Context ---\n\n--- Begin Main Chunk ---\n[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--- End Main Chunk ---\n\n--- Next Context ---\n[Chunk 2] \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]\n[Chunk 3] 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\n[Chunk 4] 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\n[... 18604 characters skipped ...]\n--- End Next Context ---" + "src_chunk_rendered": "--- Previous Context ---\n--- End Previous Context ---\n\n--- Begin Main Chunk ---\n[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--- End Main Chunk ---\n\n--- Next Context ---\n[Chunk 2] \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]\n[Chunk 3] 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\n[Chunk 4] 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\n[... 18604 characters skipped ...]\n--- End Next Context ---" }, { "medication_info": "Medication Info: Oxycodone 5 mg every 6 to 8 hours for pain; continue Tylenol for additional pain relief.\nMedications: None mentioned\nDosages: None mentioned\nSymptoms: sudden onset of pain in right back, sweating, nausea, Pain on right hand side, radiating pain to groin, and intermittent pain after diagnosis, straining urine, no blood in urine, urine not darker than usual, kidney stone, tenderness, inflammation, abdominal tenderness, no fever, normal blood pressure, normal heart rate, breakthrough pain and potential infection indicated by the need for urinalysis and urine culture.", @@ -547,7 +547,7 @@ "document_id": "febff21a-e11e-42fe-9a0a-d3e8d6cdc3a5", "src_chunk": "[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", "split_extract_medical_info_chunk_num": 1, - "src_chunk_formatted": "--- Previous Context ---\n--- End Previous Context ---\n\n--- Begin Main Chunk ---\n[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\n--- End Main Chunk ---\n\n--- Next Context ---\n[Chunk 2] 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\n[Chunk 3] 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\n[Chunk 4] 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\n[... 11016 characters skipped ...]\n--- End Next Context ---" + "src_chunk_rendered": "--- Previous Context ---\n--- End Previous Context ---\n\n--- Begin Main Chunk ---\n[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\n--- End Main Chunk ---\n\n--- Next Context ---\n[Chunk 2] 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\n[Chunk 3] 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\n[Chunk 4] 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\n[... 11016 characters skipped ...]\n--- End Next Context ---" }, { "medication_info": "Medication Info: \nMedications: Metformin\nDosages: None mentioned\nSymptoms: Frequent infections, infections, frequent colds, lingering colds, diarrhea", @@ -557,7 +557,7 @@ "document_id": "794dbc54-6a2c-48e9-85e8-b0b2a09a13cd", "src_chunk": "[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", "split_extract_medical_info_chunk_num": 1, - "src_chunk_formatted": "--- Previous Context ---\n--- End Previous Context ---\n\n--- Begin Main Chunk ---\n[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\n--- End Main Chunk ---\n\n--- Next Context ---\n[Chunk 2] 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[Chunk 3] \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\n[Chunk 4] ] 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\n[... 32838 characters skipped ...]\n--- End Next Context ---" + "src_chunk_rendered": "--- Previous Context ---\n--- End Previous Context ---\n\n--- Begin Main Chunk ---\n[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\n--- End Main Chunk ---\n\n--- Next Context ---\n[Chunk 2] 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[Chunk 3] \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\n[Chunk 4] ] 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\n[... 32838 characters skipped ...]\n--- End Next Context ---" }, { "medication_info": "Medication Info: \nMedications: 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.\nDosages: 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.\nSymptoms: moderate mitral regurgitation, reduced ejection fraction of 35%, no chest pain, no shortness of breath, no troubles with sleeping, skinny ankles, fluid retention in the legs, concern about watching salt intake due to heart health, newly reduced left ventricular dysfunction.", @@ -567,7 +567,7 @@ "document_id": "97aa7cdb-e785-4b5f-ab36-f6ebb61bb075", "src_chunk": "[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", "split_extract_medical_info_chunk_num": 1, - "src_chunk_formatted": "--- Previous Context ---\n--- End Previous Context ---\n\n--- Begin Main Chunk ---\n[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\n--- End Main Chunk ---\n\n--- Next Context ---\n[Chunk 2] 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\n[Chunk 3] 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\n[Chunk 4] 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\n[... 44422 characters skipped ...]\n--- End Next Context ---" + "src_chunk_rendered": "--- Previous Context ---\n--- End Previous Context ---\n\n--- Begin Main Chunk ---\n[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\n--- End Main Chunk ---\n\n--- Next Context ---\n[Chunk 2] 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\n[Chunk 3] 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\n[Chunk 4] 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\n[... 44422 characters skipped ...]\n--- End Next Context ---" }, { "medication_info": "Medication Info:\nMedications: None mentioned.\nDosages: None mentioned.\nSymptoms: Chest pain, sharp chest pain, feelings resembling a heart attack, possible gastrointestinal issues, difficulty swallowing, mild tenderness in the upper abdomen, chest discomfort, anxiety, esophagitis, intense heartburn, asymptomatic for a prolonged period, possible GERD, dyspepsia, musculoskeletal issues.", @@ -577,7 +577,7 @@ "document_id": "3eaeef0f-29a7-4a1f-ba25-f5a152ebc2ea", "src_chunk": "[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", "split_extract_medical_info_chunk_num": 1, - "src_chunk_formatted": "--- Previous Context ---\n--- End Previous Context ---\n\n--- Begin Main Chunk ---\n[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\n--- End Main Chunk ---\n\n--- Next Context ---\n[Chunk 2] 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[Chunk 3] .\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[\n[Chunk 4] 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\n[... 34356 characters skipped ...]\n--- End Next Context ---" + "src_chunk_rendered": "--- Previous Context ---\n--- End Previous Context ---\n\n--- Begin Main Chunk ---\n[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\n--- End Main Chunk ---\n\n--- Next Context ---\n[Chunk 2] 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[Chunk 3] .\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[\n[Chunk 4] 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\n[... 34356 characters skipped ...]\n--- End Next Context ---" }, { "medication_info": "Medication Info: \nMedications: Ibuprofen, Miralax, Motrin 600 mg\nDosages: 600 mg every 6 hours for one week\nSymptoms: right finger pain, pain (worsens with movement), constipation, tenderness over distal phalanx, tenderness over the joint, pain in flexion, tenderness in the distal joint, right hand index finger contusion on the tip of the finger.", @@ -587,7 +587,7 @@ "document_id": "f44c23f2-729f-4dbe-b76d-d779032e7f8a", "src_chunk": "[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", "split_extract_medical_info_chunk_num": 1, - "src_chunk_formatted": "--- Previous Context ---\n--- End Previous Context ---\n\n--- Begin Main Chunk ---\n[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\n--- End Main Chunk ---\n\n--- Next Context ---\n[Chunk 2] 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\n[Chunk 3] 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\n[Chunk 4] 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\n[... 9477 characters skipped ...]\n--- End Next Context ---" + "src_chunk_rendered": "--- Previous Context ---\n--- End Previous Context ---\n\n--- Begin Main Chunk ---\n[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\n--- End Main Chunk ---\n\n--- Next Context ---\n[Chunk 2] 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\n[Chunk 3] 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\n[Chunk 4] 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\n[... 9477 characters skipped ...]\n--- End Next Context ---" }, { "medication_info": "Medication Info: \nMedications: Tylenol \nDosages: None mentioned \nSymptoms: \n- Worsening headaches \n- Dull nagging ache behind eyes \n- Headaches (severity: 6/10, dull ache behind the eyes, worse in the morning, lasting a few hours) \n- Bumping into door frames \n- Spinal fluid leak \n- Infection \n- Seizure \n- Stroke \n- Permanent numbness \n- Weakness \n- Difficulty speaking \n- Death \n- Symptomatic with clinical and radiographical evidence of optic chiasmal compression.", @@ -597,7 +597,7 @@ "document_id": "8ea5c4b8-a783-4358-9507-bf8b0720efe0", "src_chunk": "[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", "split_extract_medical_info_chunk_num": 1, - "src_chunk_formatted": "--- Previous Context ---\n--- End Previous Context ---\n\n--- Begin Main Chunk ---\n[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\n--- End Main Chunk ---\n\n--- Next Context ---\n[Chunk 2] /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\n[Chunk 3] 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\n[Chunk 4] 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 ,\n[... 46522 characters skipped ...]\n--- End Next Context ---" + "src_chunk_rendered": "--- Previous Context ---\n--- End Previous Context ---\n\n--- Begin Main Chunk ---\n[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\n--- End Main Chunk ---\n\n--- Next Context ---\n[Chunk 2] /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\n[Chunk 3] 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\n[Chunk 4] 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 ,\n[... 46522 characters skipped ...]\n--- End Next Context ---" }, { "medication_info": "Medication Info: \nMedications: \n- Ibuprofen \n- Ibuprofen \nDosages: \n- Not specified \n- 800 mg \n\nSymptoms: \n- Back pain on the right side lasting for about a week \n- Blood in urine \n- Pain that has moved to the right lower side \n- Constant pain \n- No real pain when urinating \n- No nausea \n- No vomiting \n- No fever \n- No chills \n- Mild pain and tenderness in the abdomen \n- Inflammation of the kidney \n- Stone in the proximal right ureter \n- Significant pain \n- Potential symptoms if infection is present.", @@ -607,7 +607,7 @@ "document_id": "fa58bceb-8acc-4271-9d28-2fe0e48f9da5", "src_chunk": "[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", "split_extract_medical_info_chunk_num": 1, - "src_chunk_formatted": "--- Previous Context ---\n--- End Previous Context ---\n\n--- Begin Main Chunk ---\n[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\n--- End Main Chunk ---\n\n--- Next Context ---\n[Chunk 2] [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\n[Chunk 3] 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\n[Chunk 4] 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\n[... 17504 characters skipped ...]\n--- End Next Context ---" + "src_chunk_rendered": "--- Previous Context ---\n--- End Previous Context ---\n\n--- Begin Main Chunk ---\n[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\n--- End Main Chunk ---\n\n--- Next Context ---\n[Chunk 2] [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\n[Chunk 3] 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\n[Chunk 4] 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\n[... 17504 characters skipped ...]\n--- End Next Context ---" }, { "medication_info": "Medication Info:\nMedications: Tylenol, Ibuprofen, Meloxicam 15 mg once a day, Metformin 1000 mg twice a day, Lisinopril 20 mg daily.\nDosages: Not specified for Tylenol and Ibuprofen; Meloxicam 15 mg once a day; Metformin 1000 mg twice a day; Lisinopril 20 mg daily.\nSymptoms: back pain, pain in lower back, stiffness after an hour, heard a pop when moving, icy heat on the spot, tingling in toes on right foot, difficulty finding a comfortable sleeping position, high blood pressure, aggravated arthritis in knee, pain to palpation of the lumbar spine, pain with flexion and extension of the back, elevated hemoglobin A1c at eight.", @@ -617,7 +617,7 @@ "document_id": "87df3440-0f44-40e9-98dd-f40fff91a620", "src_chunk": "[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", "split_extract_medical_info_chunk_num": 1, - "src_chunk_formatted": "--- Previous Context ---\n--- End Previous Context ---\n\n--- Begin Main Chunk ---\n[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\n--- End Main Chunk ---\n\n--- Next Context ---\n[Chunk 2] 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\n[Chunk 3] 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\n[Chunk 4] 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\n[... 63585 characters skipped ...]\n--- End Next Context ---" + "src_chunk_rendered": "--- Previous Context ---\n--- End Previous Context ---\n\n--- Begin Main Chunk ---\n[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\n--- End Main Chunk ---\n\n--- Next Context ---\n[Chunk 2] 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\n[Chunk 3] 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\n[Chunk 4] 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\n[... 63585 characters skipped ...]\n--- End Next Context ---" }, { "medication_info": "Medication Info:\nMedications:\n- ibuprofen\n- Digoxin\n- Motrin\nDosages:\n- 800 milligrams (Motrin, to be taken every six hours with food)\nSymptoms:\n- right knee pain\n- twisted knee\n- pain inside the knee\n- tenderness inside the knee\n- pain when bending the knee\n- pain when twisting the knee\n- tenderness over the medial meniscus\n- acute medial meniscus sprain or strain", @@ -627,7 +627,7 @@ "document_id": "d249d738-a956-422f-86f5-e0666771a649", "src_chunk": "[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]", "split_extract_medical_info_chunk_num": 1, - "src_chunk_formatted": "--- Previous Context ---\n--- End Previous Context ---\n\n--- Begin Main Chunk ---\n[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]\n--- End Main Chunk ---\n\n--- Next Context ---\n[Chunk 2] 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[Chunk 3] .\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\n[Chunk 4] 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\n[... 10482 characters skipped ...]\n--- End Next Context ---" + "src_chunk_rendered": "--- Previous Context ---\n--- End Previous Context ---\n\n--- Begin Main Chunk ---\n[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]\n--- End Main Chunk ---\n\n--- Next Context ---\n[Chunk 2] 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[Chunk 3] .\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\n[Chunk 4] 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\n[... 10482 characters skipped ...]\n--- End Next Context ---" }, { "medication_info": "Medication Info:\n- Medications: Farxiga, Amlodipine, Lisinopril (20 mg daily), Hydrochlorothiazide, Metformin, meloxicam (15 mg)\n- Dosages: Not specified for most medications, except Lisinopril (20 mg daily) and meloxicam (15 mg)\n- Symptoms: Left knee pain, occasional knee giving out, feeling of falling, pain in the kneecap, hypertension, heart murmur, diabetes mellitus", @@ -637,7 +637,7 @@ "document_id": "29cbe42d-07ef-4bec-8efc-d6155d885924", "src_chunk": "[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", "split_extract_medical_info_chunk_num": 1, - "src_chunk_formatted": "--- Previous Context ---\n--- End Previous Context ---\n\n--- Begin Main Chunk ---\n[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--- End Main Chunk ---\n\n--- Next Context ---\n[Chunk 2] \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\n[Chunk 3] 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\n[Chunk 4] in theories of fairly fast moves but it's mostly sideways motion\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\n[... 34794 characters skipped ...]\n--- End Next Context ---" + "src_chunk_rendered": "--- Previous Context ---\n--- End Previous Context ---\n\n--- Begin Main Chunk ---\n[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--- End Main Chunk ---\n\n--- Next Context ---\n[Chunk 2] \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\n[Chunk 3] 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\n[Chunk 4] in theories of fairly fast moves but it's mostly sideways motion\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\n[... 34794 characters skipped ...]\n--- End Next Context ---" }, { "medication_info": "Medication Info: No medications or dosages mentioned. Symptoms: right ankle pain, limping, and heard a pop.\n\nMedication Info: No medications or dosages were mentioned. Symptoms: pain at a level of six, constant throbbing pain, warmth when touched.\n\nMedication Info: Ibuprofen (dosage not specified). Symptoms: Pain in the ankle.\n\nMedication Info: No medications or dosages mentioned. Symptoms: right ankle pain, consistent with a right ankle sprain.\n\nMedication Info: - Air cast: for ankle stabilization\n- Crutches: for mobility assistance\n- Icing: 5 times a day for 20 minutes each time to reduce swelling.\n\nSymptoms: - Ankle sprain\n- Swelling.\n\nMedication Info: No medications mentioned. Symptoms: Pain.", @@ -647,7 +647,7 @@ "document_id": "fca0e16a-582e-4893-bd53-e31f7748cea5", "src_chunk": "[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", "split_extract_medical_info_chunk_num": 1, - "src_chunk_formatted": "--- Previous Context ---\n--- End Previous Context ---\n\n--- Begin Main Chunk ---\n[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\n--- End Main Chunk ---\n\n--- Next Context ---\n[Chunk 2] [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\n[Chunk 3] 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\n[Chunk 4] 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\n[... 25920 characters skipped ...]\n--- End Next Context ---" + "src_chunk_rendered": "--- Previous Context ---\n--- End Previous Context ---\n\n--- Begin Main Chunk ---\n[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\n--- End Main Chunk ---\n\n--- Next Context ---\n[Chunk 2] [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\n[Chunk 3] 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\n[Chunk 4] 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\n[... 25920 characters skipped ...]\n--- End Next Context ---" }, { "medication_info": "Medication Info:\nMedications:\n- Ibuprofen\n- Tylenol\n- Meloxicam, 15 milligrams, once a day.\n- Ultram, 50 milligrams, every four hours as needed.\nDosages:\n- Not specified\n- Dosage as desired (no specific dosage mentioned).\nSymptoms:\n- Sore\n- Back pain\n- Pain on the lower right side of the back\n- History of discectomy\n- Hurts to bend over\n- Chest pain\n- Shortness of breath\n- Abdominal pain\n- Nausea\n- Vomiting\n- Pain to palpation of the right lumbar spine\n- Decreased flexion and extension of the back\n- Positive straight leg raise on the right\n- Strength is good bilaterally in lower extremities\n- Lumbar strain", @@ -657,7 +657,7 @@ "document_id": "249cc2d9-6181-43ea-a3f2-0dccf7e4aa99", "src_chunk": "[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", "split_extract_medical_info_chunk_num": 1, - "src_chunk_formatted": "--- Previous Context ---\n--- End Previous Context ---\n\n--- Begin Main Chunk ---\n[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\n--- End Main Chunk ---\n\n--- Next Context ---\n[Chunk 2] 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 ty\n[Chunk 3] lenol 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 ?\n[Chunk 4] 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\n[... 15656 characters skipped ...]\n--- End Next Context ---" + "src_chunk_rendered": "--- Previous Context ---\n--- End Previous Context ---\n\n--- Begin Main Chunk ---\n[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\n--- End Main Chunk ---\n\n--- Next Context ---\n[Chunk 2] 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 ty\n[Chunk 3] lenol 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 ?\n[Chunk 4] 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\n[... 15656 characters skipped ...]\n--- End Next Context ---" }, { "medication_info": "Medication Info: Dexamethasone (reaction causing heart to race)\n\nMedication Info: \n\nMedication Info: \n\nMedication Info: \nMedications: None mentioned\nDosages: None mentioned\nSymptoms: Pain, swelling, inability to make a fist, unbearable pain, pain while driving\n\nMedication Info: Injection mentioned; no specific dosages or other medications listed; Symptoms: Tear in finger.\n\nMedication Info: Methylprednisolone (itching), Blood Pressure Pill (dosage not specified)\n\nMedication Info: \n\nMedication Info: , Dosages: , Symptoms: numb, tearing\n\nMedication Info: \n\nMedication Info: \n\nMedication Info: \n\nMedication Info: \n1. Cortisone injection (specific dosage not mentioned)\n2. Betamethasone (Celestone) (specific dosage not mentioned)\n3. Dexamethasone (reaction mentioned)\n4. Methylprednisolone (caused itching)\n\nMedication Info: Shot to reduce soreness; No specific dosage or other medications mentioned; Symptoms: Stiff, sore finger.\n\nMedication Info: No specific medications or dosages were mentioned in the transcript. Symptoms include finger injury, scar tissue, post-traumatic inflammation, swelling, and pain.\n\nMedication Info: Betamethasone 1 cc; Symptoms: post-traumatic severe stenosing tenosynovitis of the right index finger.\n\nMedication Info: Outpatient prescription (exact medication name not specified), injection (specific type not mentioned). No dosages or specific symptoms were detailed in the transcript.\n\nMedication Info: \n- Medication: Celestone, Dosage: 1 cc\n- Medication: Lidocaine, Dosage: 0.5 cc\n- Symptoms: Dramatic and violent painful reaction to the needle, contortions of the hand, concern for secondary needle stick.\n\nMedication Info: \n- Lidocaine: half a cc\n- Ibuprofen: dosage not specified\nSymptoms: No specific symptoms mentioned but reassured that no harm was done to his finger.", @@ -667,7 +667,7 @@ "document_id": "91fe875e-3756-4d59-bcbe-e02eac80208b", "src_chunk": "[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 ,", "split_extract_medical_info_chunk_num": 1, - "src_chunk_formatted": "--- Previous Context ---\n--- End Previous Context ---\n\n--- Begin Main Chunk ---\n[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 ,\n--- End Main Chunk ---\n\n--- Next Context ---\n[Chunk 2] \" 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 congru\n[Chunk 3] ency 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\n[Chunk 4] 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\n[... 144088 characters skipped ...]\n--- End Next Context ---" + "src_chunk_rendered": "--- Previous Context ---\n--- End Previous Context ---\n\n--- Begin Main Chunk ---\n[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 ,\n--- End Main Chunk ---\n\n--- Next Context ---\n[Chunk 2] \" 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 congru\n[Chunk 3] ency 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\n[Chunk 4] 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\n[... 144088 characters skipped ...]\n--- End Next Context ---" }, { "medication_info": "Medication Info:\nMedications: None mentioned, Metformin 500 mg (twice a day), Mobic, Meloxicam - 15 mg, Motrin (Ibuprofen), Advil (Ibuprofen)\nDosages: None mentioned for Motrin and Advil; Metformin 500 mg (twice a day), Meloxicam - 15 mg\nSymptoms: knee pain, pain on the inside of the knee after falling, right knee swelling, swollen knee, pain, ecchymosis, swelling, fluid in the knee (effusion), pain with palpation on the medial side.\nPrescription: Stop taking any non-steroidal anti-inflammatory drugs (NSAIDs) due to a ligament strain and small effusion around the right knee.", @@ -677,7 +677,7 @@ "document_id": "209fe955-07bf-4ab0-8e9b-f1d217885dbc", "src_chunk": "[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", "split_extract_medical_info_chunk_num": 1, - "src_chunk_formatted": "--- Previous Context ---\n--- End Previous Context ---\n\n--- Begin Main Chunk ---\n[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\n--- End Main Chunk ---\n\n--- Next Context ---\n[Chunk 2] 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\n[Chunk 3] ] 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\n[Chunk 4] 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[... 43575 characters skipped ...]\n--- End Next Context ---" + "src_chunk_rendered": "--- Previous Context ---\n--- End Previous Context ---\n\n--- Begin Main Chunk ---\n[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\n--- End Main Chunk ---\n\n--- Next Context ---\n[Chunk 2] 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\n[Chunk 3] ] 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\n[Chunk 4] 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[... 43575 characters skipped ...]\n--- End Next Context ---" }, { "medication_info": "Medication Info: Katherine has issues with eating, specifically stopping breathing while eating, has trouble regulating her temperature, has severe reflux, and has been advised by a dietician to avoid cow's milk. \n\nMedication Info: No medications or dosages mentioned. Symptoms: kidney issues, fused kidneys, leg problems. \n\nMedication Info: Ripple pea protein milk \n\nMedication Info: Dosages: \n\nSymptoms: Fussy, Mild hypotonia of the lower extremities, Normal external female genitalia.", @@ -687,7 +687,7 @@ "document_id": "8be35220-601e-4f43-84fe-97cdb49f46be", "src_chunk": "[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", "split_extract_medical_info_chunk_num": 1, - "src_chunk_formatted": "--- Previous Context ---\n--- End Previous Context ---\n\n--- Begin Main Chunk ---\n[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--- End Main Chunk ---\n\n--- Next Context ---\n[Chunk 2] .\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 ,\n[Chunk 3] 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\n[Chunk 4] 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\n[... 42560 characters skipped ...]\n--- End Next Context ---" + "src_chunk_rendered": "--- Previous Context ---\n--- End Previous Context ---\n\n--- Begin Main Chunk ---\n[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--- End Main Chunk ---\n\n--- Next Context ---\n[Chunk 2] .\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 ,\n[Chunk 3] 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\n[Chunk 4] 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\n[... 42560 characters skipped ...]\n--- End Next Context ---" }, { "medication_info": "Medication Info:\nMedications:\n- Tylenol \nDosages:\n- 2 extra strength every 6 to 8 hours \nSymptoms:\n- Left shoulder pain\n- Aches, pains in shoulder, trouble reaching or lifting objects, pain worsens with activity.\n- Unbearable pain when laying on the shoulder, some pain after medication.\n- Symptoms from shoulder injury\n- Potential need for steroid injection if symptoms do not improve.", @@ -697,7 +697,7 @@ "document_id": "73eaf62c-2008-489b-978d-30a1770c615b", "src_chunk": "[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", "split_extract_medical_info_chunk_num": 1, - "src_chunk_formatted": "--- Previous Context ---\n--- End Previous Context ---\n\n--- Begin Main Chunk ---\n[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\n--- End Main Chunk ---\n\n--- Next Context ---\n[Chunk 2] 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\n[Chunk 3] 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\n[Chunk 4] 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 motion and how does that feel here\n\n[... 16648 characters skipped ...]\n--- End Next Context ---" + "src_chunk_rendered": "--- Previous Context ---\n--- End Previous Context ---\n\n--- Begin Main Chunk ---\n[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\n--- End Main Chunk ---\n\n--- Next Context ---\n[Chunk 2] 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\n[Chunk 3] 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\n[Chunk 4] 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 motion and how does that feel here\n\n[... 16648 characters skipped ...]\n--- End Next Context ---" }, { "medication_info": "Medication Info: \nMedications: Prozac, Norvasc \nDosages: 20 milligrams daily, Not specified \nSymptoms: Depression, Hypertension, Stress, Chaos, Allergies (related to pollen), Shortness of breath, struggle with regular medication intake, nasal congestion, pounding in chest, slight two out of six systolic ejection murmur, lung clear, no lower extremity edema, pain to palpation of the sinuses, congestion", @@ -707,7 +707,7 @@ "document_id": "e1627874-d629-4705-a4e9-1fe8a09acfd9", "src_chunk": "[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", "split_extract_medical_info_chunk_num": 1, - "src_chunk_formatted": "--- Previous Context ---\n--- End Previous Context ---\n\n--- Begin Main Chunk ---\n[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\n--- End Main Chunk ---\n\n--- Next Context ---\n[Chunk 2] 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\n[Chunk 3] 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\n[Chunk 4] 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\n[... 30810 characters skipped ...]\n--- End Next Context ---" + "src_chunk_rendered": "--- Previous Context ---\n--- End Previous Context ---\n\n--- Begin Main Chunk ---\n[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\n--- End Main Chunk ---\n\n--- Next Context ---\n[Chunk 2] 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\n[Chunk 3] 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\n[Chunk 4] 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\n[... 30810 characters skipped ...]\n--- End Next Context ---" }, { "medication_info": "Medication Info: \n- Medication: Ibuprofen \n- Dosages: As needed for pain reduction \n- Pain Levels: 4 out of 10 with Ibuprofen, 6 out of 10 without Ibuprofen, 1 out of 10 after Ibuprofen \n\nSymptoms: \n- Ankle pain \n- Pain upon walking \n- Heard a pop during the fall \n- Foot pain \n- Limping \n- Ecchymosis (bruising) \n- Edema (swelling) \n- Tenderness to palpation \n- Ankle instability \n- Inflammation \n\nTreatment: \n- Air cast recommended for right ankle sprain \n- Elevation and icing suggested \n- NSAIDs (non-steroidal anti-inflammatory drugs) for pain reduction", @@ -717,7 +717,7 @@ "document_id": "975fbd64-6405-499e-8892-45ce8088462d", "src_chunk": "[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", "split_extract_medical_info_chunk_num": 1, - "src_chunk_formatted": "--- Previous Context ---\n--- End Previous Context ---\n\n--- Begin Main Chunk ---\n[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\n--- End Main Chunk ---\n\n--- Next Context ---\n[Chunk 2] 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 ib\n[Chunk 3] uprofen 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[\n[Chunk 4] 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\n[... 16824 characters skipped ...]\n--- End Next Context ---" + "src_chunk_rendered": "--- Previous Context ---\n--- End Previous Context ---\n\n--- Begin Main Chunk ---\n[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\n--- End Main Chunk ---\n\n--- Next Context ---\n[Chunk 2] 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 ib\n[Chunk 3] uprofen 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[\n[Chunk 4] 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\n[... 16824 characters skipped ...]\n--- End Next Context ---" }, { "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 (no dosage mentioned); Symptoms: weight loss, urgency to use the bathroom, leg cramps.\n5. Iron supplement (no dosage mentioned); Symptoms: heart burn.\n6. Prilosec (no dosage mentioned), stomach medication (no specific name or dosage mentioned); Symptoms: Anemia (associated with prior blood work).\n7. Torsemide (dose not specified); Symptoms: Elevated BUN at 23 suggesting possible dehydration, stable kidney numbers with creatinine at 0.7 or 0.8.\n8. Water pills (no specific dosage or name provided); Symptoms: none mentioned.\n9. Magnesium supplement: twice a day; Symptoms: none mentioned.\n10. Clopidogrel: to be taken off for a week before surgery.\n\nSymptoms: \n- Chronic congestive heart failure \n- Diastolic dysfunction \n- Dyspnea (increasingly dyspneic) \n- Exacerbation of CHF \n- Breathing issues.", @@ -727,7 +727,7 @@ "document_id": "2d794989-cfee-4631-b84f-02cc18b23309", "src_chunk": "[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", "split_extract_medical_info_chunk_num": 1, - "src_chunk_formatted": "--- Previous Context ---\n--- End Previous Context ---\n\n--- Begin Main Chunk ---\n[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\n--- End Main Chunk ---\n\n--- Next Context ---\n[Chunk 2] 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\n[Chunk 3] 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\n[Chunk 4] 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\n[... 91432 characters skipped ...]\n--- End Next Context ---" + "src_chunk_rendered": "--- Previous Context ---\n--- End Previous Context ---\n\n--- Begin Main Chunk ---\n[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\n--- End Main Chunk ---\n\n--- Next Context ---\n[Chunk 2] 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\n[Chunk 3] 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\n[Chunk 4] 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\n[... 91432 characters skipped ...]\n--- End Next Context ---" }, { "medication_info": "Medication Info: \nMedications: Lasix 80 mg once a day, Lisinopril 20 mg a day\nDosages: \nSymptoms: \n- feeling out of sorts\n- fatigue\n- tiredness\n- lightheadedness\n- bloating\n- shortness of breath when exerting energy \n- slight cramps in the chest that go away after about an hour \n- slight cough possibly related to seasonal change\n- cold\n- heart failure management issues\n- high blood pressure\n- dizziness\n- nausea\n- vomiting\n- diarrhea\n- jugular venous distention\n- systolic ejection murmur\n- fine crackles at the bases bilaterally\n- 1+ pitting edema\n- retaining a little bit of fluid\n- fluid in lungs\n- reduced pumping function of heart at 45\n- congestive heart failure\n- fluid retention\n- mitral regurgitation", @@ -737,7 +737,7 @@ "document_id": "e0e5669c-48a1-4234-8ef4-310922fa47f4", "src_chunk": "[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 .", "split_extract_medical_info_chunk_num": 1, - "src_chunk_formatted": "--- Previous Context ---\n--- End Previous Context ---\n\n--- Begin Main Chunk ---\n[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 .\n--- End Main Chunk ---\n\n--- Next Context ---\n[Chunk 2] 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]\n[Chunk 3] 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 ,\n[Chunk 4] 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\n[... 49864 characters skipped ...]\n--- End Next Context ---" + "src_chunk_rendered": "--- Previous Context ---\n--- End Previous Context ---\n\n--- Begin Main Chunk ---\n[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 .\n--- End Main Chunk ---\n\n--- Next Context ---\n[Chunk 2] 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]\n[Chunk 3] 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 ,\n[Chunk 4] 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\n[... 49864 characters skipped ...]\n--- End Next Context ---" }, { "medication_info": "Medication Info:\nMedications: Ibuprofen, Lisinopril 20 mg\nDosages: Ibuprofen 800 mg, twice a day; Lisinopril 20 mg\nSymptoms: right knee pain, knee issues, pain when flexing knee, swelling, pain during mobility, hypertension, elevated blood pressure (150/70), chest pain: No, belly pain: No, shortness of breath: No, knee pain: A little bit, pain to palpation of the medial aspect of the right knee, discomfort with knee flexion, pain with knee extension, edema around the knee, effusion with fluid in the knee, swelling of the knee.", @@ -747,7 +747,7 @@ "document_id": "87c52341-3245-49f5-b9b3-3d087b7fcc1e", "src_chunk": "[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", "split_extract_medical_info_chunk_num": 1, - "src_chunk_formatted": "--- Previous Context ---\n--- End Previous Context ---\n\n--- Begin Main Chunk ---\n[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\n--- End Main Chunk ---\n\n--- Next Context ---\n[Chunk 2] 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\n[Chunk 3] 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\n[Chunk 4] 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\n[... 25925 characters skipped ...]\n--- End Next Context ---" + "src_chunk_rendered": "--- Previous Context ---\n--- End Previous Context ---\n\n--- Begin Main Chunk ---\n[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\n--- End Main Chunk ---\n\n--- Next Context ---\n[Chunk 2] 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\n[Chunk 3] 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\n[Chunk 4] 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\n[... 25925 characters skipped ...]\n--- End Next Context ---" }, { "medication_info": "Medication Info: \n1. Ibuprofen - (dosage not specified)\n2. Metformin - 500 mg, twice a day\n3. Norvasc - 5 mg, once a day \n4. Hydrochlorothiazide - (new prescription)\n5. Naprosyn - 500 mg, twice a day\n6. Flexeril - 10 mg, twice a day\n7. 10 milligrams once a day.\n\nSymptoms: \n1. Back pain\n2. Pain radiating down left leg\n3. Pain\n4. Tingling\n5. Blood sugar levels in the 120 to 140 range\n6. Swelling in ankles\n7. Two over six systolic ejection murmur\n8. Tenderness in the left paraspinal area\n9. Tenderness in the lower back\n10. Negative straight leg raise test\n11. Normal reflexes\n12. One plus nonpitting edema of lower extremities\n13. Edema in legs\n14. Muscular sprain.", @@ -757,7 +757,7 @@ "document_id": "07d04428-b68f-4910-ba33-447b45da3fc8", "src_chunk": "[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", "split_extract_medical_info_chunk_num": 1, - "src_chunk_formatted": "--- Previous Context ---\n--- End Previous Context ---\n\n--- Begin Main Chunk ---\n[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--- End Main Chunk ---\n\n--- Next Context ---\n[Chunk 2] \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\n[Chunk 3] 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\n[Chunk 4] 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\n[... 68112 characters skipped ...]\n--- End Next Context ---" + "src_chunk_rendered": "--- Previous Context ---\n--- End Previous Context ---\n\n--- Begin Main Chunk ---\n[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--- End Main Chunk ---\n\n--- Next Context ---\n[Chunk 2] \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\n[Chunk 3] 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\n[Chunk 4] 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\n[... 68112 characters skipped ...]\n--- End Next Context ---" }, { "medication_info": "Medication Info:\nMedications:\n1. Iron pills\n2. Ferrous sulfate - 25 mg tablets, twice daily (once in the morning and once in the evening)\n3. Vitamin B12 - over the counter, dosage not specified\n4. Intravenous iron\n5. Ferrous sulfate 325 mg by mouth, prescribed for iron deficiency anemia\n\nDosages:\n- Ferrous sulfate - 25 mg tablets, twice daily (once in the morning and once in the evening)\n- Ferrous sulfate 325 mg by mouth\n\nSymptoms:\n- Iron deficiency anemia\n- Fatigue (implied by 'not great')\n- Fatigued\n- Feverish\n- Chills\n- Difficulty catching breath\n- Wheezing\n- Headaches\n- Chilling sensations\n- Easily cold\n- Worsening anxiety\n- Worsening depression\n- Tenderness during the abdominal exam.", @@ -767,7 +767,7 @@ "document_id": "faffd8f6-1f3e-47fe-ba4a-ae0365649388", "src_chunk": "[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", "split_extract_medical_info_chunk_num": 1, - "src_chunk_formatted": "--- Previous Context ---\n--- End Previous Context ---\n\n--- Begin Main Chunk ---\n[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\n--- End Main Chunk ---\n\n--- Next Context ---\n[Chunk 2] 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\n[Chunk 3] 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\n[Chunk 4] 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\n[... 41888 characters skipped ...]\n--- End Next Context ---" + "src_chunk_rendered": "--- Previous Context ---\n--- End Previous Context ---\n\n--- Begin Main Chunk ---\n[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\n--- End Main Chunk ---\n\n--- Next Context ---\n[Chunk 2] 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\n[Chunk 3] 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\n[Chunk 4] 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\n[... 41888 characters skipped ...]\n--- End Next Context ---" }, { "medication_info": "Medication Info: \nMedications: Tylenol, oxycodone 5 mg every 6 to 8 hours as needed for pain \nDosages: oxycodone 5 mg, alternate with tylenol \nSymptoms: sharp pain on the right side of abdomen, pain moving to lower abdomen, pain in groin, constant and intermittent severe pain, discomfort finding a comfortable position, burning sensation while urinating, dark urine, nausea.", @@ -777,7 +777,7 @@ "document_id": "c5e425cd-da8c-4de6-9357-d5c498953070", "src_chunk": "[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 ur", "split_extract_medical_info_chunk_num": 1, - "src_chunk_formatted": "--- Previous Context ---\n--- End Previous Context ---\n\n--- Begin Main Chunk ---\n[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 ur\n--- End Main Chunk ---\n\n--- Next Context ---\n[Chunk 2] inate 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\n[Chunk 3] 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\n[Chunk 4] 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\n[... 5782 characters skipped ...]\n--- End Next Context ---" + "src_chunk_rendered": "--- Previous Context ---\n--- End Previous Context ---\n\n--- Begin Main Chunk ---\n[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 ur\n--- End Main Chunk ---\n\n--- Next Context ---\n[Chunk 2] inate 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\n[Chunk 3] 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\n[Chunk 4] 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\n[... 5782 characters skipped ...]\n--- End Next Context ---" }, { "medication_info": "Medication Info: Medications: Bumex 2 mg once daily, Cozaar 100 mg daily, Norvasc 5 mg once daily; Symptoms: chest pain, swollen ankles, shortness of breath, high blood pressure (200/90), inconsistent medication adherence, poor dietary habits, out of breath, sleep issues (none), slight chest pain (thought to be heartburn), trace edema, congestive heart failure (CHF), mild to moderate mitral regurgitation.", @@ -787,7 +787,7 @@ "document_id": "949ecd69-2240-46b1-a4e6-25ee22f2eb02", "src_chunk": "[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", "split_extract_medical_info_chunk_num": 1, - "src_chunk_formatted": "--- Previous Context ---\n--- End Previous Context ---\n\n--- Begin Main Chunk ---\n[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\n--- End Main Chunk ---\n\n--- Next Context ---\n[Chunk 2] 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\n[Chunk 3] 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\n[Chunk 4] 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\n[... 18552 characters skipped ...]\n--- End Next Context ---" + "src_chunk_rendered": "--- Previous Context ---\n--- End Previous Context ---\n\n--- Begin Main Chunk ---\n[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\n--- End Main Chunk ---\n\n--- Next Context ---\n[Chunk 2] 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\n[Chunk 3] 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\n[Chunk 4] 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\n[... 18552 characters skipped ...]\n--- End Next Context ---" }, { "medication_info": "Medication Info: 1. Cisplatin - chemotherapy regimen (dosage not specified) 2. Etoposide - chemotherapy regimen (dosage not specified) 3. Prednisone - 40 mg daily for 5 days (low dose for inflammation) Symptoms: 1. Minimal cough 2. Sore throat 3. Fatigue (mentioned as tolerable) 4. Dry coughing 5. Reduced appetite 6. Shortness of breath (none noted) 7. Cervical lymphadenopathy 8. Supraclavicular adenopathy 9. Regular heart rhythm 10. Crackles in lungs bilaterally 11. Erythema on the anterior side of the chest on the left side 12. Mild radiation pneumonitis 13. Painful swallowing 14. Inflammation in the esophagus 15. Inflammation in the lungs.", @@ -797,7 +797,7 @@ "document_id": "e06377d5-e9d4-43ac-9f29-109c15662991", "src_chunk": "[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", "split_extract_medical_info_chunk_num": 1, - "src_chunk_formatted": "--- Previous Context ---\n--- End Previous Context ---\n\n--- Begin Main Chunk ---\n[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\n--- End Main Chunk ---\n\n--- Next Context ---\n[Chunk 2] 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\n[Chunk 3] 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 emotionally 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\n[Chunk 4] 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\n[... 25535 characters skipped ...]\n--- End Next Context ---" + "src_chunk_rendered": "--- Previous Context ---\n--- End Previous Context ---\n\n--- Begin Main Chunk ---\n[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\n--- End Main Chunk ---\n\n--- Next Context ---\n[Chunk 2] 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\n[Chunk 3] 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 emotionally 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\n[Chunk 4] 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\n[... 25535 characters skipped ...]\n--- End Next Context ---" }, { "medication_info": "Medication Info: \n1. Thyroid medicine (new prescription) - dosage not specified; old thyroid medicine - dosage not specified.\n2. Gel - $100.\n3. Clindamycin Gel - individual ingredient.\n4. Benzoyl Peroxide - individual ingredient.\n5. Unithroid - 90 days with a discount code ($9).\n6. Birth control (specific name not mentioned); Symptoms: Weight gain, acne, hair growth.\n7. CLA, Chromium; Dosages: Not specified; Symptoms: Weight loss, metabolism issues, thyroid issue.\n8. Chromium (supplement), Amino acids (not specified as a medication but mentioned as a supplement).\n9. Clindamycin topical (for acne), Miralax (for constipation); Symptoms: Acne, swelling of feet, constipation.\n10. Dexamethasone - dosage not mentioned; Symptoms: No symptoms of Cushing's disease.\n11. Cholesterol high (total 222), vitamin D deficiency.\n12. Vitamin D.\n13. Patient was taking medication that they stopped in December, but specific medication name or dosage is not mentioned.\n14. Medications for diabetes treatment (various dosages); side effects include nausea, vomiting, diarrhea, and constipation.\n15. Injection (specific medication name not mentioned); Dosage: Once a week for the first four or five weeks, then once a month; Symptoms: Expectation of pretty big weight loss due to diabetes study results.\n16. No specific medications or dosages mentioned; Symptoms: diabetes, hypertension, high cholesterol, psychiatric diseases such as schizophrenia and bipolar disorder.\n17. Unithroid; Dosage: Not specified.\n18. Topical Antibiotic (dosage not specified), Benzoyl Peroxide (dosage not specified); Symptoms: none.\n19. Vitamin D - 2000 IU daily; Birth Control - Mentioned as stopped; Symptoms: Liver enzymes issues, Vitamin D deficiency.\n20. Spermicide (specific dosages not mentioned); Symptoms: abnormal liver enzymes, which have improved since discontinuation of birth control.\n21. Epiduo - not covered for acne vulgaris; Benzoyl peroxide with clindamycin - to be tried for acne vulgaris; Unithroid - will print prescriptions and should be better priced with discount card; Symptoms: Abnormal weight gain, Hirsutism, Acne vulgaris, Hyperthyroidism.", @@ -807,7 +807,7 @@ "document_id": "f4aad5b3-e48b-4dd3-a038-2638f3b1e918", "src_chunk": "[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", "split_extract_medical_info_chunk_num": 1, - "src_chunk_formatted": "--- Previous Context ---\n--- End Previous Context ---\n\n--- Begin Main Chunk ---\n[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\n--- End Main Chunk ---\n\n--- Next Context ---\n[Chunk 2] ] 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\n[Chunk 3] ... 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\n[Chunk 4] ] 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\n[... 258058 characters skipped ...]\n--- End Next Context ---" + "src_chunk_rendered": "--- Previous Context ---\n--- End Previous Context ---\n\n--- Begin Main Chunk ---\n[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\n--- End Main Chunk ---\n\n--- Next Context ---\n[Chunk 2] ] 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\n[Chunk 3] ... 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\n[Chunk 4] ] 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\n[... 258058 characters skipped ...]\n--- End Next Context ---" }, { "medication_info": "Medication Info: - Ibuprofen, 600 mg\n- Ibuprofen (dosage not specified)\n\nSymptoms: - Elbow pain (specifically on the inside of the elbow)\n- Pain in the right elbow, radiating down the forearm\n- Pain (rated 6/10), difficulty lifting and performing activities, pain keeps patient up at night, duration of pain is about 4 days\n- Moderate tenderness of the medial epicondyle\n- Positive for pain to palpation when pressing on the elbow\n- Pain when pronating forearm, pain with resistance against flexion of the left wrist\n- Elbow pain, medial epicondylitis.", @@ -817,7 +817,7 @@ "document_id": "67a08576-c6c5-406f-bb68-68c8a69b53bc", "src_chunk": "[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[", "split_extract_medical_info_chunk_num": 1, - "src_chunk_formatted": "--- Previous Context ---\n--- End Previous Context ---\n\n--- Begin Main Chunk ---\n[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[\n--- End Main Chunk ---\n\n--- Next Context ---\n[Chunk 2] 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\n[Chunk 3] 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\n[Chunk 4] 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[... 11127 characters skipped ...]\n--- End Next Context ---" + "src_chunk_rendered": "--- Previous Context ---\n--- End Previous Context ---\n\n--- Begin Main Chunk ---\n[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[\n--- End Main Chunk ---\n\n--- Next Context ---\n[Chunk 2] 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\n[Chunk 3] 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\n[Chunk 4] 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[... 11127 characters skipped ...]\n--- End Next Context ---" }, { "medication_info": "Medication Info: \nMedications: \n- Ibuprofen \n- Ultram, 50 mg, every 6 hours \nDosages: \n- Not specified \nSymptoms: \n- Wrist pain \n- Swelling \n- Pain level: 9 \n- Pain is not right \n- Injury occurred yesterday \n- A little numbness \n- Tingling \n- Extreme pain on flexion \n- Hard time with wrist extension \n- Pain on radial deviation \n- Pain on movement \n- Ecchymosis \n- Bruising \n- Tenderness \n- Potential fracture \n- Bony crepitus \n- Chronic pain \n- Discomfort when arm is elevated \n- Elevated blood pressure \n- Elevated heart rate \n- Pain due to Colles' fracture", @@ -827,7 +827,7 @@ "document_id": "cceaa2e9-b200-4784-adb5-022ea7f0659f", "src_chunk": "[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", "split_extract_medical_info_chunk_num": 1, - "src_chunk_formatted": "--- Previous Context ---\n--- End Previous Context ---\n\n--- Begin Main Chunk ---\n[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\n--- End Main Chunk ---\n\n--- Next Context ---\n[Chunk 2] 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\n[Chunk 3] ] 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[Chunk 4] \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\n[... 82430 characters skipped ...]\n--- End Next Context ---" + "src_chunk_rendered": "--- Previous Context ---\n--- End Previous Context ---\n\n--- Begin Main Chunk ---\n[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\n--- End Main Chunk ---\n\n--- Next Context ---\n[Chunk 2] 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\n[Chunk 3] ] 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[Chunk 4] \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\n[... 82430 characters skipped ...]\n--- End Next Context ---" }, { "medication_info": "Medication Info: \n- Medications: \n 1. Lasix (Dosage varied; 60 mg for 4 days in one instance) \n 2. Metformin (Dosage not specified) \n 3. Albuterol (refill if needed) \n 4. Atrovent (refill if needed) \n 5. Naprosyn \n 6. Flexeril (muscle relaxer) \n- Symptoms: \n 1. Shortness of breath \n 2. Choking when lying down \n 3. Difficulty breathing at night \n 4. Low oxygen levels \n 5. Weight gain \n 6. Swelling in legs and calves \n 7. Inability to see ankles \n 8. Coughing up mucus (\"bringing a whole bunch of yuck up\") \n 9. Morning discomfort (especially first thing in the morning) \n 10. Blood sugar levels (highest mentioned: 230; A1C: 7.5) \n 11. High blood sugars, feeling crazy \n 12. Crackles in both lung bases \n 13. Intermittent wheezing \n 14. Slightly distended abdomen \n 15. One to one and a half plus pitting edema in both ankles \n 16. Congestive heart failure exacerbation \n 17. No chest pain or tightness \n 18. No coughing up anything \n 19. No fevers \n 20. Normal neurologic exam", @@ -837,7 +837,7 @@ "document_id": "43ae8c31-5630-4db9-839d-6e86280c4ed6", "src_chunk": "[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", "split_extract_medical_info_chunk_num": 1, - "src_chunk_formatted": "--- Previous Context ---\n--- End Previous Context ---\n\n--- Begin Main Chunk ---\n[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\n--- End Main Chunk ---\n\n--- Next Context ---\n[Chunk 2] 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\n[Chunk 3] 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\n[Chunk 4] 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]\n[... 69201 characters skipped ...]\n--- End Next Context ---" + "src_chunk_rendered": "--- Previous Context ---\n--- End Previous Context ---\n\n--- Begin Main Chunk ---\n[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\n--- End Main Chunk ---\n\n--- Next Context ---\n[Chunk 2] 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\n[Chunk 3] 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\n[Chunk 4] 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]\n[... 69201 characters skipped ...]\n--- End Next Context ---" }, { "medication_info": "Medication Info: Antibiotics; Dosage: 10 days; Insulin Pump; A1C 6.7; Blood sugar trending in 300-400s; Rarely blood sugar over 200; Checking blood sugar 2-3 times a day; Diabetic shoes and inserts, changed every three or four months. Symptoms: nonhealing foot ulcer, burning, stinging, blister, foul smell; blister became unroofed, thick soft mushy skin with a bad smell, yellow drainage, temperature of 99.7, chills, wound turning black; cramping in calf muscle, red streak on ankle, hot sensation, stinging, discomfort; throbbing pain in the bottom of foot, hard calf muscle, pain radiating to knee behind kneecap, coughing, difficulty catching breath; sloughing of tissue, cellulitis, erythema, odor, absent palpable pulse dorsalis pedis and posterior tibial, pain in the affected area; nonhealing diabetic foot ulcer, redness moving up the leg, swelling, and pain in the calf; medication therapy for diabetes management; antibiotics therapy.", @@ -847,7 +847,7 @@ "document_id": "8e165139-f209-477e-b5c7-0b83a38c8856", "src_chunk": "[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", "split_extract_medical_info_chunk_num": 1, - "src_chunk_formatted": "--- Previous Context ---\n--- End Previous Context ---\n\n--- Begin Main Chunk ---\n[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\n--- End Main Chunk ---\n\n--- Next Context ---\n[Chunk 2] 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\n[Chunk 3] 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\n[Chunk 4] 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\n[... 46382 characters skipped ...]\n--- End Next Context ---" + "src_chunk_rendered": "--- Previous Context ---\n--- End Previous Context ---\n\n--- Begin Main Chunk ---\n[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\n--- End Main Chunk ---\n\n--- Next Context ---\n[Chunk 2] 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\n[Chunk 3] 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\n[Chunk 4] 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\n[... 46382 characters skipped ...]\n--- End Next Context ---" }, { "medication_info": "Medication Info: \nMedications: \n- THC cream \n- THC gummies \n- THC \n- Meloxicam - 15 mg \n- NSAID (nonsteroidal anti-inflammatory drug) \nDosages: \n- not specified \n- 800 mg, twice a day as needed \n- unspecified medication (once a day) \nSymptoms: \n- Right knee pain \n- Medial aspect pain \n- Bilateral knee pain \n- Left knee instability \n- Pain severity rated as 7 on a scale of 10 \n- Pain when walking \n- Pain intensity of eleven \n- Swelling \n- Stiffness in the morning \n- Tenderness (implied) \n- Shooting pain down to the ankle \n- Mild swelling \n- Bruising \n- Slight limp \n- Difficulty bending knee \n- Pain when moving knee away from body \n- Pain on dorsiflexion \n- Joint pain, particularly during windy weather \n- Limiting stress on the right knee \n- Limping \n- Swelling and bruising.", @@ -857,7 +857,7 @@ "document_id": "50fd5871-1b69-47ee-9909-be5654ec081a", "src_chunk": "[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", "split_extract_medical_info_chunk_num": 1, - "src_chunk_formatted": "--- Previous Context ---\n--- End Previous Context ---\n\n--- Begin Main Chunk ---\n[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\n--- End Main Chunk ---\n\n--- Next Context ---\n[Chunk 2] [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\n[Chunk 3] 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\n[Chunk 4] 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\n[... 67185 characters skipped ...]\n--- End Next Context ---" + "src_chunk_rendered": "--- Previous Context ---\n--- End Previous Context ---\n\n--- Begin Main Chunk ---\n[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\n--- End Main Chunk ---\n\n--- Next Context ---\n[Chunk 2] [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\n[Chunk 3] 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\n[Chunk 4] 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\n[... 67185 characters skipped ...]\n--- End Next Context ---" }, { "medication_info": "Medication Info:\n\nMedications:\n- Lisinopril 20 mg once a day\n- Metformin 1000 mg twice a day\n- Doxycycline 100 mg twice a day for Lyme disease\n- Antibiotics (exact type not specified) for possible Lyme disease\n- Oral antibiotics to treat early-stage Lyme disease\n\nDosages:\n- Lisinopril (20 mg once a day)\n- Metformin (1000 mg twice a day)\n- Doxycycline (100 mg twice a day)\n\nSymptoms:\n- Tick bite\n- Burning sensation around the knee\n- Warmth on the spot\n- Annoyance\n- Typical arthritic pain\n- Difficulty moving the knee due to tick bite\n- Not being aware of Lyme disease symptoms\n- Headache\n- Generally do not feel well\n- Grinding sensation in the knee\n- Bull's-eye rash, indicating inflammation possibly related to Lyme disease\n", @@ -867,6 +867,6 @@ "document_id": "90b5503d-4a73-4e70-94e7-15304e147028", "src_chunk": "[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", "split_extract_medical_info_chunk_num": 1, - "src_chunk_formatted": "--- Previous Context ---\n--- End Previous Context ---\n\n--- Begin Main Chunk ---\n[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\n--- End Main Chunk ---\n\n--- Next Context ---\n[Chunk 2] ] 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\n[Chunk 3] 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\n[Chunk 4] 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\n[... 94831 characters skipped ...]\n--- End Next Context ---" + "src_chunk_rendered": "--- Previous Context ---\n--- End Previous Context ---\n\n--- Begin Main Chunk ---\n[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\n--- End Main Chunk ---\n\n--- Next Context ---\n[Chunk 2] ] 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\n[Chunk 3] 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\n[Chunk 4] 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\n[... 94831 characters skipped ...]\n--- End Next Context ---" } -] \ No newline at end of file +] diff --git a/workloads/medical/map_opt.yaml b/workloads/medical/map_opt.yaml index 75ec7897..baba9958 100644 --- a/workloads/medical/map_opt.yaml +++ b/workloads/medical/map_opt.yaml @@ -4,66 +4,29 @@ datasets: type: file default_model: gpt-4o-mini operations: - gather_src_extract_medical_info: - content_key: src_chunk - doc_id_key: split_extract_medical_info_id - order_key: split_extract_medical_info_chunk_num - peripheral_chunks: - next: - head: - count: 3 - previous: - tail: - count: 3 - type: gather - split_extract_medical_info: - chunk_size: 150 - split_key: src - type: split - submap_extract_medical_info: - model: gpt-4o-mini + extract_medical_info: + num_retries_on_validate_failure: 1 output: schema: medication_info: str - prompt: 'Analyze the following transcript chunk of a conversation between a doctor - and a patient: + prompt: 'Analyze the following transcript of a conversation between a doctor and + a patient: - {{ input.src_chunk }} + {{ input.src }} Extract and list all medications, dosages, and symptoms mentioned in the transcript. - Begin your medication_info output with "Medication Info: " If a piece of information - is not found, return an empty string. Only process the main chunk.' - type: map - subreduce_extract_medical_info: - commutative: true - input: - schema: - medication_info: str - model: gpt-4o-mini - output: - schema: - medication_info: str - pass_through: true - prompt: 'Combine the extracted information from multiple chunks as follows: + Begin your medication_info output with "Medication Info: " + If a piece of information is not found, return an empty string. - {% for value in values %} - - {{ value.medication_info }} - - {% endfor %} - - - Ensure all medications, dosages, and symptoms are listed comprehensively. Omit - duplicate entries and present a consolidated summary starting with "Medication - Info:". If a specific category of information is missing in all chunks, leave - it out from the final summary but maintain the format integrity.' - reduce_key: - - split_extract_medical_info_id - type: reduce + ' + recursively_optimize: false + type: map + validate: + - 'output[''medication_info''].startswith(''Medication Info: '')' pipeline: output: path: /Users/shreyashankar/Documents/hacking/motion-v3/workloads/medical/extracted_medical_info.json @@ -72,7 +35,4 @@ pipeline: - input: transcripts name: medical_info_extraction operations: - - split_extract_medical_info - - gather_src_extract_medical_info - - submap_extract_medical_info - - subreduce_extract_medical_info + - extract_medical_info